diff --git a/.gitattributes b/.gitattributes index e3e62ef45250e79c0707fece5b0b9628fe1b9e6c..f3cc4175264104fa6c78b5036c67942781c2fd6b 100644 --- a/.gitattributes +++ b/.gitattributes @@ -37,3 +37,7 @@ models/en_core_web_sm/en_core_web_sm-3.7.1/ner/model filter=lfs diff=lfs merge=l models/en_core_web_sm/en_core_web_sm-3.7.1/tok2vec/model filter=lfs diff=lfs merge=lfs -text models/en_core_web_sm/ner/model filter=lfs diff=lfs merge=lfs -text models/en_core_web_sm/tok2vec/model filter=lfs diff=lfs merge=lfs -text +models/spabert/notebooks/tutorial_datasets/output.csv.json filter=lfs diff=lfs merge=lfs -text +models/spabert/notebooks/tutorial_datasets/spabert_osm_mn.json filter=lfs diff=lfs merge=lfs -text +models/spabert/notebooks/tutorial_datasets/spabert_whg_wikidata.json filter=lfs diff=lfs merge=lfs -text +models/spabert/notebooks/tutorial_datasets/spabert_wikidata_sampled.json filter=lfs diff=lfs merge=lfs -text diff --git a/models/spabert/README.md b/models/spabert/README.md new file mode 100644 index 0000000000000000000000000000000000000000..39ea4d4bc947b29d94abfe84525e1cf18628fa66 --- /dev/null +++ b/models/spabert/README.md @@ -0,0 +1,69 @@ +# SpaBERT: A Pretrained Language Model from Geographic Data for Geo-Entity Representation + +This repo contains code for [SpaBERT: A Pretrained Language Model from Geographic Data for Geo-Entity Representation](https://arxiv.org/abs/2210.12213) which was published in EMNLP 2022. SpaBERT provides a general-purpose geo-entity representation based on neighboring entities in geospatial data. SpaBERT extends BERT to capture linearized spatial context, while incorporating a spatial coordinate embedding mechanism to preserve spatial relations of entities in the 2-dimensional space. SpaBERT is pretrained with masked language modeling and masked entity prediction tasks to learn spatial dependencies. + +* Slides: [emnlp22-spabert.pdf](https://drive.google.com/file/d/1V1URsRfpw13dbkb_zgBXeNqZJ0AF2744/view?usp=share_link) + + +## Pretraining +Pretrained model weights can be downloaded from the Google Drive for [SpaBERT-base](https://drive.google.com/file/d/1l44FY3DtDxzM_YVh3RR6PJwKnl80IYWB/view?usp=sharing) and [SpaBERT-large](https://drive.google.com/file/d/1LeZayTR92R5bu9gH_cGCwef7nnMX35cR/view?usp=share_link). + +Weights can also obtained from training from scratch using the following sample code. Data for pretraining can be downloaded [here](https://drive.google.com/drive/folders/1eaeVvUCcJVcNwnyTCk-1N1IKfukihk4j?usp=share_link). + +* Code to pretrain SpaBERT-base model: + + ```python3 train_mlm.py --lr=5e-5 --sep_between_neighbors --bert_option='bert-base'``` + +* Code to pretrain SpaBERT-large model: + + ```python3 train_mlm.py --lr=1e-6 --sep_between_neighbors --bert_option='bert-large``` + +## Downstream Tasks +### Supervised Geo-entity typing +The goal is to predict a geo-entity’s semantic type (e.g., transportation and healthcare) given the target geo-entity name and spatial context (i.e. surrounding neighbors name and location). + +Models trained on OSM in London and California region can be downloaded from Google Drive for [SpaBERT-base](https://drive.google.com/file/d/1XFcA3sxC4wTlt7VjvMp1zNrWY5rjafzE/view?usp=share_link) and [SpaBERT-large](https://drive.google.com/file/d/12_FDVeSYkl_HQ61JmuMU6cRjQdKNpgR_/view?usp=share_link) + +Data used for training and testing can be downloaded [here](https://drive.google.com/drive/folders/1uyvGdiJdu-Cym4dOKhQLIkKpfgHvfo01?usp=share_link) + +* Sample code for training SpaBERT-base typing model + +``` +python3 train_cls_spatialbert.py --lr=5e-5 --sep_between_neighbors --bert_option='bert-base' --with_type --mlm_checkpoint_path='mlm_mem_keeppos_ep0_iter06000_0.2936.pth' +``` + +* Sample code for training SpaBERT-large typing model + +``` +python3 train_cls_spatialbert.py --lr=1e-6 --sep_between_neighbors --bert_option='bert-large' --with_type --mlm_checkpoint_path='mlm_mem_keeppos_ep1_iter02000_0.4400.pth' --epochs=20 +``` + +### Unsupervised Geo-entity Linking + +Geo-entity linking is to link geo-entities from a geographic information system (GIS) oriented dataset to a knowledge base (KB). This task unsupervised thus does not require any further training. Pretrained models can be directly used for this task. + + +Linking with SpaBERT-base +``` +python3 unsupervised_wiki_location_allcand.py --model_name='spatial_bert-base' --sep_between_neighbors \ + --spatial_bert_weight_dir='weights/' --spatial_bert_weight_name='mlm_mem_keeppos_ep0_iter06000_0.2936.pth' + +``` + +Linking with SpaBERT-large +``` +python3 unsupervised_wiki_location_allcand.py --model_name='spatial_bert-large' --sep_between_neighbors \ + --spatial_bert_weight_dir='weights/' --spatial_bert_weight_name='mlm_mem_keeppos_ep1_iter02000_0.4400.pth' +``` + +Data used for linking from USGS historical maps to WikiData KB is provided [here](https://drive.google.com/drive/folders/1qKJnj71qxnca_TaygK-Y3EIySnMyFpFn?usp=share_link) + +## Acknowledgement +``` +@article{li2022spabert, + title={SpaBERT: A Pretrained Language Model from Geographic Data for Geo-Entity Representation}, + author={Zekun Li, Jina Kim, Yao-Yi Chiang and Muhao Chen}, + journal={EMNLP}, + year={2022} +} +``` diff --git a/models/spabert/__init__.py b/models/spabert/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/models/spabert/datasets/__init__.py b/models/spabert/datasets/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/models/spabert/datasets/__pycache__/__init__.cpython-310.pyc b/models/spabert/datasets/__pycache__/__init__.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..74640d86dc9d63fdab35ababd9779fd86efae739 Binary files /dev/null and b/models/spabert/datasets/__pycache__/__init__.cpython-310.pyc differ diff --git a/models/spabert/datasets/__pycache__/dataset_loader.cpython-310.pyc b/models/spabert/datasets/__pycache__/dataset_loader.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..2889d0eed82d0b201f1758bc94fbf371a53d52bd Binary files /dev/null and b/models/spabert/datasets/__pycache__/dataset_loader.cpython-310.pyc differ diff --git a/models/spabert/datasets/__pycache__/dataset_loader_ver2.cpython-310.pyc b/models/spabert/datasets/__pycache__/dataset_loader_ver2.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..cec6ac8a163d46d2f00f0e33c005721d468631f6 Binary files /dev/null and b/models/spabert/datasets/__pycache__/dataset_loader_ver2.cpython-310.pyc differ diff --git a/models/spabert/datasets/__pycache__/osm_sample_loader.cpython-310.pyc b/models/spabert/datasets/__pycache__/osm_sample_loader.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..9a70f9cd333c0cf7d1beacb5e7a1775ac015f386 Binary files /dev/null and b/models/spabert/datasets/__pycache__/osm_sample_loader.cpython-310.pyc differ diff --git a/models/spabert/datasets/__pycache__/usgs_os_sample_loader.cpython-310.pyc b/models/spabert/datasets/__pycache__/usgs_os_sample_loader.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..357f0478e7fb9bfbfa4d206131c1d4086a39322e Binary files /dev/null and b/models/spabert/datasets/__pycache__/usgs_os_sample_loader.cpython-310.pyc differ diff --git a/models/spabert/datasets/__pycache__/wikidata_sample_loader.cpython-310.pyc b/models/spabert/datasets/__pycache__/wikidata_sample_loader.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..d2e420c6ba1ffcf5f9ba1c907555291a9f0bffe3 Binary files /dev/null and b/models/spabert/datasets/__pycache__/wikidata_sample_loader.cpython-310.pyc differ diff --git a/models/spabert/datasets/const.py b/models/spabert/datasets/const.py new file mode 100644 index 0000000000000000000000000000000000000000..bacdc328713d78c44443511be99c5b6c2f1bd61b --- /dev/null +++ b/models/spabert/datasets/const.py @@ -0,0 +1,162 @@ +def revert_dict(coarse_to_fine_dict): + fine_to_coarse_dict = dict() + for key, value in coarse_to_fine_dict.items(): + for v in value: + fine_to_coarse_dict[v] = key + return fine_to_coarse_dict + +CLASS_9_LIST = ['education', 'entertainment_arts_culture', 'facilities', 'financial', 'healthcare', 'public_service', 'sustenance', 'transportation', 'waste_management'] + +CLASS_118_LIST=['animal_boarding', 'animal_breeding', 'animal_shelter', 'arts_centre', 'atm', 'baby_hatch', 'baking_oven', 'bank', 'bar', 'bbq', 'bench', 'bicycle_parking', 'bicycle_rental', 'bicycle_repair_station', 'biergarten', 'boat_rental', 'boat_sharing', 'brothel', 'bureau_de_change', 'bus_station', 'cafe', 'car_rental', 'car_sharing', 'car_wash', 'casino', 'charging_station', 'childcare', 'cinema', 'clinic', 'clock', 'college', 'community_centre', 'compressed_air', 'conference_centre', 'courthouse', 'crematorium', 'dentist', 'dive_centre', 'doctors', 'dog_toilet', 'dressing_room', 'drinking_water', 'driving_school', 'events_venue', 'fast_food', 'ferry_terminal', 'fire_station', 'food_court', 'fountain', 'fuel', 'funeral_hall', 'gambling', 'give_box', 'grave_yard', 'grit_bin', 'hospital', 'hunting_stand', 'ice_cream', 'internet_cafe', 'kindergarten', 'kitchen', 'kneipp_water_cure', 'language_school', 'library', 'lounger', 'love_hotel', 'marketplace', 'monastery', 'motorcycle_parking', 'music_school', 'nightclub', 'nursing_home', 'parcel_locker', 'parking', 'parking_entrance', 'parking_space', 'pharmacy', 'photo_booth', 'place_of_mourning', 'place_of_worship', 'planetarium', 'police', 'post_box', 'post_depot', 'post_office', 'prison', 'pub', 'public_bath', 'public_bookcase', 'ranger_station', 'recycling', 'refugee_site', 'restaurant', 'sanitary_dump_station', 'school', 'shelter', 'shower', 'social_centre', 'social_facility', 'stripclub', 'studio', 'swingerclub', 'taxi', 'telephone', 'theatre', 'toilets', 'townhall', 'toy_library', 'training', 'university', 'vehicle_inspection', 'vending_machine', 'veterinary', 'waste_basket', 'waste_disposal', 'waste_transfer_station', 'water_point', 'watering_place'] + +CLASS_95_LIST = ['arts_centre', 'atm', 'baby_hatch', 'bank', 'bar', 'bbq', 'bench', 'bicycle_parking', 'bicycle_rental', 'bicycle_repair_station', 'biergarten', 'boat_rental', 'boat_sharing', 'brothel', 'bureau_de_change', 'bus_station', 'cafe', 'car_rental', 'car_sharing', 'car_wash', 'casino', 'charging_station', 'cinema', 'clinic', 'college', 'community_centre', 'compressed_air', 'conference_centre', 'courthouse', 'dentist', 'doctors', 'dog_toilet', 'dressing_room', 'drinking_water', 'driving_school', 'events_venue', 'fast_food', 'ferry_terminal', 'fire_station', 'food_court', 'fountain', 'fuel', 'gambling', 'give_box', 'grit_bin', 'hospital', 'ice_cream', 'kindergarten', 'language_school', 'library', 'love_hotel', 'motorcycle_parking', 'music_school', 'nightclub', 'nursing_home', 'parcel_locker', 'parking', 'parking_entrance', 'parking_space', 'pharmacy', 'planetarium', 'police', 'post_box', 'post_depot', 'post_office', 'prison', 'pub', 'public_bookcase', 'ranger_station', 'recycling', 'restaurant', 'sanitary_dump_station', 'school', 'shelter', 'shower', 'social_centre', 'social_facility', 'stripclub', 'studio', 'swingerclub', 'taxi', 'telephone', 'theatre', 'toilets', 'townhall', 'toy_library', 'training', 'university', 'vehicle_inspection', 'veterinary', 'waste_basket', 'waste_disposal', 'waste_transfer_station', 'water_point', 'watering_place'] + +CLASS_74_LIST = ['arts_centre', 'atm', 'bank', 'bar', 'bench', 'bicycle_parking', 'bicycle_rental', 'bicycle_repair_station', 'boat_rental', 'bureau_de_change', 'bus_station', 'cafe', 'car_rental', 'car_sharing', 'car_wash', 'charging_station', 'cinema', 'clinic', 'college', 'community_centre', 'conference_centre', 'courthouse', 'dentist', 'doctors', 'drinking_water', 'driving_school', 'events_venue', 'fast_food', 'ferry_terminal', 'fire_station', 'food_court', 'fountain', 'fuel', 'gambling', 'hospital', 'kindergarten', 'language_school', 'library', 'motorcycle_parking', 'music_school', 'nightclub', 'nursing_home', 'parcel_locker', 'parking', 'pharmacy', 'police', 'post_box', 'post_depot', 'post_office', 'pub', 'public_bookcase', 'recycling', 'restaurant', 'sanitary_dump_station', 'school', 'shelter', 'social_centre', 'social_facility', 'stripclub', 'studio', 'swingerclub', 'taxi', 'telephone', 'theatre', 'toilets', 'townhall', 'university', 'vehicle_inspection', 'veterinary', 'waste_basket', 'waste_disposal', 'waste_transfer_station', 'water_point', 'watering_place'] + +FEWSHOT_CLASS_55_LIST = ['arts_centre', 'atm', 'bank', 'bar', 'bench', 'bicycle_parking', 'bicycle_rental', 'boat_rental', 'bureau_de_change', 'bus_station', 'cafe', 'car_rental', 'car_sharing', 'car_wash', 'charging_station', 'cinema', 'clinic', 'college', 'community_centre', 'courthouse', 'dentist', 'doctors', 'drinking_water', 'driving_school', 'events_venue', 'fast_food', 'ferry_terminal', 'fire_station', 'fountain', 'fuel', 'hospital', 'kindergarten', 'library', 'music_school', 'nightclub', 'parking', 'pharmacy', 'police', 'post_box', 'post_office', 'pub', 'public_bookcase', 'recycling', 'restaurant', 'school', 'shelter', 'social_centre', 'social_facility', 'studio', 'theatre', 'toilets', 'townhall', 'university', 'vehicle_inspection', 'veterinary'] + + +DICT_9to74 = {'sustenance':['bar','cafe','fast_food','food_court','pub','restaurant'], + 'education':['college','driving_school','kindergarten','language_school','library','music_school','school','university'], + 'transportation':['bicycle_parking','bicycle_repair_station','bicycle_rental','boat_rental', + 'bus_station','car_rental','car_sharing','car_wash','vehicle_inspection','charging_station','ferry_terminal', + 'fuel','motorcycle_parking','parking','taxi'], + 'financial':['atm','bank','bureau_de_change'], + 'healthcare':['clinic','dentist','doctors','hospital','nursing_home','pharmacy','social_facility','veterinary'], + 'entertainment_arts_culture':['arts_centre','cinema','community_centre', + 'conference_centre','events_venue','fountain','gambling', + 'nightclub','public_bookcase','social_centre','stripclub','studio','swingerclub','theatre'], + 'public_service':['courthouse','fire_station','police','post_box', + 'post_depot','post_office','townhall'], + 'facilities':['bench','drinking_water','parcel_locker','shelter', +'telephone','toilets','water_point','watering_place'], + 'waste_management':['sanitary_dump_station','recycling','waste_basket','waste_disposal','waste_transfer_station',] + } + +DICT_74to9 = revert_dict(DICT_9to74) + +DICT_9to95 = { + 'education':{'college','driving_school','kindergarten','language_school','library','toy_library','training','music_school','school','university'}, + 'entertainment_arts_culture':{'arts_centre','brothel','casino','cinema','community_centre','conference_centre','events_venue','fountain','gambling','love_hotel','nightclub','planetarium','public_bookcase','social_centre','stripclub','studio','swingerclub','theatre'}, + 'facilities':{'bbq','bench','dog_toilet','dressing_room','drinking_water','give_box','parcel_locker','shelter','shower','telephone','toilets','water_point','watering_place'}, + 'financial':{'atm','bank','bureau_de_change'}, + 'healthcare':{'baby_hatch','clinic','dentist','doctors','hospital','nursing_home','pharmacy','social_facility','veterinary'}, + 'public_service':{'courthouse','fire_station','police','post_box','post_depot','post_office','prison','ranger_station','townhall'}, + 'sustenance':{'bar','biergarten','cafe','fast_food','food_court','ice_cream','pub','restaurant',}, + 'transportation':{'bicycle_parking','bicycle_repair_station','bicycle_rental','boat_rental','boat_sharing','bus_station','car_rental','car_sharing','car_wash','compressed_air','vehicle_inspection','charging_station','ferry_terminal','fuel','grit_bin','motorcycle_parking','parking','parking_entrance','parking_space','taxi'}, + 'waste_management':{'sanitary_dump_station','recycling','waste_basket','waste_disposal','waste_transfer_station'}} + +DICT_95to9 = revert_dict(DICT_9to95) + +# DICT_95to9 = { +# 'college':'education', +# 'driving_school':'education', +# 'kindergarten':'education', +# 'language_school':'education', +# 'library':'education', +# 'toy_library':'education', +# 'training':'education', +# 'music_school':'education', +# 'school':'education', +# 'university':'education', + +# 'arts_centre':'entertainment_arts_culture', +# 'brothel':'entertainment_arts_culture', +# 'casino':'entertainment_arts_culture', +# 'cinema':'entertainment_arts_culture', +# 'community_centre':'entertainment_arts_culture', +# 'conference_centre':'entertainment_arts_culture', +# 'events_venue':'entertainment_arts_culture', +# 'fountain':'entertainment_arts_culture', +# 'gambling':'entertainment_arts_culture', +# 'love_hotel':'entertainment_arts_culture', +# 'nightclub':'entertainment_arts_culture', +# 'planetarium':'entertainment_arts_culture', +# 'public_bookcase':'entertainment_arts_culture', +# 'social_centre':'entertainment_arts_culture', +# 'stripclub':'entertainment_arts_culture', +# 'studio':'entertainment_arts_culture', +# 'swingerclub':'entertainment_arts_culture', +# 'theatre':'entertainment_arts_culture', + +# 'bbq': 'facilities', +# 'bench': 'facilities', +# 'dog_toilet': 'facilities', +# 'dressing_room': 'facilities', +# 'drinking_water': 'facilities', +# 'give_box': 'facilities', +# 'parcel_locker': 'facilities', +# 'shelter': 'facilities', +# 'shower': 'facilities', +# 'telephone': 'facilities', +# 'toilets': 'facilities', +# 'water_point': 'facilities', +# 'watering_place': 'facilities', + +# 'atm': 'financial', +# 'bank': 'financial', +# 'bureau_de_change': 'financial', + +# 'baby_hatch':'healthcare', +# 'clinic':'healthcare', +# 'dentist':'healthcare', +# 'doctors':'healthcare', +# 'hospital':'healthcare', +# 'nursing_home':'healthcare', +# 'pharmacy':'healthcare', +# 'social_facility':'healthcare', +# 'veterinary':'healthcare', + +# 'courthouse': 'public_service', +# 'fire_station': 'public_service', +# 'police': 'public_service', +# 'post_box': 'public_service', +# 'post_depot': 'public_service', +# 'post_office': 'public_service', +# 'prison': 'public_service', +# 'ranger_station': 'public_service', +# 'townhall': 'public_service', + +# 'bar': 'sustenance', +# 'biergarten': 'sustenance', +# 'cafe': 'sustenance', +# 'fast_food': 'sustenance', +# 'food_court': 'sustenance', +# 'ice_cream': 'sustenance', +# 'pub': 'sustenance', +# 'restaurant': 'sustenance', + +# 'bicycle_parking': 'transportation', +# 'bicycle_repair_station': 'transportation', +# 'bicycle_rental': 'transportation', +# 'boat_rental': 'transportation', +# 'boat_sharing': 'transportation', +# 'bus_station': 'transportation', +# 'car_rental': 'transportation', +# 'car_sharing': 'transportation', +# 'car_wash': 'transportation', +# 'compressed_air': 'transportation', +# 'vehicle_inspection': 'transportation', +# 'charging_station': 'transportation', +# 'ferry_terminal': 'transportation', +# 'fuel': 'transportation', +# 'grit_bin': 'transportation', +# 'motorcycle_parking': 'transportation', +# 'parking': 'transportation', +# 'parking_entrance': 'transportation', +# 'parking_space': 'transportation', +# 'taxi': 'transportation', + +# 'sanitary_dump_station': 'waste_management', +# 'recycling': 'waste_management', +# 'waste_basket': 'waste_management', +# 'waste_disposal': 'waste_management', +# 'waste_transfer_station': 'waste_management', + +# } + +# CLASS_9_LIST = ['sustenance', 'education', 'transportation', 'financial', 'healthcare', 'entertainment_arts_culture', 'public_service', 'facilities', 'waste_management'] + +# FINE_LIST = ['bar','biergarten','cafe','fast_food','food_court','ice_cream','pub','restaurant','college','driving_school','kindergarten','language_school','library','toy_library','training','music_school','school','university','bicycle_parking','bicycle_repair_station','bicycle_rental','boat_rental','boat_sharing','bus_station','car_rental','car_sharing','car_wash','compressed_air','vehicle_inspection','charging_station','ferry_terminal','fuel','grit_bin','motorcycle_parking','parking','parking_entrance','parking_space','taxi','atm','bank','bureau_de_change','baby_hatch','clinic','dentist','doctors','hospital','nursing_home','pharmacy','social_facility','veterinary','arts_centre','brothel','casino','cinema','community_centre','conference_centre','events_venue','fountain','gambling','love_hotel','nightclub','planetarium','public_bookcase','social_centre','stripclub','studio','swingerclub','theatre','courthouse','fire_station','police','post_box','post_depot','post_office','prison','ranger_station','townhall','bbq','bench','dog_toilet','dressing_room','drinking_water','give_box','parcel_locker','shelter','shower','telephone','toilets','water_point','watering_place','sanitary_dump_station','recycling','waste_basket','waste_disposal','waste_transfer_station'] + +# FINE_LIST = ['bar','biergarten','cafe','fast_food','food_court','ice_cream','pub','restaurant','college','driving_school','kindergarten','language_school','library','toy_library','training','music_school','school','university','bicycle_parking','bicycle_repair_station','bicycle_rental','boat_rental','boat_sharing','bus_station','car_rental','car_sharing','car_wash','compressed_air','vehicle_inspection','charging_station','ferry_terminal','fuel','grit_bin','motorcycle_parking','parking','parking_entrance','parking_space','taxi','atm','bank','bureau_de_change','baby_hatch','clinic','dentist','doctors','hospital','nursing_home','pharmacy','social_facility','veterinary','arts_centre','brothel','casino','cinema','community_centre','conference_centre','events_venue','fountain','gambling','love_hotel','nightclub','planetarium','public_bookcase','social_centre','stripclub','studio','swingerclub','theatre','courthouse','fire_station','police','post_box','post_depot','post_office','prison','ranger_station','townhall','bbq','bench','dog_toilet','dressing_room','drinking_water','give_box','parcel_locker','shelter','shower','telephone','toilets','water_point','watering_place','sanitary_dump_station','recycling','waste_basket','waste_disposal','waste_transfer_station','animal_boarding','animal_breeding','animal_shelter','baking_oven','childcare','clock','crematorium','dive_centre','funeral_hall','grave_yard','hunting_stand','internet_cafe','kitchen','kneipp_water_cure','lounger','marketplace','monastery','photo_booth','place_of_mourning','place_of_worship','public_bath','refugee_site','vending_machine'] \ No newline at end of file diff --git a/models/spabert/datasets/dataset_loader.py b/models/spabert/datasets/dataset_loader.py new file mode 100644 index 0000000000000000000000000000000000000000..b30013cd7711c4a5390495a26388d2852b992ab8 --- /dev/null +++ b/models/spabert/datasets/dataset_loader.py @@ -0,0 +1,162 @@ +import numpy as np +import torch +from torch.utils.data import Dataset +import pdb + +class SpatialDataset(Dataset): + def __init__(self, tokenizer , max_token_len , distance_norm_factor, sep_between_neighbors = False ): + self.tokenizer = tokenizer + self.max_token_len = max_token_len + self.distance_norm_factor = distance_norm_factor + self.sep_between_neighbors = sep_between_neighbors + + + def parse_spatial_context(self, pivot_name, pivot_pos, neighbor_name_list, neighbor_geometry_list, spatial_dist_fill, pivot_dist_fill = 0): + + sep_token_id = self.tokenizer.convert_tokens_to_ids(self.tokenizer.sep_token) + cls_token_id = self.tokenizer.convert_tokens_to_ids(self.tokenizer.cls_token) + mask_token_id = self.tokenizer.convert_tokens_to_ids(self.tokenizer.mask_token) + pad_token_id = self.tokenizer.convert_tokens_to_ids(self.tokenizer.pad_token) + max_token_len = self.max_token_len + + + # process pivot + pivot_name_tokens = self.tokenizer.convert_tokens_to_ids(self.tokenizer.tokenize(pivot_name)) + pivot_token_len = len(pivot_name_tokens) + + pivot_lng = pivot_pos[0] + pivot_lat = pivot_pos[1] + + # prepare entity mask + entity_mask_arr = [] + rand_entity = np.random.uniform(size = len(neighbor_name_list) + 1) # random number for masking entities including neighbors and pivot + # True for mask, False for unmask + + # check if pivot entity needs to be masked out, 15% prob. to be masked out + if rand_entity[0] < 0.15: + entity_mask_arr.extend([True] * pivot_token_len) + else: + entity_mask_arr.extend([False] * pivot_token_len) + + # process neighbors + neighbor_token_list = [] + neighbor_lng_list = [] + neighbor_lat_list = [] + + # add separator between pivot and neighbor tokens + # a trick to avoid adding separator token after the class name (for class name encoding of margin-ranking loss) + if self.sep_between_neighbors and pivot_dist_fill==0: + neighbor_lng_list.append(spatial_dist_fill) + neighbor_lat_list.append(spatial_dist_fill) + neighbor_token_list.append(sep_token_id) + + for neighbor_name, neighbor_geometry, rnd in zip(neighbor_name_list, neighbor_geometry_list, rand_entity[1:]): + + if not neighbor_name[0].isalpha(): + # only consider neighbors starting with letters + continue + + neighbor_token = self.tokenizer.convert_tokens_to_ids(self.tokenizer.tokenize(neighbor_name)) + neighbor_token_len = len(neighbor_token) + + # compute the relative distance from neighbor to pivot, + # normalize the relative distance by distance_norm_factor + # apply the calculated distance for all the subtokens of the neighbor + # neighbor_lng_list.extend([(neighbor_geometry[0]- pivot_lng)/self.distance_norm_factor] * neighbor_token_len) + # neighbor_lat_list.extend([(neighbor_geometry[1]- pivot_lat)/self.distance_norm_factor] * neighbor_token_len) + + if 'coordinates' in neighbor_geometry: # to handle different json dict structures + neighbor_lng_list.extend([(neighbor_geometry['coordinates'][0]- pivot_lng)/self.distance_norm_factor] * neighbor_token_len) + neighbor_lat_list.extend([(neighbor_geometry['coordinates'][1]- pivot_lat)/self.distance_norm_factor] * neighbor_token_len) + neighbor_token_list.extend(neighbor_token) + else: + neighbor_lng_list.extend([(neighbor_geometry[0]- pivot_lng)/self.distance_norm_factor] * neighbor_token_len) + neighbor_lat_list.extend([(neighbor_geometry[1]- pivot_lat)/self.distance_norm_factor] * neighbor_token_len) + neighbor_token_list.extend(neighbor_token) + + if self.sep_between_neighbors: + neighbor_lng_list.append(spatial_dist_fill) + neighbor_lat_list.append(spatial_dist_fill) + neighbor_token_list.append(sep_token_id) + + entity_mask_arr.extend([False]) + + + if rnd < 0.15: + #True: mask out, False: Keey original token + entity_mask_arr.extend([True] * neighbor_token_len) + else: + entity_mask_arr.extend([False] * neighbor_token_len) + + + pseudo_sentence = pivot_name_tokens + neighbor_token_list + dist_lng_list = [pivot_dist_fill] * pivot_token_len + neighbor_lng_list + dist_lat_list = [pivot_dist_fill] * pivot_token_len + neighbor_lat_list + + + #including cls and sep + sent_len = len(pseudo_sentence) + + max_token_len_middle = max_token_len -2 # 2 for CLS and SEP token + + # padding and truncation + if sent_len > max_token_len_middle : + pseudo_sentence = [cls_token_id] + pseudo_sentence[:max_token_len_middle] + [sep_token_id] + dist_lat_list = [spatial_dist_fill] + dist_lat_list[:max_token_len_middle]+ [spatial_dist_fill] + dist_lng_list = [spatial_dist_fill] + dist_lng_list[:max_token_len_middle]+ [spatial_dist_fill] + attention_mask = [False] + [1] * max_token_len_middle + [False] # make sure SEP and CLS are not attented to + else: + pad_len = max_token_len_middle - sent_len + assert pad_len >= 0 + + pseudo_sentence = [cls_token_id] + pseudo_sentence + [sep_token_id] + [pad_token_id] * pad_len + dist_lat_list = [spatial_dist_fill] + dist_lat_list + [spatial_dist_fill] + [spatial_dist_fill] * pad_len + dist_lng_list = [spatial_dist_fill] + dist_lng_list + [spatial_dist_fill] + [spatial_dist_fill] * pad_len + attention_mask = [False] + [1] * sent_len + [0] * pad_len + [False] + + + + + norm_lng_list = np.array(dist_lng_list) # / 0.0001 + norm_lat_list = np.array(dist_lat_list) # / 0.0001 + + + # mask entity in the pseudo sentence + entity_mask_indices = np.where(entity_mask_arr)[0] + masked_entity_input = [mask_token_id if i in entity_mask_indices else pseudo_sentence[i] for i in range(0, max_token_len)] + + + # mask token in the pseudo sentence + rand_token = np.random.uniform(size = len(pseudo_sentence)) + # do not mask out cls and sep token. True: masked tokens False: Keey original token + token_mask_arr = (rand_token <0.15) & (np.array(pseudo_sentence) != cls_token_id) & (np.array(pseudo_sentence) != sep_token_id) & (np.array(pseudo_sentence) != pad_token_id) + token_mask_indices = np.where(token_mask_arr)[0] + + masked_token_input = [mask_token_id if i in token_mask_indices else pseudo_sentence[i] for i in range(0, max_token_len)] + + + # yield masked_token with 50% prob, masked_entity with 50% prob + if np.random.rand() > 0.5: + masked_input = torch.tensor(masked_entity_input) + else: + masked_input = torch.tensor(masked_token_input) + + train_data = {} + train_data['pivot_name'] = pivot_name + train_data['pivot_token_len'] = pivot_token_len + train_data['masked_input'] = masked_input + train_data['sent_position_ids'] = torch.tensor(np.arange(0, len(pseudo_sentence))) + train_data['attention_mask'] = torch.tensor(attention_mask) + train_data['norm_lng_list'] = torch.tensor(norm_lng_list).to(torch.float32) + train_data['norm_lat_list'] = torch.tensor(norm_lat_list).to(torch.float32) + train_data['pseudo_sentence'] = torch.tensor(pseudo_sentence) + + return train_data + + + + def __len__(self): + return NotImplementedError + + def __getitem__(self, index): + raise NotImplementedError diff --git a/models/spabert/datasets/dataset_loader_ver2.py b/models/spabert/datasets/dataset_loader_ver2.py new file mode 100644 index 0000000000000000000000000000000000000000..12c7ceaadb6934133abcf1e79bbd92d45f9a0231 --- /dev/null +++ b/models/spabert/datasets/dataset_loader_ver2.py @@ -0,0 +1,164 @@ +import numpy as np +import torch +from torch.utils.data import Dataset +import pdb + +class SpatialDataset(Dataset): + def __init__(self, tokenizer , max_token_len , distance_norm_factor, sep_between_neighbors = False ): + self.tokenizer = tokenizer + self.max_token_len = max_token_len + self.distance_norm_factor = distance_norm_factor + self.sep_between_neighbors = sep_between_neighbors + + + def parse_spatial_context(self, pivot_name, pivot_pos, neighbor_name_list, neighbor_geometry_list, spatial_dist_fill, pivot_dist_fill = 0): + + sep_token_id = self.tokenizer.convert_tokens_to_ids(self.tokenizer.sep_token) + cls_token_id = self.tokenizer.convert_tokens_to_ids(self.tokenizer.cls_token) + #mask_token_id = self.tokenizer.convert_tokens_to_ids(self.tokenizer.mask_token) + pad_token_id = self.tokenizer.convert_tokens_to_ids(self.tokenizer.pad_token) + max_token_len = self.max_token_len + + + #print("Module reloaded and changes are reflected") + # process pivot + pivot_name_tokens = self.tokenizer.convert_tokens_to_ids(self.tokenizer.tokenize(pivot_name)) + pivot_token_len = len(pivot_name_tokens) + + pivot_lng = pivot_pos[0] + pivot_lat = pivot_pos[1] + + # prepare entity mask + entity_mask_arr = [] + rand_entity = np.random.uniform(size = len(neighbor_name_list) + 1) # random number for masking entities including neighbors and pivot + # True for mask, False for unmask + + # check if pivot entity needs to be masked out, 15% prob. to be masked out + #if rand_entity[0] < 0.15: + # entity_mask_arr.extend([True] * pivot_token_len) + #else: + entity_mask_arr.extend([False] * pivot_token_len) + + # process neighbors + neighbor_token_list = [] + neighbor_lng_list = [] + neighbor_lat_list = [] + + # add separator between pivot and neighbor tokens + # a trick to avoid adding separator token after the class name (for class name encoding of margin-ranking loss) + if self.sep_between_neighbors and pivot_dist_fill==0: + neighbor_lng_list.append(spatial_dist_fill) + neighbor_lat_list.append(spatial_dist_fill) + neighbor_token_list.append(sep_token_id) + + for neighbor_name, neighbor_geometry, rnd in zip(neighbor_name_list, neighbor_geometry_list, rand_entity[1:]): + + if not neighbor_name[0].isalpha(): + # only consider neighbors starting with letters + continue + + neighbor_token = self.tokenizer.convert_tokens_to_ids(self.tokenizer.tokenize(neighbor_name)) + neighbor_token_len = len(neighbor_token) + + # compute the relative distance from neighbor to pivot, + # normalize the relative distance by distance_norm_factor + # apply the calculated distance for all the subtokens of the neighbor + # neighbor_lng_list.extend([(neighbor_geometry[0]- pivot_lng)/self.distance_norm_factor] * neighbor_token_len) + # neighbor_lat_list.extend([(neighbor_geometry[1]- pivot_lat)/self.distance_norm_factor] * neighbor_token_len) + + if 'coordinates' in neighbor_geometry: # to handle different json dict structures + neighbor_lng_list.extend([(neighbor_geometry['coordinates'][0]- pivot_lng)/self.distance_norm_factor] * neighbor_token_len) + neighbor_lat_list.extend([(neighbor_geometry['coordinates'][1]- pivot_lat)/self.distance_norm_factor] * neighbor_token_len) + neighbor_token_list.extend(neighbor_token) + else: + neighbor_lng_list.extend([(neighbor_geometry[0]- pivot_lng)/self.distance_norm_factor] * neighbor_token_len) + neighbor_lat_list.extend([(neighbor_geometry[1]- pivot_lat)/self.distance_norm_factor] * neighbor_token_len) + neighbor_token_list.extend(neighbor_token) + + if self.sep_between_neighbors: + neighbor_lng_list.append(spatial_dist_fill) + neighbor_lat_list.append(spatial_dist_fill) + neighbor_token_list.append(sep_token_id) + + entity_mask_arr.extend([False]) + + + #if rnd < 0.15: + # #True: mask out, False: Keey original token + # entity_mask_arr.extend([True] * neighbor_token_len) + #else: + entity_mask_arr.extend([False] * neighbor_token_len) + + + pseudo_sentence = pivot_name_tokens + neighbor_token_list + dist_lng_list = [pivot_dist_fill] * pivot_token_len + neighbor_lng_list + dist_lat_list = [pivot_dist_fill] * pivot_token_len + neighbor_lat_list + + + #including cls and sep + sent_len = len(pseudo_sentence) + + max_token_len_middle = max_token_len -2 # 2 for CLS and SEP token + + # padding and truncation + if sent_len > max_token_len_middle : + pseudo_sentence = [cls_token_id] + pseudo_sentence[:max_token_len_middle] + [sep_token_id] + dist_lat_list = [spatial_dist_fill] + dist_lat_list[:max_token_len_middle]+ [spatial_dist_fill] + dist_lng_list = [spatial_dist_fill] + dist_lng_list[:max_token_len_middle]+ [spatial_dist_fill] + attention_mask = [False] + [1] * max_token_len_middle + [False] # make sure SEP and CLS are not attented to + else: + pad_len = max_token_len_middle - sent_len + assert pad_len >= 0 + + pseudo_sentence = [cls_token_id] + pseudo_sentence + [sep_token_id] + [pad_token_id] * pad_len + dist_lat_list = [spatial_dist_fill] + dist_lat_list + [spatial_dist_fill] + [spatial_dist_fill] * pad_len + dist_lng_list = [spatial_dist_fill] + dist_lng_list + [spatial_dist_fill] + [spatial_dist_fill] * pad_len + attention_mask = [False] + [1] * sent_len + [0] * pad_len + [False] + + + + + norm_lng_list = np.array(dist_lng_list) # / 0.0001 + norm_lat_list = np.array(dist_lat_list) # / 0.0001 + + + ## mask entity in the pseudo sentence + #entity_mask_indices = np.where(entity_mask_arr)[0] + #masked_entity_input = [mask_token_id if i in entity_mask_indices else pseudo_sentence[i] for i in range(0, max_token_len)] + # + # + ## mask token in the pseudo sentence + #rand_token = np.random.uniform(size = len(pseudo_sentence)) + ## do not mask out cls and sep token. True: masked tokens False: Keey original token + #token_mask_arr = (rand_token <0.15) & (np.array(pseudo_sentence) != cls_token_id) & (np.array(pseudo_sentence) != sep_token_id) & (np.array(pseudo_sentence) != pad_token_id) + #token_mask_indices = np.where(token_mask_arr)[0] + # + #masked_token_input = [mask_token_id if i in token_mask_indices else pseudo_sentence[i] for i in range(0, max_token_len)] + # + # + ## yield masked_token with 50% prob, masked_entity with 50% prob + #if np.random.rand() > 0.5: + # masked_input = torch.tensor(masked_entity_input) + #else: + # masked_input = torch.tensor(masked_token_input) + masked_input = torch.tensor(pseudo_sentence) + + train_data = {} + train_data['pivot_name'] = pivot_name + train_data['pivot_token_len'] = pivot_token_len + train_data['masked_input'] = masked_input + train_data['sent_position_ids'] = torch.tensor(np.arange(0, len(pseudo_sentence))) + train_data['attention_mask'] = torch.tensor(attention_mask) + train_data['norm_lng_list'] = torch.tensor(norm_lng_list).to(torch.float32) + train_data['norm_lat_list'] = torch.tensor(norm_lat_list).to(torch.float32) + train_data['pseudo_sentence'] = torch.tensor(pseudo_sentence) + + return train_data + + + + def __len__(self): + return NotImplementedError + + def __getitem__(self, index): + raise NotImplementedError diff --git a/models/spabert/datasets/osm_sample_loader.py b/models/spabert/datasets/osm_sample_loader.py new file mode 100644 index 0000000000000000000000000000000000000000..3f09db34b8b391272f267eeea0a79f5d67dde297 --- /dev/null +++ b/models/spabert/datasets/osm_sample_loader.py @@ -0,0 +1,246 @@ +import os +import sys +import numpy as np +import json +import math + +import torch +from transformers import RobertaTokenizer, BertTokenizer +from torch.utils.data import Dataset +#sys.path.append('/home/zekun/spatial_bert/spatial_bert/datasets') +sys.path.append('/content/drive/MyDrive/spaBERT/spabert/datasets') +from dataset_loader_ver2 import SpatialDataset + +import pdb + +class PbfMapDataset(SpatialDataset): + def __init__(self, data_file_path, tokenizer=None, max_token_len = 512, distance_norm_factor = 0.0001, spatial_dist_fill=10, + with_type = True, sep_between_neighbors = False, label_encoder = None, mode = None, num_neighbor_limit = None, random_remove_neighbor = 0.,type_key_str='class'): + + if tokenizer is None: + self.tokenizer = BertTokenizer.from_pretrained('bert-base-uncased') + else: + self.tokenizer = tokenizer + + self.max_token_len = max_token_len + self.spatial_dist_fill = spatial_dist_fill # should be normalized distance fill, larger than all normalized neighbor distance + self.with_type = with_type + self.sep_between_neighbors = sep_between_neighbors + self.label_encoder = label_encoder + self.num_neighbor_limit = num_neighbor_limit + self.read_file(data_file_path, mode) + self.random_remove_neighbor = random_remove_neighbor + self.type_key_str = type_key_str # key name of the class type in the input data dictionary + + super(PbfMapDataset, self).__init__(self.tokenizer , max_token_len , distance_norm_factor, sep_between_neighbors ) + + + def read_file(self, data_file_path, mode): + + with open(data_file_path, 'r') as f: + data = f.readlines() + + if mode == 'train': + data = data[0:int(len(data) * 0.8)] + elif mode == 'test': + data = data[int(len(data) * 0.8):] + elif mode is None: # use the full dataset (for mlm) + pass + else: + raise NotImplementedError + + self.len_data = len(data) # updated data length + self.data = data + + def load_data(self, index): + + spatial_dist_fill = self.spatial_dist_fill + line = self.data[index] # take one line from the input data according to the index + + line_data_dict = json.loads(line) + + # process pivot + pivot_name = line_data_dict['info']['name'] + pivot_pos = line_data_dict['info']['geometry']['coordinates'] + + + neighbor_info = line_data_dict['neighbor_info'] + neighbor_name_list = neighbor_info['name_list'] + neighbor_geometry_list = neighbor_info['geometry_list'] + + if self.random_remove_neighbor != 0: + num_neighbors = len(neighbor_name_list) + rand_neighbor = np.random.uniform(size = num_neighbors) + + neighbor_keep_arr = (rand_neighbor >= self.random_remove_neighbor) # select the neighbors to be removed + neighbor_keep_arr = np.where(neighbor_keep_arr)[0] + + new_neighbor_name_list, new_neighbor_geometry_list = [],[] + for i in range(0, num_neighbors): + if i in neighbor_keep_arr: + new_neighbor_name_list.append(neighbor_name_list[i]) + new_neighbor_geometry_list.append(neighbor_geometry_list[i]) + + neighbor_name_list = new_neighbor_name_list + neighbor_geometry_list = new_neighbor_geometry_list + + if self.num_neighbor_limit is not None: + neighbor_name_list = neighbor_name_list[0:self.num_neighbor_limit] + neighbor_geometry_list = neighbor_geometry_list[0:self.num_neighbor_limit] + + + train_data = self.parse_spatial_context(pivot_name, pivot_pos, neighbor_name_list, neighbor_geometry_list, spatial_dist_fill ) + + if self.with_type: + pivot_type = line_data_dict['info'][self.type_key_str] + train_data['pivot_type'] = torch.tensor(self.label_encoder.transform([pivot_type])[0]) # scalar, label_id + + if 'ogc_fid' in line_data_dict['info']: + train_data['ogc_fid'] = line_data_dict['info']['ogc_fid'] + + return train_data + + def __len__(self): + return self.len_data + + def __getitem__(self, index): + return self.load_data(index) + + + +class PbfMapDatasetMarginRanking(SpatialDataset): + def __init__(self, data_file_path, type_list = None, tokenizer=None, max_token_len = 512, distance_norm_factor = 0.0001, spatial_dist_fill=10, + sep_between_neighbors = False, mode = None, num_neighbor_limit = None, random_remove_neighbor = 0., type_key_str='class'): + + if tokenizer is None: + self.tokenizer = BertTokenizer.from_pretrained('bert-base-uncased') + else: + self.tokenizer = tokenizer + + self.type_list = type_list + self.type_key_str = type_key_str # key name of the class type in the input data dictionary + self.max_token_len = max_token_len + self.spatial_dist_fill = spatial_dist_fill # should be normalized distance fill, larger than all normalized neighbor distance + self.sep_between_neighbors = sep_between_neighbors + # self.label_encoder = label_encoder + self.num_neighbor_limit = num_neighbor_limit + self.read_file(data_file_path, mode) + self.random_remove_neighbor = random_remove_neighbor + self.mode = mode + + + super(PbfMapDatasetMarginRanking, self).__init__(self.tokenizer , max_token_len , distance_norm_factor, sep_between_neighbors ) + + + def read_file(self, data_file_path, mode): + + with open(data_file_path, 'r') as f: + data = f.readlines() + + if mode == 'train': + data = data[0:int(len(data) * 0.8)] + elif mode == 'test': + data = data[int(len(data) * 0.8):] + self.all_types_data = self.prepare_all_types_data() + elif mode is None: # use the full dataset (for mlm) + pass + else: + raise NotImplementedError + + self.len_data = len(data) # updated data length + self.data = data + + def prepare_all_types_data(self): + type_list = self.type_list + spatial_dist_fill = self.spatial_dist_fill + type_data_dict = dict() + for type_name in type_list: + type_pos = [None, None] # use filler values + type_data = self.parse_spatial_context(type_name, type_pos, pivot_dist_fill = 0., + neighbor_name_list = [], neighbor_geometry_list=[], spatial_dist_fill= spatial_dist_fill) + type_data_dict[type_name] = type_data + + return type_data_dict + + def load_data(self, index): + + spatial_dist_fill = self.spatial_dist_fill + line = self.data[index] # take one line from the input data according to the index + + line_data_dict = json.loads(line) + + # process pivot + pivot_name = line_data_dict['info']['name'] + pivot_pos = line_data_dict['info']['geometry']['coordinates'] + + + neighbor_info = line_data_dict['neighbor_info'] + neighbor_name_list = neighbor_info['name_list'] + neighbor_geometry_list = neighbor_info['geometry_list'] + + if self.random_remove_neighbor != 0: + num_neighbors = len(neighbor_name_list) + rand_neighbor = np.random.uniform(size = num_neighbors) + + neighbor_keep_arr = (rand_neighbor >= self.random_remove_neighbor) # select the neighbors to be removed + neighbor_keep_arr = np.where(neighbor_keep_arr)[0] + + new_neighbor_name_list, new_neighbor_geometry_list = [],[] + for i in range(0, num_neighbors): + if i in neighbor_keep_arr: + new_neighbor_name_list.append(neighbor_name_list[i]) + new_neighbor_geometry_list.append(neighbor_geometry_list[i]) + + neighbor_name_list = new_neighbor_name_list + neighbor_geometry_list = new_neighbor_geometry_list + + if self.num_neighbor_limit is not None: + neighbor_name_list = neighbor_name_list[0:self.num_neighbor_limit] + neighbor_geometry_list = neighbor_geometry_list[0:self.num_neighbor_limit] + + + train_data = self.parse_spatial_context(pivot_name, pivot_pos, neighbor_name_list, neighbor_geometry_list, spatial_dist_fill ) + + if 'ogc_fid' in line_data_dict['info']: + train_data['ogc_fid'] = line_data_dict['info']['ogc_fid'] + + # train_data['pivot_type'] = torch.tensor(self.label_encoder.transform([pivot_type])[0]) # scalar, label_id + + pivot_type = line_data_dict['info'][self.type_key_str] + train_data['pivot_type'] = pivot_type + + if self.mode == 'train': + # postive class + postive_name = pivot_type # class type string as input to tokenizer + positive_pos = [None, None] # use filler values + postive_type_data = self.parse_spatial_context(postive_name, positive_pos, pivot_dist_fill = 0., + neighbor_name_list = [], neighbor_geometry_list=[], spatial_dist_fill= spatial_dist_fill) + train_data['positive_type_data'] = postive_type_data + + + # negative class + other_type_list = self.type_list.copy() + other_type_list.remove(pivot_type) + other_type = np.random.choice(other_type_list) + negative_name = other_type + negative_pos = [None, None] # use filler values + negative_type_data = self.parse_spatial_context(negative_name, negative_pos, pivot_dist_fill = 0., + neighbor_name_list = [], neighbor_geometry_list=[], spatial_dist_fill= spatial_dist_fill) + train_data['negative_type_data'] = negative_type_data + + elif self.mode == 'test': + # return data for all class types in type_list + train_data['all_types_data'] = self.all_types_data + + else: + raise NotImplementedError + + return train_data + + def __len__(self): + return self.len_data + + def __getitem__(self, index): + return self.load_data(index) + + diff --git a/models/spabert/datasets/usgs_os_sample_loader.py b/models/spabert/datasets/usgs_os_sample_loader.py new file mode 100644 index 0000000000000000000000000000000000000000..4839fc95d7907a51ce9bdb88e882d342d75316a0 --- /dev/null +++ b/models/spabert/datasets/usgs_os_sample_loader.py @@ -0,0 +1,71 @@ +import os +import sys +import numpy as np +import json +import math +from sklearn.preprocessing import LabelBinarizer, LabelEncoder + +import torch +from transformers import RobertaTokenizer, BertTokenizer +from torch.utils.data import Dataset +sys.path.append('/home/zekun/spatial_bert/spatial_bert/datasets') +from dataset_loader import SpatialDataset + +import pdb + + +class USGS_MapDataset(SpatialDataset): + def __init__(self, data_file_path, tokenizer=None, max_token_len = 512, distance_norm_factor = 1, spatial_dist_fill=100, sep_between_neighbors = False): + + if tokenizer is None: + self.tokenizer = BertTokenizer.from_pretrained('bert-base-uncased') + else: + self.tokenizer = tokenizer + + self.max_token_len = max_token_len + self.spatial_dist_fill = spatial_dist_fill # should be normalized distance fill, larger than all normalized neighbor distance + self.sep_between_neighbors = sep_between_neighbors + self.read_file(data_file_path) + + + super(USGS_MapDataset, self).__init__(self.tokenizer , max_token_len , distance_norm_factor, sep_between_neighbors ) + + def read_file(self, data_file_path): + + with open(data_file_path, 'r') as f: + data = f.readlines() + + len_data = len(data) + self.len_data = len_data + self.data = data + + + def load_data(self, index): + + spatial_dist_fill = self.spatial_dist_fill + line = self.data[index] # take one line from the input data according to the index + + line_data_dict = json.loads(line) + + # process pivot + pivot_name = line_data_dict['info']['name'] + pivot_pos = line_data_dict['info']['geometry'] + + neighbor_info = line_data_dict['neighbor_info'] + neighbor_name_list = neighbor_info['name_list'] + neighbor_geometry_list = neighbor_info['geometry_list'] + + parsed_data = self.parse_spatial_context(pivot_name, pivot_pos, neighbor_name_list, neighbor_geometry_list, spatial_dist_fill ) + + return parsed_data + + + + def __len__(self): + return self.len_data + + def __getitem__(self, index): + return self.load_data(index) + + + diff --git a/models/spabert/datasets/wikidata_sample_loader.py b/models/spabert/datasets/wikidata_sample_loader.py new file mode 100644 index 0000000000000000000000000000000000000000..be0f04e81089492c21d8cbd0522051696be39dbb --- /dev/null +++ b/models/spabert/datasets/wikidata_sample_loader.py @@ -0,0 +1,127 @@ +import sys +import numpy as np +import json +import math + +import torch +from transformers import RobertaTokenizer, BertTokenizer +from torch.utils.data import Dataset +sys.path.append('/home/zekun/spatial_bert/spatial_bert/datasets') +from dataset_loader import SpatialDataset + +import pdb + +'''Prepare candiate list given randomly sampled data and append to data_list''' +class Wikidata_Random_Dataset(SpatialDataset): + def __init__(self, data_file_path, tokenizer=None, max_token_len = 512, distance_norm_factor = 0.0001, spatial_dist_fill=100, sep_between_neighbors = False): + if tokenizer is None: + self.tokenizer = BertTokenizer.from_pretrained('bert-base-uncased') + else: + self.tokenizer = tokenizer + + self.max_token_len = max_token_len + self.spatial_dist_fill = spatial_dist_fill # should be normalized distance fill, larger than all normalized neighbor distance + self.sep_between_neighbors = sep_between_neighbors + self.read_file(data_file_path) + + + super(Wikidata_Random_Dataset, self).__init__(self.tokenizer , max_token_len , distance_norm_factor, sep_between_neighbors ) + + def read_file(self, data_file_path): + + with open(data_file_path, 'r') as f: + data = f.readlines() + + len_data = len(data) + self.len_data = len_data + self.data = data + + def load_data(self, index): + + spatial_dist_fill = self.spatial_dist_fill + line = self.data[index] # take one line from the input data according to the index + + line_data_dict = json.loads(line) + + # process pivot + pivot_name = line_data_dict['info']['name'] + pivot_pos = line_data_dict['info']['geometry']['coordinates'] + pivot_uri = line_data_dict['info']['uri'] + + neighbor_info = line_data_dict['neighbor_info'] + neighbor_name_list = neighbor_info['name_list'] + neighbor_geometry_list = neighbor_info['geometry_list'] + + parsed_data = self.parse_spatial_context(pivot_name, pivot_pos, neighbor_name_list, neighbor_geometry_list, spatial_dist_fill ) + parsed_data['uri'] = pivot_uri + parsed_data['description'] = None # placeholder + + return parsed_data + + def __len__(self): + return self.len_data + + def __getitem__(self, index): + return self.load_data(index) + + + +'''Prepare candiate list for each phrase and append to data_list''' + +class Wikidata_Geocoord_Dataset(SpatialDataset): + + #DEFAULT_CONFIG_CLS = SpatialBertConfig + def __init__(self, data_file_path, tokenizer=None, max_token_len = 512, distance_norm_factor = 0.0001, spatial_dist_fill=100, sep_between_neighbors = False): + if tokenizer is None: + self.tokenizer = BertTokenizer.from_pretrained('bert-base-uncased') + else: + self.tokenizer = tokenizer + + self.max_token_len = max_token_len + self.spatial_dist_fill = spatial_dist_fill # should be normalized distance fill, larger than all normalized neighbor distance + self.sep_between_neighbors = sep_between_neighbors + self.read_file(data_file_path) + + + super(Wikidata_Geocoord_Dataset, self).__init__(self.tokenizer , max_token_len , distance_norm_factor, sep_between_neighbors ) + + def read_file(self, data_file_path): + + with open(data_file_path, 'r') as f: + data = f.readlines() + + len_data = len(data) + self.len_data = len_data + self.data = data + + def load_data(self, index): + + spatial_dist_fill = self.spatial_dist_fill + line = self.data[index] # take one line from the input data according to the index + + line_data = json.loads(line) + parsed_data_list = [] + + for line_data_dict in line_data: + # process pivot + pivot_name = line_data_dict['info']['name'] + pivot_pos = line_data_dict['info']['geometry']['coordinates'] + pivot_uri = line_data_dict['info']['uri'] + + neighbor_info = line_data_dict['neighbor_info'] + neighbor_name_list = neighbor_info['name_list'] + neighbor_geometry_list = neighbor_info['geometry_list'] + + parsed_data = self.parse_spatial_context(pivot_name, pivot_pos, neighbor_name_list, neighbor_geometry_list, spatial_dist_fill ) + parsed_data['uri'] = pivot_uri + parsed_data['description'] = None # placeholder + parsed_data_list.append(parsed_data) + + return parsed_data_list + + + def __len__(self): + return self.len_data + + def __getitem__(self, index): + return self.load_data(index) diff --git a/models/spabert/experiments/__init__.py b/models/spabert/experiments/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/models/spabert/experiments/__pycache__/__init__.cpython-310.pyc b/models/spabert/experiments/__pycache__/__init__.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..69ee01c0d1677be38688fdaa156f7cc4488127f0 Binary files /dev/null and b/models/spabert/experiments/__pycache__/__init__.cpython-310.pyc differ diff --git a/models/spabert/experiments/entity_matching/__init__.py b/models/spabert/experiments/entity_matching/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/models/spabert/experiments/entity_matching/__pycache__/__init__.cpython-310.pyc b/models/spabert/experiments/entity_matching/__pycache__/__init__.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..ee8d49c255c932790dd622282fefd34822547ffb Binary files /dev/null and b/models/spabert/experiments/entity_matching/__pycache__/__init__.cpython-310.pyc differ diff --git a/models/spabert/experiments/entity_matching/data_processing/__init__.py b/models/spabert/experiments/entity_matching/data_processing/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/models/spabert/experiments/entity_matching/data_processing/__pycache__/__init__.cpython-310.pyc b/models/spabert/experiments/entity_matching/data_processing/__pycache__/__init__.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..00f6cc8b4c74c4141b4c37cea8687cb9c800160c Binary files /dev/null and b/models/spabert/experiments/entity_matching/data_processing/__pycache__/__init__.cpython-310.pyc differ diff --git a/models/spabert/experiments/entity_matching/data_processing/__pycache__/__init__.cpython-311.pyc b/models/spabert/experiments/entity_matching/data_processing/__pycache__/__init__.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..09fe568dcca60bcea4010dfc1c5536be5389faee Binary files /dev/null and b/models/spabert/experiments/entity_matching/data_processing/__pycache__/__init__.cpython-311.pyc differ diff --git a/models/spabert/experiments/entity_matching/data_processing/__pycache__/request_wrapper.cpython-310.pyc b/models/spabert/experiments/entity_matching/data_processing/__pycache__/request_wrapper.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..8182fa31f1f0b7e333fdadcfe46efcd7092c8054 Binary files /dev/null and b/models/spabert/experiments/entity_matching/data_processing/__pycache__/request_wrapper.cpython-310.pyc differ diff --git a/models/spabert/experiments/entity_matching/data_processing/__pycache__/request_wrapper.cpython-311.pyc b/models/spabert/experiments/entity_matching/data_processing/__pycache__/request_wrapper.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..7a6d412c6f813e154eb0fa5bbe6170f86784e1a4 Binary files /dev/null and b/models/spabert/experiments/entity_matching/data_processing/__pycache__/request_wrapper.cpython-311.pyc differ diff --git a/models/spabert/experiments/entity_matching/data_processing/get_namelist.py b/models/spabert/experiments/entity_matching/data_processing/get_namelist.py new file mode 100644 index 0000000000000000000000000000000000000000..2015cef3eefdaeea472dcedd308ba2617f171adc --- /dev/null +++ b/models/spabert/experiments/entity_matching/data_processing/get_namelist.py @@ -0,0 +1,95 @@ +import json +import os + +def get_name_list_osm(ref_paths): + name_list = [] + + for json_path in ref_paths: + with open(json_path, 'r') as f: + data = f.readlines() + for line in data: + record = json.loads(line) + name = record['name'] + name_list.append(name) + + namelist = sorted(namelist) + return name_list + +# deprecated +def get_name_list_usgs_od(ref_paths): + name_list = [] + + for json_path in ref_paths: + with open(json_path, 'r') as f: + annot_dict = json.load(f) + for key, place in annot_dict.items(): + place_name = '' + for idx in range(1, len(place)+1): + try: + place_name += place[str(idx)]['text_label'] + place_name += ' ' # separate words with spaces + + except Exception as e: + print(place) + place_name = place_name[:-1] # remove last space + + name_list.append(place_name) + + namelist = sorted(namelist) + return name_list + +def get_name_list_usgs_od_per_map(ref_paths): + all_name_list_dict = dict() + + for json_path in ref_paths: + map_name = os.path.basename(json_path).split('.json')[0] + + with open(json_path, 'r') as f: + annot_dict = json.load(f) + + map_name_list = [] + for key, place in annot_dict.items(): + place_name = '' + for idx in range(1, len(place)+1): + try: + place_name += place[str(idx)]['text_label'] + place_name += ' ' # separate words with spaces + + except Exception as e: + print(place) + place_name = place_name[:-1] # remove last space + + map_name_list.append(place_name) + all_name_list_dict[map_name] = sorted(map_name_list) + + return all_name_list_dict + + +def get_name_list_gb1900(ref_path): + name_list = [] + + with open(ref_path, 'r',encoding='utf-16') as f: + data = f.readlines() + + + for line in data[1:]: # skip the header + try: + line = line.split(',') + text = line[1] + lat = float(line[-3]) + lng = float(line[-2]) + semantic_type = line[-1] + + name_list.append(text) + except: + print(line) + + namelist = sorted(namelist) + + return name_list + + +if __name__ == '__main__': + #name_list = get_name_list_usgs_od(['labGISReport-master/output/USGS-15-CA-brawley-e1957-s1957-p1961.json', + #'labGISReport-master/output/USGS-15-CA-capesanmartin-e1921-s1917.json']) + name_list = get_name_list_gb1900('data/GB1900_gazetteer_abridged_july_2018/gb1900_abridged.csv') diff --git a/models/spabert/experiments/entity_matching/data_processing/request_wrapper.py b/models/spabert/experiments/entity_matching/data_processing/request_wrapper.py new file mode 100644 index 0000000000000000000000000000000000000000..e5c7f0362873327e5793ef34532ef1bb84a5de65 --- /dev/null +++ b/models/spabert/experiments/entity_matching/data_processing/request_wrapper.py @@ -0,0 +1,186 @@ +import requests +import pdb +import time + +# for linkedgeodata: #http://linkedgeodata.org/sparql + +class RequestWrapper: + def __init__(self, baseuri = "https://query.wikidata.org/sparql"): + + self.baseuri = baseuri + + def response_handler(self, response, query): + if response.status_code == requests.codes.ok: + ret_json = response.json()['results']['bindings'] + elif response.status_code == 500: + ret_json = [] + #print(q_id) + print('Internal Error happened. Set ret_json to be empty list') + + elif response.status_code == 429: + + print(response.status_code) + print(response.text) + retry_seconds = int(response.text.split('Too Many Requests - Please retry in ')[1].split(' seconds')[0]) + print('rerun in %d seconds' %retry_seconds) + time.sleep(retry_seconds + 1) + + response = requests.get(self.baseuri, params = {'format':'json', 'query':query}) + ret_json = response.json()['results']['bindings'] + #print(ret_json) + print('resumed and succeeded') + + else: + print(response.status_code, response.text) + exit(-1) + + return ret_json + + '''Search for wikidata entities given the name string''' + def wikidata_query (self, name_str): + + query = """ + PREFIX wd: + PREFIX wds: + PREFIX wdv: + PREFIX wdt: + PREFIX wikibase: + PREFIX p: + PREFIX ps: + PREFIX pq: + PREFIX rdfs: + PREFIX bd: + + SELECT ?item ?coordinates ?itemDescription WHERE { + ?item rdfs:label \"%s\"@en; + wdt:P625 ?coordinates . + SERVICE wikibase:label { bd:serviceParam wikibase:language "en" } + } + """%(name_str) + + response = requests.get(self.baseuri, params = {'format':'json', 'query':query}) + + + ret_json = self.response_handler(response, query) + + return ret_json + + + '''Search for wikidata entities given the name string''' + def wikidata_query_withinstate (self, name_str, state_id = 'Q99'): + + + query = """ + PREFIX wd: + PREFIX wds: + PREFIX wdv: + PREFIX wdt: + PREFIX wikibase: + PREFIX p: + PREFIX ps: + PREFIX pq: + PREFIX rdfs: + PREFIX bd: + + SELECT ?item ?coordinates ?itemDescription WHERE { + ?item rdfs:label \"%s\"@en; + wdt:P625 ?coordinates ; + wdt:P131+ wd:%s; + SERVICE wikibase:label { bd:serviceParam wikibase:language "en" } + } + """%(name_str, state_id) + + #print(query) + + response = requests.get(self.baseuri, params = {'format':'json', 'query':query}) + + ret_json = self.response_handler(response, query) + + return ret_json + + + '''Search for nearby wikidata entities given the entity id''' + def wikidata_nearby_query (self, q_id): + + query = """ + PREFIX wd: + PREFIX wds: + PREFIX wdv: + PREFIX wdt: + PREFIX wikibase: + PREFIX p: + PREFIX ps: + PREFIX pq: + PREFIX rdfs: + PREFIX bd: + + SELECT ?place ?placeLabel ?location ?instanceLabel ?placeDescription + WHERE + { + wd:%s wdt:P625 ?loc . + SERVICE wikibase:around { + ?place wdt:P625 ?location . + bd:serviceParam wikibase:center ?loc . + bd:serviceParam wikibase:radius "5" . + } + OPTIONAL { ?place wdt:P31 ?instance } + SERVICE wikibase:label { bd:serviceParam wikibase:language "en" } + BIND(geof:distance(?loc, ?location) as ?dist) + } ORDER BY ?dist + LIMIT 200 + """%(q_id) + # initially 2km + + #pdb.set_trace() + + response = requests.get(self.baseuri, params = {'format':'json', 'query':query}) + + + ret_json = self.response_handler(response, query) + + + + return ret_json + + + + + def linkedgeodata_query (self, name_str): + + query = """ + + Prefix lgdo: + Prefix geom: + Prefix ogc: + Prefix owl: + Prefix wgs84_pos: + Prefix owl: + Prefix gn: + + Select ?s, ?lat, ?long { + {?s rdfs:label \"%s\"; + wgs84_pos:lat ?lat ; + wgs84_pos:long ?long; + } + } + """%(name_str) + + + + response = requests.get(self.baseuri, params = {'format':'json', 'query':query}) + + + ret_json = self.response_handler(response, query) + + + return ret_json + + + +if __name__ == '__main__': + request_wrapper_wikidata = RequestWrapper(baseuri = 'https://query.wikidata.org/sparql') + #print(request_wrapper_wikidata.wikidata_nearby_query('Q370771')) + #print(request_wrapper_wikidata.wikidata_query_withinstate('San Bernardino')) + + # not working now + print(request_wrapper_wikidata.linkedgeodata_query('San Bernardino')) \ No newline at end of file diff --git a/models/spabert/experiments/entity_matching/data_processing/run_linking_query.py b/models/spabert/experiments/entity_matching/data_processing/run_linking_query.py new file mode 100644 index 0000000000000000000000000000000000000000..4a5cc8785ae1889069c6ab56222736226cd50cc2 --- /dev/null +++ b/models/spabert/experiments/entity_matching/data_processing/run_linking_query.py @@ -0,0 +1,143 @@ +#from query_wrapper import QueryWrapper +from request_wrapper import RequestWrapper +from get_namelist import * +import glob +import os +import json +import time + +DATASET_OPTIONS = ['OSM', 'OS', 'USGS', 'GB1900'] +KB_OPTIONS = ['wikidata', 'linkedgeodata'] + +DATASET = 'USGS' +KB = 'wikidata' +OVERWRITE = True +WITHIN_CA = True + +assert DATASET in DATASET_OPTIONS +assert KB in KB_OPTIONS + + +def process_one_namelist(sparql_wrapper, namelist, out_path): + + if OVERWRITE: + # flush the file if it's been written + with open(out_path, 'w') as f: + f.write('') + + + for name in namelist: + name = name.replace('"', '') + name = name.strip("'") + if len(name) == 0: + continue + print(name) + mydict = dict() + + if KB == 'wikidata': + if WITHIN_CA: + mydict[name] = sparql_wrapper.wikidata_query_withinstate(name) + else: + mydict[name] = sparql_wrapper.wikidata_query(name) + + elif KB == 'linkedgeodata': + mydict[name] = sparql_wrapper.linkedgeodata_query(name) + else: + raise NotImplementedError + + line = json.dumps(mydict) + + with open(out_path, 'a') as f: + f.write(line) + f.write('\n') + time.sleep(1) + + +def process_namelist_dict(sparql_wrapper, namelist_dict, out_dir): + i = 0 + for map_name, namelist in namelist_dict.items(): + # if i <=5: + # i += 1 + # continue + + print('processing %s' %map_name) + + if WITHIN_CA: + out_path = os.path.join(out_dir, KB + '_' + map_name + '.json') + else: + out_path = os.path.join(out_dir, KB + '_ca_' + map_name + '.json') + + process_one_namelist(sparql_wrapper, namelist, out_path) + i+=1 + + +if KB == 'linkedgeodata': + sparql_wrapper = RequestWrapper(baseuri = 'http://linkedgeodata.org/sparql') +elif KB == 'wikidata': + sparql_wrapper = RequestWrapper(baseuri = 'https://query.wikidata.org/sparql') +else: + raise NotImplementedError + + + +if DATASET == 'OSM': + osm_dir = '../surface_form/data_sample_london/data_osm/' + osm_paths = glob.glob(os.path.join(osm_dir, 'embedding*.json')) + + out_path = 'outputs/'+KB+'_linking.json' + namelist = get_name_list_osm(osm_paths) + + print('# files',len(file_paths)) + + process_one_namelist(sparql_wrapper, namelist, out_path) + + +elif DATASET == 'OS': + histmap_dir = 'data/labGISReport-master/output/' + file_paths = glob.glob(os.path.join(histmap_dir, '10*.json')) + + out_path = 'outputs/'+KB+'_os_linking_descript.json' + namelist = get_name_list_usgs_od(file_paths) + + print('# files',len(file_paths)) + + + process_one_namelist(sparql_wrapper, namelist, out_path) + +elif DATASET == 'USGS': + histmap_dir = 'data/labGISReport-master/output/' + file_paths = glob.glob(os.path.join(histmap_dir, 'USGS*.json')) + + if WITHIN_CA: + out_dir = 'outputs/' + KB +'_ca' + else: + out_dir = 'outputs/' + KB + namelist_dict = get_name_list_usgs_od_per_map(file_paths) + + if not os.path.isdir(out_dir): + os.makedirs(out_dir) + + print('# files',len(file_paths)) + + process_namelist_dict(sparql_wrapper, namelist_dict, out_dir) + +elif DATASET == 'GB1900': + + file_path = 'data/GB1900_gazetteer_abridged_july_2018/gb1900_abridged.csv' + out_path = 'outputs/'+KB+'_gb1900_linking_descript.json' + namelist = get_name_list_gb1900(file_path) + + + process_one_namelist(sparql_wrapper, namelist, out_path) + +else: + raise NotImplementedError + + + + +#namelist = namelist[730:] #for GB1900 + + + +print('done') diff --git a/models/spabert/experiments/entity_matching/data_processing/run_map_neighbor_query.py b/models/spabert/experiments/entity_matching/data_processing/run_map_neighbor_query.py new file mode 100644 index 0000000000000000000000000000000000000000..637dc91e8e94e75fa68a5ab032bc29c2f91e614d --- /dev/null +++ b/models/spabert/experiments/entity_matching/data_processing/run_map_neighbor_query.py @@ -0,0 +1,123 @@ +from query_wrapper import QueryWrapper +from request_wrapper import RequestWrapper +import glob +import os +import json +import time +import random + +DATASET_OPTIONS = ['OSM', 'OS', 'USGS', 'GB1900'] +KB_OPTIONS = ['wikidata', 'linkedgeodata'] + +dataset = 'USGS' +kb = 'wikidata' +overwrite = False + +assert dataset in DATASET_OPTIONS +assert kb in KB_OPTIONS + +if dataset == 'OSM': + raise NotImplementedError + +elif dataset == 'OS': + raise NotImplementedError + +elif dataset == 'USGS': + + candidate_file_paths = glob.glob('outputs/alignment_dir/wikidata_USGS*.json') + candidate_file_paths = sorted(candidate_file_paths) + + out_dir = 'outputs/wikidata_neighbors/' + + if not os.path.isdir(out_dir): + os.makedirs(out_dir) + +elif dataset == 'GB1900': + + raise NotImplementedError + +else: + raise NotImplementedError + + +if kb == 'linkedgeodata': + sparql_wrapper = QueryWrapper(baseuri = 'http://linkedgeodata.org/sparql') +elif kb == 'wikidata': + #sparql_wrapper = QueryWrapper(baseuri = 'https://query.wikidata.org/sparql') + sparql_wrapper = RequestWrapper(baseuri = 'https://query.wikidata.org/sparql') +else: + raise NotImplementedError + +start_map = 6 # 6 +start_line = 4 # 4 + +for candiate_file_path in candidate_file_paths[start_map:]: + map_name = os.path.basename(candiate_file_path).split('wikidata_')[1] + out_path = os.path.join(out_dir, 'wikidata_' + map_name) + + with open(candiate_file_path, 'r') as f: + cand_data = f.readlines() + + with open(out_path, 'a') as out_f: + for line in cand_data[start_line:]: + line_dict = json.loads(line) + ret_line_dict = dict() + for key, value in line_dict.items(): # actually just one pair + + print(key) + + place_name = key + for cand_entity in value: + time.sleep(2) + q_id = cand_entity['item']['value'].split('/')[-1] + response = sparql_wrapper.wikidata_nearby_query(str(q_id)) + + if place_name in ret_line_dict: + ret_line_dict[place_name].append(response) + else: + ret_line_dict[place_name] = [response] + + #time.sleep(random.random()*6) + + + + out_f.write(json.dumps(ret_line_dict)) + out_f.write('\n') + + print('finished with ',candiate_file_path) + break + +print('done') + +''' + {"Martin": [{"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q27001"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(18.921388888 49.063611111)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "city in northern Slovakia"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q281028"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-101.734166666 43.175)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "city in and county seat of Bennett County, South Dakota, United States"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q761390"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(1.3394 51.179)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "hamlet in Kent"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q2177502"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-100.115 47.826666666)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "city in North Dakota"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q2454021"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-85.64168 42.53698)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "village in Michigan, USA"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q2481111"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-93.21833 32.09917)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "village in Red River Parish, Louisiana, United States"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q2635473"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-82.75944 37.56778)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "city in Kentucky, USA"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q2679547"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-1.9041 50.9759)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "village in Hampshire, England, United Kingdom"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q2780056"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-88.851666666 36.341944444)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "city in Tennessee, USA"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q3261150"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-83.18556 34.48639)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "town in Franklin and Stephens Counties, Georgia, USA"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q6002227"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-101.709 41.2581)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "census-designated place in Nebraska, United States"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q6774807"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-82.1906 29.2936)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "unincorporated community in Marion County, Florida, United States"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q6774809"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-83.336666666 41.5575)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "unincorporated community in Ohio, United States"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q6774810"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(116.037 -32.071)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "suburb of Perth, Western Australia"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q9029707"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-81.476388888 33.069166666)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "unincorporated community in South Carolina, United States"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q11770660"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-0.325391 53.1245)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "village and civil parish in Lincolnshire, UK"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q14692833"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-93.5444 47.4894)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "unincorporated community in Itasca County, Minnesota"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q14714180"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-79.0889 39.2242)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "unincorporated community in Grant County, West Virginia"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q18496647"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(11.95941 46.34585)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "human settlement in Italy"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q20949553"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(22.851944444 41.954444444)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "mountain in Republic of Macedonia"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q24065096"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": " Point(290.75 -21.34)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "crater on Mars"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q26300074"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-0.97879914 51.74729077)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "Thame, South Oxfordshire, Oxfordshire, OX9"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q27988822"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-87.67361111 38.12444444)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "human settlement in Vanderburgh County, Indiana, United States"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q27995389"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-121.317 47.28)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "human settlement in Washington, United States of America"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q28345614"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-76.8 48.5)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "human settlement in Senneterre, Quebec, Canada"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q30626037"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-79.90972222 39.80638889)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "human settlement in United States of America"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q61038281"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-91.13 49.25)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "Meteorological Service of Canada's station for Martin (MSC ID: 6035000), Ontario, Canada"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q63526691"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(152.7011111 -29.881666666)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "Parish of Fitzroy County, New South Wales, Australia"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q63526695"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(148.1011111 -33.231666666)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "Parish of Ashburnham County, New South Wales, Australia"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q96149222"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(14.725573779 48.76768332)"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q96158116"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(15.638358708 49.930136157)"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q103777024"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(-3.125028822 58.694748091)"}, "itemDescription": {"xml:lang": "en", "type": "literal", "value": "Shipwreck off the Scottish Coast, imported from Canmore Nov 2020"}}, {"item": {"type": "uri", "value": "http://www.wikidata.org/entity/Q107077206"}, "coordinates": {"datatype": "http://www.opengis.net/ont/geosparql#wktLiteral", "type": "literal", "value": "Point(11.688165 46.582982)"}}]} + + +if overwrite: + # flush the file if it's been written + with open(out_path, 'w') as f: + f.write('') + +for name in namelist: + name = name.replace('"', '') + name = name.strip("'") + if len(name) == 0: + continue + print(name) + mydict = dict() + mydict[name] = sparql_wrapper.wikidata_query(name) + line = json.dumps(mydict) + #print(line) + with open(out_path, 'a') as f: + f.write(line) + f.write('\n') + time.sleep(1) + +print('done') + + +{"info": {"name": "10TH ST", "geometry": [4193.118085062303, -831.274950414831]}, +"neighbor_info": +{"name_list": ["BM 107", "PALM AVE", "WT", "Hidalgo Sch", "PO", "MAIN ST", "BRYANT CANAL", "BM 123", "Oakley Sch", "BRAWLEY", "Witter Sch", "BM 104", "Pistol Range", "Reid Sch", "STANLEY", "MUNICIPAL AIRPORT", "WESTERN AVE", "CANAL", "Riverview Cem", "BEST CANAL"], +"geometry_list": [[4180.493095652702, -836.0635465095995], [4240.450935702045, -855.345637906981], [4136.084840542623, -917.7895986922882], [4150.386997979736, -948.7258091165079], [4056.955267048625, -847.1018277439381], [4008.112642182582, -849.089249977583], [4124.177447575567, -1004.0706369942257], [4145.382175508665, -626.1608201557082], [4398.137868976953, -764.1087236140554], [4221.1546492913285, -1062.5745271963772], [4015.203890157584, -985.0178210457995], [3989.2345421184878, -948.9340389243871], [4385.585449075614, -660.4590917125413], [3936.505159635338, -803.6822663422273], [3960.1233867112846, -686.7988766730389], [4409.714306709143, -600.6633389979504], [3871.2873706574037, -832.0785684368772], [4304.899727301024, -524.472390102557], [3955.640201659347, -578.5544271698675], [4075.8524354668034, -1183.5837385075774]]}} +''' \ No newline at end of file diff --git a/models/spabert/experiments/entity_matching/data_processing/run_query_sample.py b/models/spabert/experiments/entity_matching/data_processing/run_query_sample.py new file mode 100644 index 0000000000000000000000000000000000000000..1b8e0d75619990925c48e86013c9be42e1564df1 --- /dev/null +++ b/models/spabert/experiments/entity_matching/data_processing/run_query_sample.py @@ -0,0 +1,22 @@ +from query_wrapper import QueryWrapper +from get_namelist import * +import glob +import os +import json +import time + + +#sparql_wrapper_linkedgeo = QueryWrapper(baseuri = 'http://linkedgeodata.org/sparql') + +#print(sparql_wrapper_linkedgeo.linkedgeodata_query('Los Angeles')) + + +sparql_wrapper_wikidata = QueryWrapper(baseuri = 'https://query.wikidata.org/sparql') + +#print(sparql_wrapper_wikidata.wikidata_query('Los Angeles')) + +#time.sleep(3) + +#print(sparql_wrapper_wikidata.wikidata_nearby_query('Q370771')) +print(sparql_wrapper_wikidata.wikidata_nearby_query('Q97625145')) + diff --git a/models/spabert/experiments/entity_matching/data_processing/run_wikidata_neighbor_query.py b/models/spabert/experiments/entity_matching/data_processing/run_wikidata_neighbor_query.py new file mode 100644 index 0000000000000000000000000000000000000000..3d86214eb3647d9f3d7475a37da8eefad2ff73c2 --- /dev/null +++ b/models/spabert/experiments/entity_matching/data_processing/run_wikidata_neighbor_query.py @@ -0,0 +1,31 @@ +import pandas as pd +import json +from request_wrapper import RequestWrapper +import time +import pdb + +start_idx = 17335 +wikidata_sample30k_path = 'wikidata_sample30k/wikidata_30k.json' +out_path = 'wikidata_sample30k/wikidata_30k_neighbor.json' + +#with open(out_path, 'w') as out_f: +# pass + +sparql_wrapper = RequestWrapper(baseuri = 'https://query.wikidata.org/sparql') + +df= pd.read_json(wikidata_sample30k_path) +df = df[start_idx:] + +print('length of df:', len(df)) + +for index, record in df.iterrows(): + print(index) + uri = record.results['item']['value'] + q_id = uri.split('/')[-1] + response = sparql_wrapper.wikidata_nearby_query(str(q_id)) + time.sleep(1) + with open(out_path, 'a') as out_f: + out_f.write(json.dumps(response)) + out_f.write('\n') + + diff --git a/models/spabert/experiments/entity_matching/data_processing/samples.sparql b/models/spabert/experiments/entity_matching/data_processing/samples.sparql new file mode 100644 index 0000000000000000000000000000000000000000..858bbdf314efe8b70b9895c182be80519bf824ae --- /dev/null +++ b/models/spabert/experiments/entity_matching/data_processing/samples.sparql @@ -0,0 +1,22 @@ +''' +Entities near xxx within 1km +SELECT ?place ?placeLabel ?location ?instanceLabel ?placeDescription +WHERE +{ + wd:Q9188 wdt:P625 ?loc . + SERVICE wikibase:around { + ?place wdt:P625 ?location . + bd:serviceParam wikibase:center ?loc . + bd:serviceParam wikibase:radius "1" . + } + OPTIONAL { ?place wdt:P31 ?instance } + SERVICE wikibase:label { bd:serviceParam wikibase:language "en" } + BIND(geof:distance(?loc, ?location) as ?dist) +} ORDER BY ?dist +''' + + +SELECT distinct ?item ?itemLabel WHERE { + ?item wdt:P625 ?geo . +SERVICE wikibase:label { bd:serviceParam wikibase:language "[AUTO_LANGUAGE],en". } +} \ No newline at end of file diff --git a/models/spabert/experiments/entity_matching/data_processing/select_ambi.py b/models/spabert/experiments/entity_matching/data_processing/select_ambi.py new file mode 100644 index 0000000000000000000000000000000000000000..d01838f781275ff685ca89131755d02f7ab92348 --- /dev/null +++ b/models/spabert/experiments/entity_matching/data_processing/select_ambi.py @@ -0,0 +1,18 @@ +import json + +json_file = 'entity_linking/outputs/wikidata_usgs_linking_descript.json' + +with open(json_file, 'r') as f: + data = f.readlines() + +num_ambi = 0 +for line in data: + line_dict = json.loads(line) + for key,value in line_dict.items(): + len_value = len(value) + if len_value < 2: + continue + else: + num_ambi += 1 + print(key) +print(num_ambi) \ No newline at end of file diff --git a/models/spabert/experiments/entity_matching/data_processing/wikidata_sample30k/wikidata_30k.json b/models/spabert/experiments/entity_matching/data_processing/wikidata_sample30k/wikidata_30k.json new file mode 100644 index 0000000000000000000000000000000000000000..187b2b5307fe21df0ef3e83c9c31b155dfb1a500 --- /dev/null +++ b/models/spabert/experiments/entity_matching/data_processing/wikidata_sample30k/wikidata_30k.json @@ -0,0 +1,331006 @@ +{"results": + [{ + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q319671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Transantarctic Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q598608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antoniadi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5365849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ellis Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5522311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Garden Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Kenney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Kenyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Orndorff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5052263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cathedral Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7209130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polaris Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7432895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schroeder Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wade" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Roth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q164466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ross Sea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6275272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jones Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5515304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gabbro Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6382721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Keel Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McCue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7037453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nilsen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7304768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Red Raider Rampart" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7334845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ringed Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7369179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ross Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7399141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sage Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barry Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hell's Gate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5094222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cheu Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5272937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dick Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6484979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Landry Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6667613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Logie Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25393122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Campbell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7370920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rougier Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5641875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Halfmoon Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7494292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shenk Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dodge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7974914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Watt Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q200255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ross Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29838559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shackleton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Finley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25393125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Baker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2603737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Surprise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4748208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amphibole Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4863425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barrett Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5527445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gatlin Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5562115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gillespie Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25393121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Oliver" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15224757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holzrichter Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6494143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Last Cache Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6665495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lockhart Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7088387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olliver Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7520920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Simplicity Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7798225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thrinaxodon Col" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Centennial Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6439110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Krout Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6673881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Longhorn Spurs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6800741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McCuistion Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8051013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yeats Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10801465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Llano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11317737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Munson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sellery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4972874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brockton Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4979084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brunner Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5147447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Collinson Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5182305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crary Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15228845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iselin Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6695129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lubbock Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6784518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Massam Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6894251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mohn Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q203073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ross Dependency" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McGregor Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5194190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cumulus Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5332916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eckins Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15228843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iselin Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6460816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "LaPrade Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6801453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McGregor Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ehrenspeck" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wendland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wisting" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7162363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pendant Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7244187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prince Olav Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25385936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Smithson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35479087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Columbus High" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10790909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Justman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5004171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bynum Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5185140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crilly Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Prestrud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7085729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olds Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7366723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ropebrake Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7690086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taylor Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7961643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waldron Spurs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28231479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kukri Peneplain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66981739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scott hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26849159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Augustana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106756093" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q106756093" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55192922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hillary Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1950765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Vaughan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5113642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Christy Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5508245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuller Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5607131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gregory Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5687208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hays Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bowser" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gardiner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7088554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olsen Crags" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7297063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rawson Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7821154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tongue Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McIntyre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7640720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sunny Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5180310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crack Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Denauro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Kendrick" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Walshe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wilbur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7037454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nilsen Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7975135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waugh Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Clough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6514707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lee Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crown Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grizzly Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4923505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blackwall Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11402625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ruth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5467384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Forbidden Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Astor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Farley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7060839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Norway Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Weaver" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1796029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Queen Maud Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12717006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wyatt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4865389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bartlett Bench" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4962797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Breyer Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5383773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Epler Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5438125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faulkner Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Harkness" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hassel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Kristensen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Sundbeck" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7046741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nodtvedt Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7399178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sagehen Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105561078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grunow Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6552928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lindstrøm Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bjaaland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Innes-Taylor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Stubberud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Stump" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11513329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Saltonstall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kuchina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5179720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cowie Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5179901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cox Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5477842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fram Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5651055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hansen Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dietz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dort" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7652193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sverdrup" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7235573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poulter Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7687951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tate Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9245460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Amherst" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4878612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beck Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5879878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holdsworth Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6802461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McNally Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Colbert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hanssen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Toth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Verlautz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7339850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roaring Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7517972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Simmonds Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4865396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bartlett Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9336807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Borcik" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11396164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Przywitowski" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5203065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "D'Angelo Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5267404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Devils Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5699906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heinous Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6436132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kranz Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6448531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kutschin Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6909028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moraine Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Crockett" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Early" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7494876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sheridan Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7564070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Souchez Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7917287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaughan Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22910739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Outlook Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26821266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Zanuck" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zanuck East Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kennett Rawson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60584180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Citadel Peak (Antarctica)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2944385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shackleton Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5282342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dismal Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5445081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fernette Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Butters" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7071859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O'Leary Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8066152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zaneveld Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9333854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Black" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Cole" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3297597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roberts Massif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96396987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nybyen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scopas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6418081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kitching Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6433028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kosco Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bennett" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wasko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4850553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baldwin Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6801339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McGinnis Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24237739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lennon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Joplin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ellington" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5388203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Erickson Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "David" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5519230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gallup Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5550350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gerasimou Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kobro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nabokov" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25907691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hesperis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magritte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Boyd" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Cromie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Franke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Greenlee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Speed" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25907700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solitudo Argiphontae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Donelaitis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Euboea Fluctūs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Callanish" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q114733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aaru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28940247" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28940247" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28940249" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28940249" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28940256" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28940256" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28950331" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28950331" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3666693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Charlois Regio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karsh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4754085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anderson Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5048099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cascade Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5382859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Epidote Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5530663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gemini Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holst" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5641656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Half Century Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alver" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15713680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wiest Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7127867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pallid Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25907698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solitudo Alarum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Komeda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8023174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilson Portal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3926558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Debussy quadrangle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3933851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dufek Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5417043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Everett Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petőfi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naubolos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6936702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Munizaga Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bagryana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fluted Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q52441283" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q52441283" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q52441281" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q52441281" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q52441319" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q52441319" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5597421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grass Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6785962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matador Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6875380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Misery Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7659127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Swithinbank Moraine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "L’Engle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5469996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Forman Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64627168" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64627168" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5701607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Held Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steichen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64623592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Martins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tung Yo Fluctus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10746135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Heekin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4889726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bennett Platform" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24189929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Erb Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6863332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mincey Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Rosenwald" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7098539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oppegaard Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7925321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vickers Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25909150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belgica Rupes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25909095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hagal Planitia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25909097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Romo Planitia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97453084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carleton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96396137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Noord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97360445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96417986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calahorra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4672132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Acarospora Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4958449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bravo Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5020752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "California Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5243900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "DeGanahl Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5943996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hunt Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6805664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Blackburn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6721242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maaske Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6806318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bowlin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Danforth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Roland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wells" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Riley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5241904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Davis Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15088476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hourglass Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Howe Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Warden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7415709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sanctuary Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7598781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stanford Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6816601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Howe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Skinner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7974815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Watson Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7339879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roaring Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5522614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gardner Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fisher" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Russell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beck, Mount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Long Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2604032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Irwyn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2606229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Garcia Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11303079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mason" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4862012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barnum Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4875917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beacon Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6420153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Klein Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6460962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "LaVergne Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6548276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lillie Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6808949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Czegka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McKercher" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5415890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Evans Butte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Altar Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Spectre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4674250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ackerman Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5587870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gothic Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6462796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Gorce Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Meeks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Thurman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25393131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Daniel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7933462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Viper telescope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7974141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waterhouse Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mooney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5608885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Griffith Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5677825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Harwell Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6811421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gjertsen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6815069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Grier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dryfoose" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Suarez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6955362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Organ Pipe Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7353174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robison Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6217224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johansen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26772384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ray" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11842617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hump Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4876647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beard Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5597898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Graves Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6801581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Andrews" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Noville" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6989748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruotolo Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7535176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skilift Col" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5254708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Delta Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5580355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goldstream Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5588187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gough Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6801933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McKinley Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Paine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6989942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scudder Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7011217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surprise Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7242566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Price Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7440160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seabee Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7913602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Van Reeth Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7138277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parker Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4854482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banded Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5315557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dunn Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5566010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gjertsen Promontory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6395142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kessens Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6506819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Le Couteur Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gerdel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Krebs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6989930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schmidt Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7664027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Szabo Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Allaire Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25101395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magsig Rampart" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q999005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bay of Whales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4906826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bigend Saddle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5195855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curtis Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5565983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gjelsvik Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6312381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "June Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4883226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bell Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Schevill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7297066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rawson Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7770764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Tusk" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1234296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Herbert Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10729487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ferguson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4863189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barracouta Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5656001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hardiman Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6654157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liv Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6913851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morris Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Alice Gade" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Engelstad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7423928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sargent Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7431928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schobert Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7559761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Somero Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7605229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steagall Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7624324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strom Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Cohen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8074594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zotikov Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10646454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Don Pedro Christophersen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414921" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22414921" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22543743" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22543743" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22633900" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22633900" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "John Rodgers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10790903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Johnstone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lawrance" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Birchall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amundsen Arm" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barrier Cache" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Balchen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fairweather" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7269175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quarles Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16939414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morris Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7577296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spillway Icefall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7605974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steershead Crevasses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dean" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q515604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Framheim" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Harrington" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chamberlin Harbour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5636553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haas Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15241075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "LaForrest Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15706601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tantalus Bluffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Roe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7978933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Webster Knob" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9336780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Blood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11297685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Maloney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4828739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aviator Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5002465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Butchers Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Belecz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Corbató" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8071817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zigzag Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5127381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clark Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5141317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cohen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4854485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banded Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15223526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Helland-Hansen Shoulder" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Deardorff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Henson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ruth Gade" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wedel-Jarlsberg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wilhelm Christophersen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11303297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mercik Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2603898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pegmatite Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3321842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fridtjof Nansen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barnum Trail" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4748968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amundsen Icefall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5167768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cooper Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55180448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bad Lands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15714654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wishbone Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Betty" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Koob" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q155135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Axel Heiberg Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55181026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Little America II" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55181030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Little America IV" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5058888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cenotaph Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5314543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Duncan Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6797059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mayer Crags" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7990491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whale Bay Furrows" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trough Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55181029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Little America III" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amundsen's South Pole expedition" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Howchin Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55181024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Little America I" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q537942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ellsworth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1253855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "King Edward VII Land" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2923925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brashear" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5141929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colbeck Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6144615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Okuma Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4754164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anderson Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6755209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marble Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Behling" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7134349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paradise Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5751764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hidden Col" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7699957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tennant Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7794137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thomas Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Franklin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7972159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Washington Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q501337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roosevelt Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1747752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "De Forest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2502365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Little America" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Benjamin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fitzsimmons" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Griffith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Nilsen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4960043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Breckinridge Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7352988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robinson Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q536240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siple Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whitney Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prestrud Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Butler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Collins Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15252894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melbert Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6806928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Medina Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6890362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moffett Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Thorne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7160793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pegmatite Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q196495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amundsen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q541104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shirase Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7148460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patterson Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cook Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13998059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "MacDonald Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5441446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Feeney Col" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Shideler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7355048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rockefeller Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7539632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sledging Col" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7369227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ross Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Frazier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3542930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amundsen Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Helen Washington" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21743196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Armstrong (Antarctica)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5149229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coloured Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5644955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hamilton Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gevers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Goodale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marks Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4951313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bowman Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5036148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cappellari Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5455235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fission Wall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Redifer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8564185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fokker Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55181032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Little America V" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iselin Trough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22555409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bay of Seals" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q284906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laveran" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15221861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goodale Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Jackling" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Schlossbach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7071677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O'Brien Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7242067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prestrud Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8027796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Witalis Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8028292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Withrow Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10643508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dayton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4976232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brown Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5441445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Feeney Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5588291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gould Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6348089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kainan Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7623711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strider Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55192959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shackleton Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34233566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Downstream Bravo Camp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55632959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shackleton Limestone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Little America Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55180805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Houtz Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Hoare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Vida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Vanda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55180802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hayes Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35479105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marco Polo High" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104871704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Paterson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104863295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Antartic Circumpolar Voyage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Chad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2605023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Howard Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5002610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Butler Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5071173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chandler Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5273744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dickinson Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5660249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Harold Byrd Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6442161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kuhn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5607133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gregory Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6835717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Linwood Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Nichols" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Stahlman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wallace" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7011155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Supporting Party Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5309231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drummond Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7104055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orr Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7615800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stewart Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hastings" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q630324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Numerov" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10647401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Durham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1990087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Colbeck" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7690109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taylor Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2604685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Durham Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3108313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scott Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4709266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Albanus Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4719816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alexander Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4923760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blades Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5255259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gould Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7357522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roe Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7429862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scambos Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6726600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Madden Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18167250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Nelson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Graham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11513324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Salisbury" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Josephine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gould" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Paterson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hamilton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Pulitzer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6907218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moody Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clark Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6491862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Larson Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6508287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leach Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6773340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marsh Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bushnell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q267404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grinder Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5004219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Byrd Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saunders Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6119621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jacobel Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15219276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Little Rockford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6405220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kiel Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6801493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Andes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Manger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7331096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Richter Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7498295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shirase Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6801934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McKinley Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reeves Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Welch Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Balsley Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2603815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pincer Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4720699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alexandra Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107015340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Helen ES Clark Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5429587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fahnestock Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fridovich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bowman Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5211682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dalton Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6535291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leverett Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6815168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hanson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6815365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Herr" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7011669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapley Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7319657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reynolds Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Whillans" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Gorce Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5744543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hershey Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15221576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gerry Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6373001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karo Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6385735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kelley Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Sletten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4865407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bartlett Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4935862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bobo Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4985501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buennagel Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5178263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Court Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5256821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saunders Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5305413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dragons Lair Névé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6425640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koerwitz Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Rigby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Seebeck" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7525802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siple Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60347905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mercer Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4731326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Allegheny Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4860403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barela Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5184498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cressey Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5194015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cumbie Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5432418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fallone Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5518848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gallaher Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5639428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haines Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6099708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ivory Tower" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6802159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McLean Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6809793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Doumani" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6809852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ekblaw" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4890583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Benton Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mahan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Monson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Van Valkenburg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5454814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fisher Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7659256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Swope Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7937752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vivian Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount West" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7994940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "White Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7088574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olson Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6881340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mitchell Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4894820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berry Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4914047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bindschadler Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5166714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Conway Ice Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5542947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "George Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6350088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kalafut Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6356238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kamb Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6436030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kramer Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6818284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mercer Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Swadener" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6957052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Phleger Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7048196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nolan Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6957441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Price Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hutchinson Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spencer Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Al'banova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gould Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4887046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bender Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5187703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cronenwett Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23823922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Analogue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6419180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kizer Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7376626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rucker Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28940252" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28940252" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sulzberger Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guest Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sneddon Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Webster" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12719509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Webber Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5468648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foreman Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5645837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hammond Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15088492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shabtaie Ice Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6537367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lewisohn Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fiedler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ronne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7319643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reynolds Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golovnina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5280954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dirtbag Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15256337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morris Island (Antarctica)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6721746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "MacAyeal Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Palombo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34233579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Upstream Delta Camp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7658390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Swinburne Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11999738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scott Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Filippova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5377546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Engelhardt Ice Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5429150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fadden Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15253349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Midkiff Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Manke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7253563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Przybyszewski Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6939024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murphy Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7615555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steventon Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7993644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whillans Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mackay Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5319635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dzema Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5665689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Harrison Ice Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14934243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sulzberger Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5648862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hannah Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6800237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McCaslin Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7429790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scallop Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7622328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strauss Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6805347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Beazley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7940494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vollmer Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6773480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marshall Archipelago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6809716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Douglass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7786616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thode Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sulzberger Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gvozdeva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13560347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Keyser Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21487037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glotova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34196293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blaisdell Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Youngman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55192932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marie Byrd Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5601718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Greegor Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5307802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Driscoll Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6543196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lichen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4848384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bailey Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6808962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6811345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gilmour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6813353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount González" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Stancliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Van der Veer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6943781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mutel Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7300148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rea Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7424367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sarnoff Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7691761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teardrop Pond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7818249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tomandl Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McClung" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7011878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Treadwell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7795768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thompson Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7981692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wells Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4952332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boyd Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5184763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crevasse Valley Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5349478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eilefsen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15242293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lewis Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6724452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mackey Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6806046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Blades" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6809702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dolber" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fulton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ralph" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7142571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passel Pond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7280159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Radford Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6949960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McCormick" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7717994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Billboard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Cooper" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marujupu Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farmer Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2226993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brennan Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4759100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Andrews Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5256907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Denfeld Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6735565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maigetter Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6808801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Crabtree" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6834252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount June" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6835740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lockhart" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7076422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ochs Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7185922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Phillips Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4798820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arthur Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6808721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Corey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6808905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Crow" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6989759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saunders Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7283121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ragle Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7999129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wiener Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Warner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Woodward" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5458589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fleming Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6914072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morriss Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Passel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7013015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walgreen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7969885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Warpasgiljo Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4850242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Balchen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4915704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Birchall Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5762231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hill Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6803195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Avers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Getz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4807411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asman Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5127303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clark Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5241958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Davis Saddle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ferranto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6995677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neptune Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7011296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Swarm Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7653740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Swanson Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Block Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5002453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Butcher Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5093661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chester Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6808213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Byrd" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6834571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Kohler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6998081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skua Gull Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6998206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Stagnaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7609555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stephen Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25388142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Rea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30575413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Luyendyk" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Southern Ocean" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25379102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Iphigene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2226958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eldred Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5434868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farbo Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5608905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Griffith Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6483900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Land Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6801237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McGee Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5611579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Groves Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6815179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hartkopf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6960617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Richardson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7510961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siemiatkowski Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6833854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Jones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Darling" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Spencer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Swan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7978897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Webster Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5438549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Favela Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5598419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grayson Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6536329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lewis Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6806938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Burnham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Maglione" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Perkins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Swartley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7138356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parker Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7140827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Partridge Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7305610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reddick Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7994719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "White Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5605140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Greer Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21479405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Edwards" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blake Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2226950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Castillo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13560683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weikman Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4848381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bailey Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5127334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clark Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5350672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El-Sayed Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15222343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gutenko Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6850680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Milan Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Zeigler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7028435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nickerson Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7141771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paschal Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7293393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ranney Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6272638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Newman Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McCoy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Morgan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kokkinaki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Little" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4680396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Adams Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5016655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cady Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6386226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kelly Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6805639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bitgood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34233732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mid-C Camp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6956855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pearson Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7233714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Post Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8002521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilkins Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8075273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zuncich Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Land Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Paige" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4943888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Booth Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5473333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fosdick Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5744187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Herrmann Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5950580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hutcheson Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7574136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spaulding Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7598778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stanford Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Shirley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7943488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vulcan Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2227077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trenholm Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4529916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ford Ranges" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4999696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Burnette Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5255089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Demas Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6801219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McGaw Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6808350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Carbone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6808709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Colombo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tolley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4915837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bird Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4960277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Breeding Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4979029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bruner Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5190068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crummey Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5611348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Groux Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6111656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruppert Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6801702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Atwood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Peddie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7071738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O'Connor Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7302377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Recess Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zagoskina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13543804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abele Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5878990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holcomb Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6787286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mathis Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7306580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reece Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34233573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ford Range Camp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kastanaeva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2036171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Diyar Planitia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2782102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amaral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3696617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dostoevskij" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5638711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haggits Pillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6907190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moody" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1101258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rembrandt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6430336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Konter Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6437021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Krigsvold Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6996741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neruda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Giles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6679289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lord Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hull Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1277394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Pyramid (Tarakoikoia)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1658702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alder" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1345909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scott Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3926567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neruda quadrangle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5176185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coulter Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5506216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frostman Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5656930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haret" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6441217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kuberry Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6859240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Miller Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2227162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lynch Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15298485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "van Gogh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4854779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bandy Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25399488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Castiglione" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106569647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rangiauria Scenic Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5381449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enwonwu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Savage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25907688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cyllene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grainger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24953630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Disney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6835423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Langway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7500030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shoemake Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28868253" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28868253" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28950328" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28950328" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28950332" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28950332" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28989144" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28989144" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q733259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "South East Island (Rangatira)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32205052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gap Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4939815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bollons Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5127484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clarke Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5986489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ickes Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q114746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sher-Gil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35717971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "South Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6481282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lambert Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34748164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passage Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8070422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zhang Yuzhe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22669942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saragossa Terra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5190346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cruzen Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32293154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murumuru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32278738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Miniapakara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruysch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6414263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kinsey Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McCrory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Vance" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marduk Fluctus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32237351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kiringe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15277490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shuman Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6835649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount LeMasurier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7651887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sveinsdóttir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25909092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buzzell Planitia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hobbs Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2866478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asha Patera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scott Seamounts" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scott Island Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q62829022" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q62829022" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q62830091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bellini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4751329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anandakrishnan Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64405887" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64405887" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64405894" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64405894" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64409762" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64409762" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64769271" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64769271" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pahinui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3192416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kami-Nari Patera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4911809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Billey Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6367583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karaali Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6787479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matikonis Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25907711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solitudo Persephones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15262297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nichols Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25907701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solitudo Atlantis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34748349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peter Ruas Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q79311122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glory Cottage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96379407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gerin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96376442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Disney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32151702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape L'Eveque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32208523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glory Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q102115236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Obock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q102115162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neves" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105335027" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q105335027" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waipaua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91288580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rangatira Nature Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murumuru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106569641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canister Cove Scenic Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106569650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waipaua Scenic Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108083476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heaney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q115459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chatham Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1276390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rabbit Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1515210" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1515210" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1617119" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1617119" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1427436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chatham Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106569640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cannon - Peirce Scenic Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106569652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Awatea Scenic Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106569645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thomas Mohi Tuuta (Rangaika) Scenic Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1809774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waitangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q79308713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whangamarino Woolshed" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moreroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te One" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7199086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitt Strait" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19951107" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19951107" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Matangirau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Tuka a Taupo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85220634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Te Rangatapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86771178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Tuku a taupo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5034817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Fournier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15260815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nairn River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6546797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuku Nature Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26882619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chatham Islands Council" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2879686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petre Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32268156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manukau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32303540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ohira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32228369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Island Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32300940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "North West Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32291680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moutara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32232352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kaiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32239959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koputotora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5034987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Pattisson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waitangi West" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5087694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chatham Standard Time Zone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106568998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Harold Peirce Memorial Scenic Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32300292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "North East Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5462278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flowerpot Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6054963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Owenga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33618280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waitangi Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108280681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Second Water Creek / Waipāpaku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6738750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makara River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1420431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitt Island (Rangiauria)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32194825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Evans Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32225074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Howard Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32116446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alison Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32226009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hukurangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32229306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jenny Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32293758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Napper Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6476246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Huro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32301984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ocean Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34883694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whangatete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35716305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sentry Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49296499" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49296499" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49325204" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49325204" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49387090" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49387090" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49388763" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49388763" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1276249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Little Mangere Island (Tapuaenuku) The Fort" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32200462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flower Pot Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32226036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Humanganui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32281513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moneroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32293766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Napper Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33616191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waihere Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34943013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tauarapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56279590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tupuangi Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32285198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motutapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31710717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Turanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31710731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngatikitiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32230693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kahuitara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32255777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mangahau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34952267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Awainanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q376191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mangere Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32295886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngakuha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33594292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Awapatiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34952467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Awatapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32274960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McClatchie Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32308656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Onoua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q79309586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meikle House" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Pukawa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morgans Hollow" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34754334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "West Reefs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q79301323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "German Mission House" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q79308284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tommy Solomon Statue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96742707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rapanui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96096084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port Hutt (Whangaroa Harbour)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q79303961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solomon Homestead" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mangahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tioriori" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tupuangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96694769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matarangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97122739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Big Bush" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105672712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lanauze Cemetery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107436240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robin Bush" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55630263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port Hutt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105674536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitt Island Cemetery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q79301945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hough Cottage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q79313250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "St Augustines Church (Anglican)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taoroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91287783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flower Pot (Onoua)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tennant's Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q79311475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nairn House" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q936117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "South Pole–Aitken basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1914415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Minkowski" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2741584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bose" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1965766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crommelin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2740431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berlage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Rotonuiaha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Kaingarahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Kairae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Makuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Pateriki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Taia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85220643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Wharo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3696627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gainsborough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5597953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Graveyard Seamounts" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7619394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stoney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1085622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Finsen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q804786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baldet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Rangitai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2589634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bhabha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1649773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Davisson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105674535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Whakaru Cemetery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4775118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antipodes Fracture Zone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taupeka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5651182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanson Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1133399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eijkman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1965505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lemaître" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85220629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Rotoeka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85220645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pakauwera Pond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2398258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Whanga Lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106236588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te One School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rimbaud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15298689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vincente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97672247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whenuanuipapa Plain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2739654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bellinsgauzen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32234532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karewa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32230739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kahupiri Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32266463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mangawhai River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32292408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Munning Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32304185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Okahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q37286745" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q37286745" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106236564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kaingaroa School (Chatham Islands)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106236569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitt Island School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15266888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitman Fracture Zone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q249308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of February 7, 2008" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49392194" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49392194" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1024732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabannes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1708719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chatham Islands / Tuuta Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49675655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Round Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1816097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nimrod Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32278746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Minitaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32308635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Onihanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15229078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "J.M. Barker (Hāpūpū) National Historic Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6786118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matarakau Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q52208217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Charlier (Martian crater)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111262455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Earthquake 2016-01-10 12:12:03" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60390951" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60390951" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q57969274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2018 Taumarunui earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32306287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Old Man Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7081848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Okawa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7292853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rangitahi Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q558800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pacific-Antarctic Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1276733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Forty-Fours" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1276688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Star Keys" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5551327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "German auxiliary raider Adjutant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q71520532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaughan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33616736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waikeri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q73701131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saint-Exupéry Fracture Zone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Marakapia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85220640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Wharemanu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23925958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Udintsev Transform" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85220610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Arapuni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85220617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Rotorua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32152121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Young" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Rotoparaoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85220649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Roto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96976210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kaingaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q79303605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ponga Whare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Henga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waitaha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saint-Exupéry Guyot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paritu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hapupu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wharo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Titirangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Karapiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85220638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Waikauia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86771569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chatham Islands Territory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Maraetai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108558195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moropunga Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rakautahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Ohakuri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85220622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Kaimoumi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oingo Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106569648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ocean Mail Scenic Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97462177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kairakau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mairangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wharekauri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q119196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kermadec Trench" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q618975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apollo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q587677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Republic of Minerva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q833425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oppenheimer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q698739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maria Theresa Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q745393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maksutov" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1168240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grissom" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1668866" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1668866" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1071934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaffee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1145604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curtis Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1739278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kermadec Islands Marine Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1444421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anders" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2499867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Upsweep" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85172983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Turbott" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2886300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ptolemaeus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1734393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karrer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3807368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jarvis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3882715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Onizuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5260046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "deorbit of Mir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5602749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Green Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3696568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6584655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "White" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5307509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Giggenbach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6692211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lovell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6802442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McNair" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7333073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riedel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10859931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nishina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Grave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "North Mavora Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10860684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hendrix" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sarmiento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takayoshi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Macarthur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q276357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jupiter Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3829313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leavitt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sibelius" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brooks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106537468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Havre Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6689569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Louisville hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7105824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Osbourn Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28868251" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28868251" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23925967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hollister Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q287026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hobal Virga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1138750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Minerva Reefs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1356235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ernest Legouve Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q444549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Macauley Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31710724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smith Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31710709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "West Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32134358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blue Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31710753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Haszard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32217276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haszard Islet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32278282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Milne Islets" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6516541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leeuwenhoek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32243767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lava Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25907713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solitudo Promethei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2741599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Borman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2904506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Birkeland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105611669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Star of Bengal Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5256968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Denham Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q114935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kermadec Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49155209" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49155209" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49390980" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49390980" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q471005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Mysterious Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2961843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Louisville seamount chain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32293734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Napier Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4120915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Volcano W" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38125561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lincoln Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1146483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of January 15, 1991" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1324496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nugent Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1637519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monowai Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1880637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "L'Esperance Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2031530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "spacecraft cemetery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3128717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Havre Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31710746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hutchison Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32293950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nash Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35712308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "North Minerva Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1068873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cheeseman Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32219934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Herald Islets" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7850586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuaikaepau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31450620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Green Lake Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31710739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mumukai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32172095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "D'Arcy Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32174620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dayrell Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32277027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meyer Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20894704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moumoukai Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32157759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chanter Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33638158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sunken Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35717951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "South Minerva Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prospect" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of November 13, 2012" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96764180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moumoukai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85220594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Mouat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85220615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Benmore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97482254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matatirohia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85173019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "South Mavora Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105758009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2021 Kermadec Islands earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raoul Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q72762655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monowai Caldera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q513104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1691640" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1691640" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1780663" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1780663" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1941635" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1941635" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2024128" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2024128" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1859145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moala Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2407409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "De Vries" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3886042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orlov" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11824648" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11824648" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q119294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tonga Trench" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q629098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Namuka-i-Lau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1631570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuvana-i-Ra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1888350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vuaqava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2510526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vanua Vatu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570952" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24570952" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570985" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24570985" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571006" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571006" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571010" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571010" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571021" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571021" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571024" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571024" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571025" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571025" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571029" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571029" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571049" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571049" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571055" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571055" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571057" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571057" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571087" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571087" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571094" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571094" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571092" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571092" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571093" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571093" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571120" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571120" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1307352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kabara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15263989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olorua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Komo Ndriti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mana Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marambo Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mothe Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Lekaleka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Vau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8043773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yanuca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q423507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻAta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1062438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lau Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2268568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vatoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29467203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tonga-Kermadec Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2308160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Totoya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Herald Sound" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kinikini Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Na Potu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nasuthu Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oneata Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yangasa Cluster" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yao Lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34748274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pelorus Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1663864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vuata Vatoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1858116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ono-i-Lau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Komo Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ndavura Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ndelaioloi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olorua Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Thikondua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Vuite" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7079983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ogea Driki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1583217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ogea Levu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navatu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lau Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngilangila Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Reivareiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yuvutha Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58791260" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q58791260" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1060247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2009 Tonga earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1440742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navatu Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2535125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vuata Ono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6497594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lau Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ono-I-Lau Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Levu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taluma Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vatoa Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fulaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1544972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ourang Medan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2461940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuvana-i-Colo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fulanga Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karoni Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Korosingani" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nayambo Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ndoi Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Nasokesoke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tavunasithi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Tetika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Undui Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48780880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1977 Tonga earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Motu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vandrathangithangi Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yangasa Levu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1628178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Horizon Deep" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aiwa Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuku Songe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Onendrenga Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oneata Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilkes Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yanutha Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1026104" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1026104" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1957542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lakeba Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2096156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vatu Vara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2291065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vanua Balavu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q975696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuaʻamotu International Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11741357" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11741357" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1232343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kanacea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q620452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tongatapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7853578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tupou College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3274715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cicia Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3545296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vanuabalavu Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1884674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mago Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6961260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Namalata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23970924" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23970924" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570945" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24570945" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570948" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24570948" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570978" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24570978" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570977" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24570977" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571088" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571088" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571123" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571123" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3879314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukunuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15225938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Houma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toketoke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24070579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Unnamed submarine volcano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Andavathi Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malevuvu Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yathata Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17399993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bacon Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1165534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuvuca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1809825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tubou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1972394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navua District" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kaibu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23018106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuaʻamotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24044817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Unnamed volcano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avea Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maafu Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reid Haven" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Susui Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wainiyambia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yanuthaloa Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5929416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hufangalupe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakan Lasemarawa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuku Thikombia Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukutolu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reid Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Tambu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vekai Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6966601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nasaqalau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25701583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haʻavakatolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25701682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaotuʻu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17068669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hule fortress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49319962" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49319962" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49321135" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49321135" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49321241" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49321241" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49321758" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49321758" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49322069" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49322069" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49322339" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49322339" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2577833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nayau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49320667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fahefa Beach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56216480" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56216480" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lakemba Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Namalata Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25701683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fāhefa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111262464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Earthquake 2018-09-26 00:37:33" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56256214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "August 2018 Fiji earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3711231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kanokupolu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Katafanga Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malan Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mbukatatanoa Reefs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nayau Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25701684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matahau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25701676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te'ekiu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35708839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kakau Tapu Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1229749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yacata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1725479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lakeba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cicia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6754225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mapu a Vaea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frost Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mbavatu Harbour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morse Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thikombia-i-Lau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vanua Masi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yaroua Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haka Tapu/Duff Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Exploring Isles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Munia Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Nawa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tavunuku-i-Wai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vindikai Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34935746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Houma Toloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65450708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ha'atafu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boehm Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Nokeva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tavunuku-i- Vanua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25702149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fo'ui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Batiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomaloma District" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100701526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nakolo, Tongatapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49321639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kolovai Beach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q423528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻEua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1435916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fonuafoʻou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3711234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kolonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18472979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻEua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20432827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20432814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1414448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tofua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22671099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kalau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4614933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2009 Tonga undersea volcanic eruption" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15262408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niutoua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3596205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻEua Motuʻa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34643435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Narrows" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malinoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻOnevai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Velitoa Hihifo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manima" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34641254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piha Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34867095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tofua Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1433433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ha'amonga 'a Maui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20432840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tonumea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3277666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "'Eua Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3866852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muʻomuʻa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻAtatā" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻOnevao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻAtā" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34630620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Egeria Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34738628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afu Ngalalu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34935757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Houmatau Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49280858" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49280858" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49296396" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49296396" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49296409" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49296409" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49320676" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49320676" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49320682" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49320682" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49320683" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49320683" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49320875" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49320875" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49320873" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49320873" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49321460" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49321460" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49321819" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49321819" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49322364" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49322364" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49322444" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49322444" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49325077" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49325077" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49325090" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49325090" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49487591" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49487591" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49645710" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49645710" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49656384" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49656384" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49659485" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49659485" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49660087" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49660087" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49666142" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49666142" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49670690" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49670690" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motutapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110565155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taʻanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110565163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tufuvai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34664721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Feinga Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34751383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sumner Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau' Mama'o Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35719562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Telemachus Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110567218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2022 Hunga Tonga–Hunga Haʻapai eruption and tsunami" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111040319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2021-2022 Hunga Tonga–Hunga Haʻapai eruption series" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19056622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hunga Haʻapai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1641551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nomuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Velitoa Hahake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49659125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mokotau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35708566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johnnie Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1531041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "MV Princess Ashika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3596206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻEua Foʻou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fukave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oneata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tufaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35707898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hyäne Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Kafa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20432802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nomuka iki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻEueiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tau, Tongatapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25701661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navutoka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34628168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ava Lahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34867134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tonga Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakaufusi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Va Ila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3143318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hunga Tonga–Hunga Haʻapai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3711222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "'Ohonua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20432788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kelefesia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4533167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻEua district" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monūafe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muifuiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34798208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ano Ava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34912174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ha'afota Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35711663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nautilus Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35711789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngalualua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65450798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talafoʻou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34664698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bicentenary Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34741836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dido Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110565162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Houma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96942975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Otu Muomua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110565164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pangai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1119876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1520405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4540506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻOʻua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3711186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5445967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fetoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3711227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tungua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6549961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Limu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7687847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tatafa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7812959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tofanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1107778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻUiha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3840583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lulunga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5465217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fonuaika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15238623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7038869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niniva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7262518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Putuputua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7897885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uonukuhihifo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20432799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mango" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20432831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Telekivavaʻu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tanoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meama" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106916565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tokulu Island Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15265950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pepea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7691994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teaupa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20432819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukufaiau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20432835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Telekitonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96790512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Felemea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106914178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tatafa Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35714015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Russell Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6520583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lekeleka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34739996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barrier Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34746524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Anga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34754408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wickham Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3711204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fotuhaʻa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fakahiku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34745099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ladd Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6694995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luanamo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34628176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ava Matamataveka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34738745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alexander Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34746548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Fakatele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34746555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Fasi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34746564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Fasi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49296163" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49296163" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49297194" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49297194" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49637943" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49637943" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49638329" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49638329" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49638332" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49638332" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49648548" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49648548" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49651162" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49651162" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49651818" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49651818" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49655150" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49655150" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49655153" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49655153" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49664597" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49664597" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49666180" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49666180" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5438037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatumanongi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49638411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foua Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34740957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Britten Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2341498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uonukuhahake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2608150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luangahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20432771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fetokopunga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20432823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukutula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20432781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fonoifua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20432795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3711232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haʻafeva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mangoiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49664589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukutavake, Tonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7068900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukulei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34628139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ava Auhangamea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34628199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ava Pupu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Meamea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35711009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moulton Shoals" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49648385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kolo Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16799011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tokulu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34628211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ava Tauoifi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34746517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Aleingongo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34746572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Fitu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34752464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trerise Patch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Kopau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mai Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49296864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tonga Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34742033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Doyland Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Fatumanono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Lelau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35711104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murray Patches" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34628146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ava Fonuaika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34746458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lord Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49638328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fono i Mukka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96939472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lutueki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65034885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lapita Pottery Archaeological Sites" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106357092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kito Island Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2992825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Royal Palace" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4540578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "'Utulau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8083954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atenisi Institute" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9286778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haveluloto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q842390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuʻi Tonga Empire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13637191" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q13637191" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105222814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fangaʻuta Lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4899260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beulah College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16572770" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16572770" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6378842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seventh Day Adventist Church of Tonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7076143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ocean of Light International School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q580640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2006 Nuku‘alofa riots" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9286862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haʻateiho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19841851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cathedral of the Immaculate Conception of Mary" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20468640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pangaimotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21161757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loto-Tonga Soka Centrek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4007278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kanatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4609413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2007 Tonga earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5884200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6050071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "International Dateline Hotel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6741312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25702163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7820961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tonga High School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11767056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mangweni Stadium" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2359181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mu'a" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96211083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embassy of China, Nukuʻalofa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukunukumotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24249438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Basilica of St. Anthony of Padua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Star Cinema" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34753012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ualanga Lalo Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34753020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ualanga Uta Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23017954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3510578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2006 Tonga earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105268785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alaki, Tongatapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3981472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tatakamotonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataʻaho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5499780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Free Church of Tonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107694796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apifo'ou College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6740667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mala'ekula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25048076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tonga National Museum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7068902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukuleka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7361669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roman Catholic Church of Tonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26258557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tonga College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49111279" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49111279" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49320024" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49320024" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49320876" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49320876" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49488664" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49488664" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49637779" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49637779" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49656174" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49656174" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9358997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tofoa-Koloua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109350523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Telekava European Cemetery, Nuku'Alofa, Tongatapu Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109350524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takaunove Cemetery, Nuku'Alofa, Tongatapu Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109535973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Al-Khadeejah Mosque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3826986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lapaha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poloʻa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talakite" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5117757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Tonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56293437" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56293437" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25701678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matafonua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111123689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dayspring B&B Lodge Tonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49296865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tongatapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30266905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ministry of Agriculture and Forestry and Food" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moʻunu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻAlakipeau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngofonua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65450784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liahona High School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Queen Salote College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q877396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roman Catholic Diocese of Tonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tongan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49369814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2359190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kolovai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2406972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teufaiva Sport Stadium" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3845259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukuʻalofa Tonga Temple" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23018436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veitongo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34738739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alert Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38251221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "King's International University, Tonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fafā" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25407179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hōfoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65450724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lakepa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35710944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monu Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makahaʻa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22668341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moʻungatapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23017995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tokomololo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49657476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mata‘aho Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10383165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tongatapu (district)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55633129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sia’atoutai Theological College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108737151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ministry of Health" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64004290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embassy of Japan, Nuku'alofa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106565800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Australian high commission in Tonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105265742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fanga ʻO Pilolevu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q76390885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "High Commission of New Zealand, Nuku'alofa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuku'alofa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1116587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haʻano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q612098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haʻapai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1002246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1550157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Late" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5474041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6933282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muitoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6803553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meama" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10293470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haʻapai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2978351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Home Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2994146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Metis Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6684813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lotofoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6694967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luahoko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1027037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pangai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5474033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fotua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5688532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haʻatoʻu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5433815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fangale'ounga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5640360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakaufasi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6886097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moʻungaʻone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7259148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pukotala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35717724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smith Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34739826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Balfour Patch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Eihiho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Fakaosi Toume" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Lalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Loa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Vonu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35710125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mariner Patch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35713486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Richards Patches" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22671147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pangai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5640357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakauata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33127902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakuata Island Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15224582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holopeka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34741329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campion Breakers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49006202" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49006202" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35704701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falcon Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Homaulu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Muikuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49653929" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49653929" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3272015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lifuka Island Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fakakakai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34742535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Esk Shoals" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34745588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lee Patch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34746540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Fahalolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Fusipala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Mataleingale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1309255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lifuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111386949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "PANGAI" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3711214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uoleva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6434577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kouloe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34741573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crawshaw Shoals" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Pooi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Tuaniu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Lahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Matavai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Nafi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6666649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lofanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7068908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukupule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7079762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ofolanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7821137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tongoleleka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34628183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ava Matanukupule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34628188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ava Mutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34628222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ava Vaha‘afonua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34741063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buchanan Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35711054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mui Fakafafa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35713066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rachel Patch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11650379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukunamo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34740392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bethune Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34745114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalalolomei Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34752712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tupou Toa Patch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Faha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Lahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Mateialona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Sela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Puki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Tula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Vika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35711766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngahi Hakau Fatafehi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4494291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haʻapai district" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34738752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alibati Patch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34741753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "David Patch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34741869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Disney Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34864353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faihava Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Iki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Lafalafa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35711773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngahi Hakau Levaleva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35712873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pukefeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34628162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ava Homaulu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34746580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Janet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34936790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hulu‘ipaongo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Vana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35709570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Sii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7688708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7828381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Totokafonua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7530803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sisia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuʻungasika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hunga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4087428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Kaba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22670883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fonualei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kalau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luamoko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tangatasito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kitu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fonuafoʻou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuaʻamotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lualoli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuapapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fofoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foilifuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34746532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua Atofuaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35705146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fotuaikamamaha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11038361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maninita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luaʻui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3711202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ovaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kulo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lautala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7688730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taunga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49388498" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49388498" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49631293" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49631293" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49631604" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49631604" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49637827" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49637827" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49637883" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49637883" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49638303" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49638303" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49638331" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49638331" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49638334" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49638334" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49638335" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49638335" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49645077" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49645077" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49645533" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49645533" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49646149" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49646149" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49650332" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49650332" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49650362" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49650362" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49650579" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49650579" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49655127" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49655127" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49655140" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49655140" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49656283" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49656283" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49664565" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49664565" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49668258" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49668258" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aʻa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lekeleka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luaʻafuleheu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻEuaiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luafatu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34865349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7113222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ovalau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falevai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35705153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fotuaikamoana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muʻomuʻa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luatafito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moʻunu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11650719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Totokamaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fānautapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35704864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Finau Patches" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20428208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vakaʻeitu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻEuakafa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alinonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luakapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukutahanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7675480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahifehifa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34628193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ava Pulepulekai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34630724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faihava Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fangasito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luahiapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luaʻatofuaʻa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻOto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31385316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Teisina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34864625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falewitahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatumanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460344" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fonuaʻunga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fonuaʻoneʻone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Katofanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foiata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Langitoʻo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luaʻofa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taʻuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34628154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ava Fonuaunga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34864917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fangaata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49645002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kaihifahifa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2515014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laucala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7689084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taveuni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975690" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975690" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975701" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975701" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975704" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975704" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975710" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975710" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975709" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975709" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975713" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975713" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975722" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975722" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975721" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975721" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975726" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975726" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975725" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975725" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975735" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975735" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975742" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975742" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975743" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975743" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975745" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975745" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975750" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975750" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975749" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975749" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975756" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975756" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570942" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24570942" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570993" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24570993" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navukoni Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navolia Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nailusi Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Suetolu Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waindereyava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lavena Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naisonggo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veitalathangi Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1862853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Qamea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ndawandawa Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nasawa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nakende Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waitolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Katharine Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tangimauthea Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngila Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nambola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naivileka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wailalambi Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waikonasavu Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naselesele Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Narata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nasingasinga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nambaseni Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naivika Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malua Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mathamatha Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waioru Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waindrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vunituruturu Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coubrough Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koronimbelo Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koroturanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naivonoi Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nanuku Levu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nayanuyanunuku Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111110772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maravu Taveuni Lodge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111408365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Qamea Resort and Spa Fiji" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111449070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tavoro Waterfalls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111449069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waibula Falls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navakanawa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thouruarua Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motualevu Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nanuku Lailai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7689156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tavoro Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q651562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matei Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2368586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matagi Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navukanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nasekaile Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nakaute Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mbiloni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wailangi Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wai ko Nanduvo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaua Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skethe Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11824529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laucala Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waisoki Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wai ko Nggeleni Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tombunivonu Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tambonganavula Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sovilolo Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nasarata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nanduvu Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naiumbinindrano Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nanuku Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Natandrua Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nayangiyangi Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vurevure Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nambunitakaru Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naitata Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naimbili Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wai ko Nggilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Korolevu Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motua Lailai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Viubani Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65450804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taoa, Vavaʻu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3178623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Qi Baishi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1427939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fonualei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3785576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hihifo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3893246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pangaimotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q859666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vavaʻu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4540471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "'Ene'io Botanical Garden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3866454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100701603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Okoa, Vavaʻu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100701827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Talau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ofu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1025393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neiafu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975683" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975683" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975699" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975699" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975730" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975730" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975736" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975736" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3752101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hahake, Tonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fafine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uatoloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kiato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nalovoloa Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24070573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Unnamed submarine volcano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100701578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toula, Vavaʻu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20456736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vavaʻu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faioa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kenutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2980547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vava'u International Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tulie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koroira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25701635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taʻanea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mafana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wainukumotu Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34961732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kilikili" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25702148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holonga, Vavaʻu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25702156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataika, Vavaʻu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaimalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34972815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kolouta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49091577" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49091577" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49319965" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49319965" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49321552" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49321552" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49382939" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49382939" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49386224" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49386224" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49387067" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49387067" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49388529" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49388529" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49394526" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49394526" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49394525" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49394525" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49394557" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49394557" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49631394" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49631394" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49637782" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49637782" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49648422" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49648422" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49654825" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49654825" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49657473" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49657473" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49657609" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49657609" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49664472" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49664472" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49670348" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49670348" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11650638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tokū" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tueʻia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25701639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111386950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "NEIAFU" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111449071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wainibau Falls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111449072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Savulevu Yavonu Waterfall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111449073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waitavala Water Slide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻUmuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31385323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hala Ngutunguta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Okoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Savurua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tambaka Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7850468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tu'anuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65040418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leimatuʻa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4102091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vava‘u" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wainisairi Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25701636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tefisi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lotuma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pousini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34798216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ano Lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻOloʻua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20460949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ʻUtungake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22670722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matuʻanua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22673954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuʻanukulau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waiserua Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wainivakatha Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wainamba Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25701638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Feletoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25701637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Longomapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35702203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Capricorn Tablemount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31385321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moʻungalafa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34796407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "'Utula'aina Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34929112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hikutamoli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65450833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Somosomo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1549756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Puke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3980206" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3980206" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3816241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kolia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3879310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3992418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toloke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5450174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fineveke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1140790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alofi Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3816265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kolopopo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3843723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mala'efo'ou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4000100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuatafa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3782515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Halalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3981788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te'esi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31934158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kolia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3843724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mala'e" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31997782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Falaise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Matakaviki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Mua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Nord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Papaloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32514915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Finékovi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32605745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Fenua Fu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32606471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îlot Nuku Fetau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6427462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kolofau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34641032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Faïoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29584056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "basilique Saint-Pierre-Chanel de Poi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Lalolalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3882732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ono, Wallis and Futuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3980555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tamana, Wallis and Futuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4007285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaisei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Kolofou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31888679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal du Nord-Ouest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32036185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuavaihiki Source" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32516515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vaha'a'utu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7207807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poi, Wallis and Futuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7918875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vele, Wallis and Futuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q182132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vele Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49297083" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49297083" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49369945" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49369945" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1628286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hoorn Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2554877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sigave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29646337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Bernadette de Leava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31997858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Ha'ofa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Makamaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pyramides" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32027584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tauai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32027754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teesi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32516548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Velé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32606001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Nukuofo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q664321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q59771581" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q59771581" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Kolofau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31903242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chenal Sain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Mataaho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32515086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Lalofétau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32606489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îlot Nukutaakimua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2168460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alofitai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29584042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saint Joseph, Mala'efo'ou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65619885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle de la Sainte-Famille de Kapau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48323740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église de Sausau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Lausikula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31997628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe de Sable" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Patogaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Verte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32606019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Nukutapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7688993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tavai, Wallis and Futuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65619879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle d'Olu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65619890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle d'Oneliki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65619892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle de Fatuloli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Puko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32514895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Faka'afu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32605734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Faïoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77863129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Futuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51158988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle de Vele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65619854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle de la Vierge-Marie de Tufu'one" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Atalika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31949921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marais Sanglants" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pagaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Rocheuse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utulei Source" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiapuaka Source" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32499518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukumotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32514926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Fogoné" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32605948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Nukuaéta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sommet Matsi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31997983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Lausikula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Sauma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32515787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pouvalu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32605772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Haofa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65619876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle de Tamana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51158978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle du Sacré-Cœur d'Alofitai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65619833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle Saint-Pierre-Chanel de Kolia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51158987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle Saint-Pierre-Chanel de Poi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60385119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle Saint-Pierre Chanel de Vaisei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2734700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3490985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Qelelevu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11824699" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11824699" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3089206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiji–France border" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3415977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Racah" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975746" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23975746" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570921" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24570921" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570950" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24570950" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570961" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24570961" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570984" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24570984" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571014" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571014" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571050" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571050" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571119" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24571119" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Miller Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cocks Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kimbombo Islets" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lasea Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maqewa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nevuwai Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukumbasanga Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rambi Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tauraria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tovuka Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trigger Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Budd Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17351757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiji–Tonga border" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1630966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mala'e" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31870185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23925922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lobster" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ndothiu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Florida Reefs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gangway Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Matathuthu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vuruna Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tanggitanggi Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Adolphus Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blackswan Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dibbles Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Texas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ndelairambe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tasman Strait" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vetauua Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Williamson Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3088919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "France–Tonga border" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3565775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taininbeka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nggelelevu Lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukusemanu Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smale Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Undu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vetauua Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51158981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Thérèse d'Ono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51158990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église de la Sainte-Famille d'Alo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q762070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rabi Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1628069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60346131" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60346131" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2708777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ringgold Isles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3335258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naitaba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23975776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Korondongo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lookout Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukusemanu Reefs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitman Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tai ni Mbeka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2578003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wailagi Lala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3746219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3980960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petit Piton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31997503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe d'Alo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32010337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rotumah Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bell Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Duff Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thikombia Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uluikamali" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thakau Vuthovutho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zephyr Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60377841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle Saint-Joseph de Fiua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heemskercq Reefs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malima Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Texas Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29884307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Notre-Dame-des-Sept-Douleurs d'Ono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65619764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église de Vilamalia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24570937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alacrity Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nggilanggila Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukumbalati Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ringgold Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scatterbreak Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sovu Islets" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thaukathi Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24571127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yavu Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34664823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rochambeau Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100773606" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100773606" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51158984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle Saint-Michel de Mala'e" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wallis and Futuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51158989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Marie de Taoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60368597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle Sainte-Marie de Toloke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87656001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "COVID-19 pandemic in Wallis and Futuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q489003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wallis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3785577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hihifo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6476570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Lanutavake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6547341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10699845" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q10699845" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11785313" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11785313" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11786217" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11786217" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2942239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matâ'Utu Cathedral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3553293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3738530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falaleu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4734167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alofivai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16610301" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16610301" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19401615" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19401615" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3090553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fugalei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3828034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lavegahau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15262958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukuhione" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7903676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uvea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28040578" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28040578" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4006800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utufua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q182259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hihifo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2325950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stade de Mata Utu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3346227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukuhifala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3782298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ha'atofo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4007286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitupu, Wallis and Futuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Hologa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Ololiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3866850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mu'a" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pukega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32027928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaisima Source" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3609616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6476451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Kikila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3782297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ha'afuasia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Rouge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3264604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luaniva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3607019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Holo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Kalevalio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5516913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Matavili" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pukokena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vaikafika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32516494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Utu'uhu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6474745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Alofivai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7679508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talietumu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49126894" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49126894" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2329349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hahake District" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29584715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église du Sacré-Cœur de Tepa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4000261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tufu'one" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30739606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Royal Palace of Uvea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13365630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stade Lomipeau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Loka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31997338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Atalao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Temasi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Utua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31867176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Akaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "MATA-UTU" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3607289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aka'aka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4007277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaimalau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitufu Source" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16882781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stade Laione Rugby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Lulu Fakahega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31997853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Ha'aleleka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaihohoni Source" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitupu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32041062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wallis Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16897382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepa, Wallis and Futuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31919043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haafusia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31951723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matavai Source" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31997860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Halalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Utuloko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28224171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lycée des Îles Wallis et Futuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31919068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haatofo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31997888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Houma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Takigana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tapa'ua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Utuloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailoa Source" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32606135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tekaviki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77869505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Wallis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29584886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Église Saint-Pierre-et-Saint-Paul de Vaitupu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Lulu Luo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31941639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalototo Source" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Matalaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tepako" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tuimalohi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Utuhamia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35494763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niuasu'i Source" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mata-Utu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1200954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niuas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1144842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niuatoputapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2382757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukuteatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2563164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hihifo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4338915" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q4338915" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2270993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curacoa volcano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6786170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matautu village" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17351837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tonga–United States border" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q651525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niuafoʻou Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2410283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukuloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3513806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafu-Maka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q89277147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2020 COVID-19 pandemic in Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31951688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matautu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31912978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "East Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31916517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fusi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Asuisui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q283712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q921497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2009 Samoa earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3277532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niuatoputapu Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31983844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pasco Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32010389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Round Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31385327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mafa Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Olomanu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Olotane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31916376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foss Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31941607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalla Rookh Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31951591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matamoana Source" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32007289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Return to Paradise Beach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32016088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satuimalealiifono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5516783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gagaifo o le Vao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7403613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salamumu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sataoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34741606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curaçoa Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49106975" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49106975" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49296393" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49296393" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49325032" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49325032" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49367867" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49367867" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49640151" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49640151" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49641697" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49641697" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49660084" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49660084" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49660093" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49660093" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49660111" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49660111" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49660141" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49660141" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49663242" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49663242" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49663246" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49663246" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49664584" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49664584" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3346233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukutapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31920185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Home Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23925914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dugong" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6495066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lataitai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7674981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafitoala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7933901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Virgin Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17351830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samoa–Tonga border" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q966941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niuafoʻou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Return to Paradise Resort and Spa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3088909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "France–Samoa border" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4734168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alofaaga Blowholes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leniu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utusega Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaie‘e Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5429366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagaloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23925908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niuatahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q872954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "West Mata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3832347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liku, Wallis and Futuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ailao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31951658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matareva Beach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31970892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niusuatia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falehau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sala'ilua Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32605983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Nukulaelae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32605992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Nukuloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32606010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Nukutapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Lahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17351831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samoa–United States border" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Safata Harbour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32606154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Uluiutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32606480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îlot Nukufotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31385325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Miuhelu Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fausaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31998899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vailala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salamumu Beach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32499473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nu'uavasa Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32605957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukufufulanoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35706763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakau Tapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31385329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foimoa Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31916582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gagaemalae Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31943898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lotofagā" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31960909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulivai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31982936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papaula Spring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3960529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sili" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7399340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sagone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7408894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samata-i-Tai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7408895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samata-i-Uta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaimaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaisala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5429636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fai'a'ai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7851554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tufutafoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q742641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Auala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q635444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neiafu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1147216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palauli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5526936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gataivai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5429363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagafau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5464070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogasavai'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7259286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puleia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7675114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taga, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1147814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Silisili" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Olotai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Parasit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mata'aga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Sama'au" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Siuvao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utuloa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32378784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Mulinu'ū" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5464071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogatuli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6792349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mauga Afi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31982914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7403878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sataua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7426567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satuiatua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Olouta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuasivi Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Siope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mafane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tiafue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31916848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gautavai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falealupo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falelima" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5463793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foailalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108730130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utuloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q337519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Savai'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49369816" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49369816" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1193139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaisigano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2903150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asau Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muli Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31454886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31454887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mata o le Afi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4803660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asau, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount To'iave'a" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lataiuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Talu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Leele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31873212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avatā" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Mauga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Letui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32016070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sataua Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32027571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tatania Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32505363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ooutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56045866" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56045866" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56513532" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56513532" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q651573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satupa'itea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mulimauga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Fatune'a" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31999890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puke Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5463794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foailuga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7132356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papa Uta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q779233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moso's Footprint" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1193134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gaga'ifomauga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Pa-Amelia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fa'ani" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fatuafie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Elietoga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31869949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alelai Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31872473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asau Harbour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Lemū" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaisala Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6785912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mata o le Afi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7067673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nu'u village" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fatu o Sina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Maugaloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Maugaloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Mataume" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagalele Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatumanā" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount O Mata'utia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Teelagi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lelua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31916397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fo‘a Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mana'omia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mataulano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mauga Pu'ega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Puava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Salia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Vaitoloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31890725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cave of Vaatausili" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110791971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85330174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lata River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108684618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagasa, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q197933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleolo International Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2439101" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2439101" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1944685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leulumoega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110275771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3877716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nofoali'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6744944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6516620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lefaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7144135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pata village" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7403988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saleimoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108195527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Lanoto'o National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7408903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samatau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satapuala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q701025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "German Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5506895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuailoloo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108083606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafua-upolu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7124106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paepaeala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108695559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saletagaloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7403991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salelavalu Tai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1144488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aiga-i-le-Tai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1154121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "A'ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31984979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Talito'elau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Maugafolau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31873203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avatele Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leauvaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Levi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108730132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Safua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7427797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Savaia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q618891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apolima" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9362566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuana'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2270858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulifanua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Olomanu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31454883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fiamoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Afolau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31865428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aana Alofi I" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Levī" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32016082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5436815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fasito'o Uta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6480560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalomalava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49296406" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49296406" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49357503" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49357503" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49367051" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49367051" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9337310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siusega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1144482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuamasaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tafatafao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lanutata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31872752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asia Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31865433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aana Alofi II" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31865439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aana Alofi III" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagalei Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31941647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalovi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sagaga le Falefa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleasiu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32413346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagalepolu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56045843" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56045843" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56045864" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56045864" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110127794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satuimalufilufi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110127803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailuutai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110127799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lepale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110127804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matafaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110127805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tanumalala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110275774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7509820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siege of Apia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7674916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafaigata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111121519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Savaiian Hotel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falelatai Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31971483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nofoali‘i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31979951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olga Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32015122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falese'ela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6751286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manono Uta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7398337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Safa'atoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7403990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salelavalu Uta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27925684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Lanoto'o" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q36260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falemauga Caves" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5436814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fasito'o Tai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32036264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tufulele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Mulitapu‘ili" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falevai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lefaga Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sagaga Le Usoga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32025465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Suulu Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16933070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samoan crisis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lauti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mariota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31873188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avalua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleata West" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fasito‘outa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salepou‘a‘e" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49368685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafagamanu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tafua Upolu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Siga'ele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31867087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aiga i le Tai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Tulivae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagaiofu Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q47164863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lanoto'o" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49350018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleatiu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2347257" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2347257" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2165046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Safotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3567233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7398846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Safune" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7426566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satufia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108684615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatuvalu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falefia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7421182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sapulu village" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7426330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sato'alepai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7406265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q621945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Savai'i Public Library" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6746989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manase" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4778716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aopo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6516623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lefagaoali'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7259289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pulemelei Mound" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108695556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foua, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7532246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiafai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1030546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maota Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2214151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salelologa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Paepaeole'ia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatuanava Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31951707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matautu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31999700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prince Edward Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5429372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagamalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7132360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papa village" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7675065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1246193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apolima Strait" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31982407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuiave'a" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ologae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fualua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ulivaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ma'asina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4827725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31866642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afu Aau Falls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Fatuosofia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lepuia'i Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31951700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matautu Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Safune Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32490629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulinu'u Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7243966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prince Edwards Park, Lalomalava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7408909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samauga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaito'omuli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49350081" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49350081" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q669175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aganoa Beach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipouli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tafua Savai'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount To'alepai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31982519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palauli Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32016120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saumaga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utuie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utuimo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5427554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faletagaloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6886478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moasula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Savaii Lagoon Resort" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Le Vasa Resort" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2430001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2538753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nu'ulopa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mauga'ele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4780224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apolima Tai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Oloulu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salei'a" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32362554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atufiu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32514355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Point Matafotufotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7199021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitonu'u, Satupa'itea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7403486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salailua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7808420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tino i Iva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q681871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manono Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4780221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apolima Uta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31873217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aveavai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Swains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31912718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dwarf Cave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leagiagi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31973534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuualaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6528708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lepuia'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6785913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mata o le Alelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Matavanu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7403987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saleia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sasina, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17048907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipouli College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31869959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alelupe Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Le Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31973466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nulopa Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Valusia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31873648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "A‘ana Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31963749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Musugale Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32016100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satupa‘itea Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32499485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nu'upulu Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Leatupue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leuo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31951663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matasiva Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108684611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagaee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108684608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108684617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipouli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108684614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matavai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108730131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6743481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q249312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amici" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1851560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motuhaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3088900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "France–New Zealand border" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3566629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Safotulafai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16544749" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16544749" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1154134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fa'asaleleaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1193143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gaga'emauga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6792347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mauga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16896450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patamea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28653584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukunonu Church" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11753417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leʻauvaʻa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31872439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ve'a" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31872740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asi, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32036652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuscarora Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utumalama Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34644042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alesia Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7398339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Safa'i, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7850667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuasivi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3088915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "France–Tuvalu border" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pue Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106617531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fusi, Savaiʻi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32019117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siafiafi Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32041624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waterwitch Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32499482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nu'unefu Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6520855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lelepa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7257194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pu'apu'a" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7395426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sa'asa'ai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7690916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Puka e Mua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49122018" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49122018" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49242780" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49242780" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49333447" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49333447" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49366742" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49366742" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49366766" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49366766" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49366810" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49366810" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49623342" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49623342" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49660145" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49660145" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49663465" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49663465" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2027404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukunonu Village" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3085137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "geography of Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tagotala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31866388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Adolph Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Faleula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7402493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saipipi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34664684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bayonnaise Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34664751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Macaw Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2038921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2632667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luana Liki Hotel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2728814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saleaula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12067899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lano, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3544835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hemoana Stadium" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4803319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asaga village" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leato Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lesolo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32008148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robbie Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32027649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taviuni Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6509366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lealatele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Vaiolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Misimala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Vaiala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Pue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31673106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Punaiseesee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Tuasivi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31982924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papalaulelei Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5464063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogapoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7408516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samalae'ulu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7420912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sapapali'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34969056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Highest Water Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17351816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "New Zealand–Samoa border" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32027469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapueleele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12885714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Masa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Puna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Nei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31908256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Combe Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Field Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32034161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toamua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35486660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maliolio River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31923225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isabella Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31970876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niss Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32008154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robbie Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitele Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lifa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malaulano See" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Tiāpepe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31948410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malua Entrance" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31951493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mata'afa Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32037136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uanamo Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35321841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sologa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108695531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108730121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sapini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108695548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fusi, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108695550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q302536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sniadecki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q533165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q851603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beveridge Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q863815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Phoenix Islands Protected Area" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1249625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Icarus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1150665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niue International Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1591955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haymet Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2800256" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2800256" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1050883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2909198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bok" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4017803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5877596" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5877596" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4993932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dryden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7379271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rumford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q656709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukunonu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ustad Isa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q488080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lacus Oblivionis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222331" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222331" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222328" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222328" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222329" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222329" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222332" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222332" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222333" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222333" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222515" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222515" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222517" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222517" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222554" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222554" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222555" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222555" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222556" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222556" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222590" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222590" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222591" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222591" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7336737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ritiati" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7690833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Kamu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4696396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goto Motu Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1079851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cockcroft" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1286865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Winslow Reef, Phoenix Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q271674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Phoenix Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7051346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Noriti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7690921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Puku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35387775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogalaki i Matagi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1044677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carondelet Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2223186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Fakanava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2576144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fongalaki-Matangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1050891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nikumaroro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q642787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atafu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34664859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ufiata Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34969093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Highwater Lighter Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49125219" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49125219" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49173632" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49173632" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49178573" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49178573" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49178754" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49178754" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49178757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49178757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49242778" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49242778" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49277205" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49277205" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49295822" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49295822" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49296819" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49296819" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49631631" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49631631" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49631632" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49631632" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49632024" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49632024" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49637804" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49637804" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49637921" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49637921" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49645251" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49645251" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49648272" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49648272" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49670692" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49670692" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kalevu Guyot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polo Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ula Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1050899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McKean Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3045565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tamakautoga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4784283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arariki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55564838" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55564838" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33638198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tokelau Seamount Chain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6442617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kukutin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34664815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pogisa Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35387761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogalaki i Lalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Unnamed Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fautasi Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leaga Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uncharted Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64374250" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64374250" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64409764" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64409764" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5437770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatigauhu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34664800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pao Pao Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matai Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5641018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Halagigie Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7277100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "RMS Tahiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7394140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "SS Norwich City" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34861340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogalaki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ulu Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siapo Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talofa Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tai Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q36823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tokelau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tau Tau Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pisonia Forest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q46863854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atafu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orona Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222344" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lelei Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tanoa Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55564837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atafu Atoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106548446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Australian high commission in Niue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1359323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mangaia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3117139" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3117139" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2515315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avatele Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2619168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3049520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eitoku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4055416" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q4055416" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4062841" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q4062841" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4102425" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q4102425" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4261532" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q4261532" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4450767" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q4450767" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4494939" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q4494939" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2570188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4439086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Village Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7093742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oneroa, Cook Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8025964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Winslow Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7680919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tamarua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6368458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1632713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îles Maria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2635174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakupu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104862325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sheraton Resort Rarotonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16594646" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16594646" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16726195" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16726195" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6383513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kei'a" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16623359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Limufuafua Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6024849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7688983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tava'enga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1017224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alofi Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2592896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Namukulu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2600860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lakepa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3045995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avaiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antiope Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aroa Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ivirua Swamp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Keia Swamp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Kauravai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Tepeuru Ngau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6611230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilsing" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7205435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plummer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1136872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niue High School Oval" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2231113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avatele Beach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2354077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makefu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île du Sud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île de l'Ouest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île du Nordêt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kopua Swamp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6478048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Tiriara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108471226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tāoga Niue Museum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29378709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Touri Cave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2552363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mutalau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2552943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avatele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3117157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palaha cave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3117175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tavala cave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngatoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tamarua Swamp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veitate Swamp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6099014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ivirua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49320067" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49320067" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49321187" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49321187" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49324958" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49324958" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49343025" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49343025" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109849595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paliati Grounds" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papua Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuapapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karanga Swamp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q59456082" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q59456082" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ALOFI" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2381360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arorangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3045571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papua Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maungatongaiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6748632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mangaia Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1962527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hikutavake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2350297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2602265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "geography of Niue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3787740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huvalu Forest Conservation Area" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rutaki Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rutaki Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7918716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veitatei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49663249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tava'enga Swamp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q59456103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tomb Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28745318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niue Highest Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muriavai Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nunumoko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rangimotia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kirikiri Swamp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Small Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alofi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Centrale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q59456057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matapa Chasm" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q76388312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "High Commission of New Zealand, Alofi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q99521541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rarotonga Hospital" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q498069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Manga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q658660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "geography of the Cook Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104858261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Para O Tane Palace" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q170482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avarua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q790237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "National Stadium" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4827844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avatiu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97177096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tereora College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16534605" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16534605" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16575385" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16575385" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16582280" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16582280" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16609707" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16609707" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16610757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16610757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16613479" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16613479" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16726194" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16726194" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108092245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cook Islands National Museum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7132361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papaaroa High School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1143359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Culann Patera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006087" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23006087" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3298238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matavera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calcutta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cooks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13424611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cook Islands Federation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toms" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maungaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kauare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manureva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motutoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Atukura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teraamanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Totokoitu Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tupapa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maugapiko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oroenga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Reinga o Pora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q471793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rarotonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3529565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Titikaveka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2424187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kingdom of Rarotonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104846482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avarua School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manunui Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taipara Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tauae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuakata Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Turangi Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Kahi Mot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106530288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Australian high commission in Cook Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "National Archives of the Cook Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q954472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rarotonga International Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20666409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "St. Joseph's Cathedral, Avarua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3339284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngatangiia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matavera Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oneroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temati" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Rua Manga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7677155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takamoa Theological College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38121092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marae Moana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motutapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avaavaroa Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koromiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taakoka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Ko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaikapuangi Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7294611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rarotonga Steam Railway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "AVATIU" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1760687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Treaty of Rarotonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Horn Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maungatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piako" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takarae Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Vaakauta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14955624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nikao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15262965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukutere College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6974181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "National Library of the Cook Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4827631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avana River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anaki Pao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avaavaroa Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nikao Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapu Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teaiti Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Tanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toroume" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11826289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Southern Cook Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Akapuau Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aparanuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ikurangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Arote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cook Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avatiu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kavera Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pouraa Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raemar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takuvaine Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Kou Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pue Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104856837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toms" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97474480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Mana O Te Ra solar farm" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107520039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sharks Pacific" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q76385318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "High Commission of New Zealand, Rarotonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108044396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muri Lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1329453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manuae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2844525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amuri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2048265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palmerston Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4700175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Akaiami" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4784470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Araura College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5347003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6736232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7095458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ootu Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q223379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aitutaki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7712949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Aitutaki Lagoon Resort & Spa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006007" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23006007" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006008" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23006008" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006047" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23006047" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006045" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23006045" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006115" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23006115" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Araki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bird Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "North Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104856831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lee To Us" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104856826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marions bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leicester" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "North Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arutanga Anchorage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kopuaonu Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Primrose" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Au Ot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Big Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karakerake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maungap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lee to Us Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngutumemu Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4699354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aitutaki Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4761953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angarei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iron Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Long Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6748972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mangere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6918748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motukitiu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6918768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moturakau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "John Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Halfway Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Small Cooks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104856825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tara i tokerau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aranganoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maramu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manuae Atoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Turakino Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aaron Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Ngangie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7688989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tavaerua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapuriri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Suatum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Big Stone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7695480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tekopua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lee to Us" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marsters Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palmerston Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6938744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muritapua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7294286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rapota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7684858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapuaetai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111125254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gina's Garden Lodges" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11824570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manuae aerodrome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4701252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Akitua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aitutaki Atoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nga Kuru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Noanoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Tiriroto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Kapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Ta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waimatao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "North Island Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2717494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arutanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kakunoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waitamina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Double Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tamaketa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7132521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7438823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scratch My Arse Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7688990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tavaeruaiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koatau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maraengaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Table Rock Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kaiwai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Ava Tap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Koe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Kouto Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waipoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arutanga Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tara i Tokera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Turakino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104856822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Home" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104856824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "North Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104856832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leicester" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104856835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karakerake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104856836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Primrose" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104846149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapuaeta cay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104856833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Small Cooks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1585976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2885629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barringer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104855125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oiretumu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4789054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Areora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3696633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gogol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6800009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McAuliffe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7545060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7315661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Resnik" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q511978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mauke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7434217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scobee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1162648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wachusett Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11686900" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11686900" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11739261" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11739261" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q114832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rapa Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5380859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enua Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6420767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kleymenov" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6738830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1632721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marotiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q596542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mitiaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1425600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takutea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006110" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23006110" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006114" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23006114" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006113" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23006113" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24189641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mapumai Village" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6754237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mapumai Swamp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29378711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anatakitaki Cave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Lekie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Patangarua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teakateke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tanio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Urumatia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97657162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mitiaro School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5751373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Tiroto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98235046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enuamanu School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24189635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teenui Village" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34891526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pic Pokumaru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16868848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2012 Queensland DH.84 Dragon crash" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2668074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nga-Pu-Toru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cook Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Ruatara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Oranga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pic Mangaoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Anatauri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karapo Hari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Nukutere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makawai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uturei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waikakaia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapiko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23808338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngatiarua Village" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaimutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Perahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tautautu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4696426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahurei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Kapitaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Anarua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Akuro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Maomao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tchaugara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24189637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Areora Village" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q755982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atiu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Anapori" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Kouturoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Makaoere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Temaranga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tevaiputa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6792410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mauke Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6881746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mitiaro Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Motu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29378710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitaongo Cave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Pukutaketake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anganga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Pake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Kutuni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Narioa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tevaitahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Makatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Po" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karapo Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Matauri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16877044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngatiarua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tukoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waiope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Rotonui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Akao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Ahurei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Motenaonao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Takangolalanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24189639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tengatangi Village" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Taga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Anataari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106611342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "SS Malama" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104854194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kimiangatau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q116443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mariotte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q224943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rurutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q339304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raivavae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1585966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rurutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1309731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raivavae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3321925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Macdonald seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9162927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q930426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Austral Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2916889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bass Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3501121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rurutu Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3318199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moerai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7924611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vibidia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23925938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Macdonald" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1539984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rimatara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1585987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rimatara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tauna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aturopa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Kauira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Arepua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Vairu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amaru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Raraterepa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Hiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moerai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tuitui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tetohe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Kukuanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pokitarava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Ruea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rapa Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rarapai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruisseau Tiara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33511082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiuru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49333678" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49333678" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49344227" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49344227" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49660098" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49660098" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49660126" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49660126" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1432546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raivavae Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Taraia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Karere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Atanui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Haa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Mano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Nuumiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Autea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vaiannana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7334396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rimatara Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tapioi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moerai Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Ura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Auroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Komire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Komire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Temare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Récif Moses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îles Marotiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39427613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mutuaura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61436793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avera, Rurutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48790863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taukina seamounts" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Akananue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Akatamiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Piriati" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Ruahuata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Mei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Te Matoaitanata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61439048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiuru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6722995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Macdonald hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q44734049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arago hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38582711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-François-Régis de Moerai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Pukunia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avera Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Tubuai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hauti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tarakoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuamotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Muatapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tepiahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61438893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mutuaura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pic Rouge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Muanui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anapoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Ahuoivi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rairua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77867355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Rimatara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34753768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Totoro Ahau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Araua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Angairao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Récif Tanai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77867540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Rurutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61438978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rairua-Mahanatoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39370515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anatonu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61438263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hauti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61436686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amaru, Rimatara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77867196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Raivavae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q514626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tubuai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q598544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tubuai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66807834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maria hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1970268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2304273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teva I Uta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1340728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maiao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3325375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moua Pihaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sommet Noir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bassin d'Atimaono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Araao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Apootoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Maraa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Maoroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Matehoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vailoloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îlot de Sable" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34895811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piton Pahatu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35434035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Oahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39422864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Taita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Pane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahoara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Motihia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Avarei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Faarearea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Paparoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Maioo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiamao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îles Tubuaï" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49660122" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49660122" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4264448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tubuai – Mataura Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39514560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taahuaia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Turivao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Popote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Aifa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Rautirare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitunaniaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26988113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Benoît de Teahupoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111133317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manomano Lodge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2878121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bacab Virgae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avaiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Aifa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mapeti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nairi Pehe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Otutara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Momoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Farehiore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Faurahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitunamea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiupai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Tereehia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îles Australes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35434121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Teohu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3298191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataiea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39423517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fitii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Mauna Roa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotuatua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Mautaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Toena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Ora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tereehia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Maoroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34891562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pic Tonarutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38630192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Jean-Baptiste de Mataiea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanareho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atopa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Maraa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lac Roto Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tanitoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tetii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Reroto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiteiore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Maioo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Otuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îlot Plat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77866527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Papara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34891538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pic Teraetu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38389303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Maria no te Hau de Mahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Ofai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Maraa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Teavaraa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Auparirua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Horotua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Maurea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pufee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Otuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaihoata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaipuarii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38644257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Joseph de Taahuaia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Herane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Moturaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tuapua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Topiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60389276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Michel de Papara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77869011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Tubuai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3085353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afaahiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7150840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paul Gauguin Museum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vairao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pururu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puraa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chenal d'Otiaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ohi Amo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Outu Poto Mahire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Temarauri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Arahavo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Matahiae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port de Paui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Maara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vavii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Paea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33506690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tohautu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Matu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3362794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papeari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bassin de Tapuaeraha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oati" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Teputo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Rua Upai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruamao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temahino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tohouo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaieri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Vaitunamea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49333391" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49333391" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Totini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morne Farei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahuatoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc de Teaue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Ava Ino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poreho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rahiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Paroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vahiria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiaiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toa Roto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toamaere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uahupariva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vahi Tarua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Aina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitarua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fahana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paripahia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Otiaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port de Papeari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tenaira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vainiaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teipe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toa Nui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai na Roto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Repo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33541125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bassin de Tohautu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1426729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teahupo'o" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2304257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taiarapu-Ouest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38512020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Élisabeth de Papeari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apirimaue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bassin Teahupoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Onetea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Riri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port Vairao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Hotumatuu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34906020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taiariaru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35434160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Titivari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Araope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anse Tiupi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bassin de Papeuriri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chenal Pehoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papeiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaima" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vairaharaha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Maara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Vainiaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34752703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tupapau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tapuaeraha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Oneroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pooti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Haoma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Paho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Titivari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Récif de Temaino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiaramato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34739878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc Matuhu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38566273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Thérèse de Vairao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Patoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teaua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toamotea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Pahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Faurahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Tenaira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33540333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Torevau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35715306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Récif Tohautu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39535363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toahutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1945444" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1945444" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Apiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Tefautaupe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matueiri-rahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Maturioi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Paroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Popa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teofaitaamao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tuarea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Paotoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Taiemiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vairarari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Atimaha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Paea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9284831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haapiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2304334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taiarapu-Est" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teureohurupa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Taota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Manua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Toahiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tipae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Teoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teaurua Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Maraarii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35434010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Moruu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49752835" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49752835" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49752861" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49752861" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tiura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Pohiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anse Mitirapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Paea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tearutea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Paeroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Matauvau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109311749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maatea Stadium" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35434060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Paahonu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111122638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moorea Surf Inn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tafanio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Atiati" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Aharoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Avarapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port de Haapiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière de Paea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Papetai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Vaifare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Vaimoora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33611892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vahi Pahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38384076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Église du Saint-Cœur-de-Marie de Taravao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Teiatao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Anaaotou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tefuira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Nuupere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Opaura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tefareroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teniutaoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vaitipi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Maatepua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Opemataira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60383793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église de la Sainte-Famille de Haapiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35434173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Uufau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Honu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Taatuapae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Ruahiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Maturaorao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teoneahua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Turuoetemata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tehiahauri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaifare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaipiura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Haapiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Avamotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Puruo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Puapuapae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Autao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anse Tehipatoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Tuofao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Nuuraa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Areiupa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Paeroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Temoti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaimaraeapai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tunapoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Toto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Faarei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Vaianahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Vaimoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Mouapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Vaiumete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tatiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Vaianahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Vairapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Papetai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Paevaeva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tuuto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaipapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teaurua Rahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Auauanahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35434109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Taapurau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77868815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Taravao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q673400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moorea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q140298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Windward Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q118920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Society Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1999082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leeward Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93346940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "lagon de Moorea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9141639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afareaitu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1945450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tohivea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Teapiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepupa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Muaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Irioa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Hitiaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Matautia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Orufara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Pauareoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paopao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15152615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cook's Bay (French Polynesia)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tareu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Oaraau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monts Te Tara i Paue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Farehae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Avaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Nuurua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tetaeuo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Afa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Récif de Papetoai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Faapete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Farehae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7099080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Opunohu Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34640788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Teruaupu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35434072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Pafatu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35434134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Tepu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49752852" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49752852" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49753845" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49753845" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38644341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Joseph de Paopao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Popoeretia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Farataupoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cook's Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Temaearoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tepee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Tunahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q613162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moorea-Maiao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111115830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fare Maheata cottage,-Fare Maheata gîte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1492353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Rotui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111449033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "“Putoa Falls” (Afareaitu Waterfall)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Uui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tamarutofa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vaiorie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Col de Tepuatiafa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Taotoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Papeere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Matahioa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Piapai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Paoroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61438818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maharepa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35433336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée d'Opunohu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teruaupoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Parata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muaputa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Taiari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Orufara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Ruairi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitiapuo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Récif du Mouillage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Apiapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Paopao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Orufara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Matotea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Faraiere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Cook" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tiahura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papetoai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Apaapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Faretiare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pihaena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Taitea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaiorie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Hotutea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35714425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Récif de Vaipeu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Apiapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31491812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Taravaapura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sommet Tuputupuraa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sommet Est" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fareone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Punaaea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Papetoai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Papeaea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teririaiaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31491833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Puaataia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Mataiua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Arapao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chenal de Maatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vaiorie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Motuiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Terahimaua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Irihonu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77866068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Moorea-Maiao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63883252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hilton Moorea Lagoon Resort & Spa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1788505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1955713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Musée de Tahiti et des Îles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15130022" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q15130022" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31491855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Manino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Airera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vairoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chenal de Moorea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Ahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Taipari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teoneatia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Umarea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Papaputaputa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée d'Atitara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33540306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Teporou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34926891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mamanu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3378313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moorea lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiaure" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Punaauia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Pehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Paea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Vaïare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pohatuao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tupai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Hopuetamai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaiavao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tetoara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Niuroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33538328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Afareaitu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33540115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Oraioperu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tupapaurau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49174811" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49174811" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49343991" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49343991" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atitara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Ahutai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Haumi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Teatiati" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Papaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Hotutea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Nuuati" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Oarufenua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Ouaiurohi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaiooro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Vaipua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Hapaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Paaiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Papehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34927596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Marau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26833930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-François-Xavier de Paea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111116034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pension Te Miti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20313137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atitara River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maveraura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Taapuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vaipua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Hapaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Papehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Pumaoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tapoioae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1969812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punaauia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puuroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Teopoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vaïare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Paorea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Patoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Punaauia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tepapuaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Faomariri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Punafara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Roturua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tarevareva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Teruairi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Orofere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Putoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vaitoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Maruapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Ovaipiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tiori" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaipoopoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Mara Tohivea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Vaipohe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77866495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Paea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34747643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chenal d’Afareaitu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Faretui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaiaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Mairi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38570279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Étienne de Punaauia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Ae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tiaraha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Maoeraura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Paetahaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaimao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitupa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teaoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Touoata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Taapuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Vaipuarii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77867116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Punaauia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35433632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Punaruu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110481871" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q110481871" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q130800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papeete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q523742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bombardment of Papeete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1551354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stade Pater Te Hono Nui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3398430" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3398430" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2942287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papeete Cathedral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7132559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papeete Market" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11836154" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11836154" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77862666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Faaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78136020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Centre recrutement concours sélection BP COMGENDPF" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27553873" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27553873" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27603000" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27603000" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27940947" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27940947" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q925963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papeete Tahiti Temple" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3128424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "High Commission of the French Republic in French Polynesia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apaparao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papearia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Nuutere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tataa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teanatua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Récif Soaotoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Tupa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33696399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hollywood Cinema" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q120326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moorea Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1022934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faʻaʻā" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1049719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faa'a International Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30066057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fautaua Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe de la Manutention" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Fare Ute" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pafara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tiaaia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16661610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lycée Paul-Gauguin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49752847" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49752847" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49752854" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49752854" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49752855" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49752855" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1546510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stade Hamuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3028514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kingdom of Tahiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38389319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Maria no te Hau de Papeete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Paaru Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Huahuatearu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Le Pic Rouge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Aroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port de Papeete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110363025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taaone Hospital" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111123688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mahana Lodge Hostel & Backpacker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61954676" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q61954676" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3562565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Air Moorea Flight 1121" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38644326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Joseph de Faaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chenal de Faa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Puaue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7129577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pan Am Flight 816" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16539798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cimetière chinois de Tahiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19375720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Institut Louis-Malardé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2886489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahiti-Faa'a Airbase" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Parehia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Mana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Teivihee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tearai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papaihona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotuarea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tahiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pape Haua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Papeete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Faaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Terua te Auea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai ni Niore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Maamaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5909268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Church of Jesus Christ of Latter-day Saints in French Polynesia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7596133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stade Louis Ganivet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robert Wan Pearl Museum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teavaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manuai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Uta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Outurahia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plateaux de Faaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaiahiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaiumote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Faamaariri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Teaharoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Nuarei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Pahopoha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Faaupo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77869007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Tuamotu-Centre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60383850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église de la Sainte-Trinité de Pirae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "French Polynesia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Faiere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Teavaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Outu-Ramea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Avahiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tefaramoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tipaerui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaifora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de la Reine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61439027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teavaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21008220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uranie Cemetery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109310829" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q109310829" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77870158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade motorisée de Faaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48760141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Air France Flight 072 (1993)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87496121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2020 COVID-19 pandemic in French Polynesia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3389343" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3389343" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3138632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hitiaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3155739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isthme de Taravao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11836149" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11836149" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11836153" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11836153" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16510536" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16510536" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3063494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faaone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30279373" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q30279373" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q512465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Orohena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1621155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hitiaa O Te Ra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1788497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pirae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veroia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uturaufea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pariauta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ivirairai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faa te Pere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc Teruaea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Col d'Ura-faaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Paihoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Papeiha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Papeiha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3321660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Aorai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vahiara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paparoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Taravao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Nono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Motu Nono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Outuhaihai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Umeameo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Papeiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49174815" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49174815" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109497025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maison James Norman Hall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31239545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crêtes Teara Tapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paratahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Vaihi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plateau du Rata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Rahere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Mataeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Papeivi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaihi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Afarue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mauru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tetufera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teraiotupo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taouho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Mahutaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Diadème" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de la Boudeuse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port de Tematoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière de Faaone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Pape Ava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tepao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaiavaine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hitia'a Hydroelectric Power Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38385520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église du Sacré-Cœur d'Arue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahuotira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paritautia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Aramaoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Taipahia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Mapuaura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Otuofai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Pohaitara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Ururoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaapopo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vahii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitepahua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tau-noa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Taare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de la Maroto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Paraura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tevailohi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Taunoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Falaiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Pua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vahoata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Pirae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Papeivi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atavahine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatati" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Faaone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Papeiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plateau d'Atimaono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Faatautia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Fautaua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaiahore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vailiaera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tatauroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Fautaua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Vahii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chenal Taunoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Faarahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Hamuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110477553" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q110477553" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60382554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "chapelle Saint-Louis des Armées d'Arue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q530692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mahina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3362804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papenoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3528062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiarei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q716412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q803710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matavai Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mahina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nansouty" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Puuotohe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Orofara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toa Mapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Arava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Parala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35719911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiapau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tahara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iore Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tutataroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Puforatiai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Rauraia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vavaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toa Tehe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Tuaura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Vaiau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16896443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papenoo Hydroelectric Power Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49388437" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49388437" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49660068" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49660068" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49660107" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49660107" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38419069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Anne de Papenoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Le Matotea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iore Rahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Chaîne du Toatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Outu Turoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Mahaena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe de Papenoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Fareara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tahara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Papeivi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Récif de Faratara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuareva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Arana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Maruapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Pihaihataha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34747652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chenal d’Anapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111449031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papenoo Valley Waterfalls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111449032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaimahutu Falls (Faarumai Waterfall)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hurareva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Papenoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Arupa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Maraetiria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raurau a Pare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mahaena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7132571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papenoo River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Motu Au" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35434185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Vaipuu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3378497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vénus Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc du Dolphin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Le Banc Mahoti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port du Beaumanoir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Putaiamo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Faarumai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60389708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Pierre-Chanel de Tiarei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sommet Matarii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Taapeha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe d'Onoheha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Faarumai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Havae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Terurua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Popoti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Faaiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tuaura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée d'Onoheha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Vavaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25049114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Point Venus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60389591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Paul de Mahina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Maha Honu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35434146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Tetiairi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Faroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc de l'Artémise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Rapae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vénus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port de Papenoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière de Taapeha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Opae-rahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Piretahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Soufleur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Pitoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Mahaena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îles du Vent" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Fare Mahora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Farapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Maa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Poopoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Tio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Papenoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Tahaute" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35433373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Ahonu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77868917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Tiarei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68165059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "nouvelle église Saint-Paul de Mahina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77859828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Arue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3402452" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3402452" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3410598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pueu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ronui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31736277" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q31736277" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Area" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tuhi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuiora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temupua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ati te Puaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Tomotai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Motui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Oimo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Toaaie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaimahanahana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Aro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Piere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34892564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pihau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34901880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roniu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pati" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4688820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afatauri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Rauiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tararea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tarania" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Orotufaamahea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Atara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaihe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaiponao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Ao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Omure" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Pora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Urau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Teiehe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe d'Aiurua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Tapuaawi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vairehe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tehua Roto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Aiaia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Noro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Tutae Puaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Tehoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Tomatoatoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34816740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipuu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Rauiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Faretua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaipopo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Haua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Vaipu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Vaitia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Vavahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Toaeho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pahoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mapurarahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Aiurua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ati Hira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Faraari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Matahuhe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Ovauaara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Aiurua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitehoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toaiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Haavini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7701229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepati" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Puatava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matotea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Puha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Teruea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toa Maere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ure Vai Arava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tatara-moa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orohe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mahire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ainui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Taupapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vainano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaiote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tihirahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34833524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ateuru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pehuea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatavete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aihuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Pierere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Côte de Pari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fenuaino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Taharoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Noa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Roroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34887818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orofaamu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34927607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Matarufau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1953490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murakami" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pélops" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Circé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rhésos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cypsélos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Phères" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lycurgue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q318446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moruroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lyncée" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3516204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tautira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3516685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teahitia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15298475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valmiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Milétos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cyzicos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thrasymèdes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pelée" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nauplios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Échémos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anticlée" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carnabon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1531438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tematangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Vaiopea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc Toaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fausse Passe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port de Pihaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vailopaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaiopea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98425974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Énée" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tydée" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alcinoos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1340711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mehetia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vairohia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitaitai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Vaiopea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7552340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Society hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49333633" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49333633" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49388436" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49388436" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3322063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Tautira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25052579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitepiha River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7688959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tautira Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q506815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fangataufa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1141988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lodygin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38388204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Notre-Dame-de-la-Paix de Tautira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tapioi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mouillage de Cook" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vairoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitepiha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaituara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaiteiripua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toaputae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toaroto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Tiitau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35719991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Atomovahine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Mataravi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vuiea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Vaitoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55630418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "President Thiers Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Le Crabe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tautira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Aoromarau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Teputa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thésée" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98425963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ajax" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98425954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nestor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iphitos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Priam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cycnos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Télèphe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bassin de Tautira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe de Vaionifa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaitianna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toataa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Midas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nélée" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niobé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Xouthos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lycos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thoas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Memnon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66742036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "North Austral hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hyllos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pasiphaé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hyrtacos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nyctée" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antilokos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cinyras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Épéios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hypsipyle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Périclyménos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dejanire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitthée" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Galatée" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q761944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pinaki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q601638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tekokota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1284345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haraiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2035647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reitoru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3357586" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3357586" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2875495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hao Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1811458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vairaatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1584100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1584116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6787489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matilda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mélanippe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q403039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahunui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q483123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q483126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1469615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hikueru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1618079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hikueru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1636470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hereheretue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3773321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iles Tuamotu-Gambier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1902359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marokau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98425985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pylade" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pyrrhos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7611565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sternfeld" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14955955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hikueru Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chrysès" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iphiclès" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q292672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Duke of Gloucester Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1814571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukutepipi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20669696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aldébaran" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Otepipi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Kaki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tetopiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temarie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tetavakeroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Topitere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Égisthe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98425951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ulysse B" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Érigone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mégapenthès" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34753746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Horokumu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q671261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tauere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38383916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église du Christ-Roi de Vairaatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39536455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vairaatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39417435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anse Hooumi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moruroa Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q37934884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39420154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hikueru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39419783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hereheretue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39426246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marokau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1527645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tureia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2031580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tureia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tekaruga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55564999" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55564999" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55565001" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55565001" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q183963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuamotus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q612235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anuanurunga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1811103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manuhangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1814524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anuanuraro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1977396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nengonengo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2035579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vanavana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atoll Nukutipipi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Putuahara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60389242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Michel de Hikueru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q257734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paraoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q292594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Two Groups Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q659328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ravahere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1430785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anaa Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2886484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "185 Hao Airbase" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hapai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tehakoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60385423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Notre-Dame-des-Anges de Marokau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60386516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Étienne de Tematahoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19420825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tureia Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Manavateikariki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tematahoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60384778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église du Sacré-Cœur d'Otepipi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60390070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Pierre de Hao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38644311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Joseph de Tukuhora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teamuiga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60384817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Maria No Te Mauiui de Putuahara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q88310821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "NUKUTEPIPI" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eurytos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agénor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coronis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Hirinaki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teahone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polydore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clymène" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oxylos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tecmessa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77863814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Hao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60389564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Paul d'Amanu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q88307709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "NENGONENGO" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Euryple" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palamède" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98426031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agapénor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98425940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ménélas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1394002" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1394002" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q454545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amanu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6801775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McKellar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7532226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siuniu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1107394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fanuatapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1107404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nu'ulua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11824525" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11824525" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2676247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Tapaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q968883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukutavake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q971726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukutavake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108730133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siufaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100889785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leatupe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8837663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nu'usafe'e Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1154332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2775929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poutasi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q953358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tatakoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4646829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "A'ufaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1649851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tatakoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1811472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vahitahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15262963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukutavake Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1107410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Namua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lepa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31951693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matautu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fagaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fealofani" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mauga-o-Alii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Tuiolemū" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Marihini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31986853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pe‘ape‘a Cave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saleilua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32026620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafatafa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16888271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afulilo Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38380604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église de l'Immaculée-Conception de Tatakoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39368971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amanu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31454885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Savai'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Lapelape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31963924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mutiatele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salani" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sale'a'aumua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32026624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafatafa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q47483825" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q47483825" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q417963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Akiaki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39428808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukutavake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31454884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lua-o-fafine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Olomauga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mauga Sa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Nuutoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falealili Harbor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32016053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32021008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siumu Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32022830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sopoaga Falls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32027592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taulagap'a Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utulaelae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14955957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tatakoto Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56045865" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56045865" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6480561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalomanu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7403826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saleapaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7532223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siumu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16897548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vahitahi Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111149628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuipisia Waterfall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saletoga Sands Resort & Spa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taufua Beach Fales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2586194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lepa, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31951719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matavai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39535741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vahitahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Latalua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31949144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maninoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6684810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lotofaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6786156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matatufu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7917489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vavau, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1218653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nu'utele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1289337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aleipata Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32015960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sapunaoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32016074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satitoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17048904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ulutogia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35397838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaisula Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lanotai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Seuga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fogalepulu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31869933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aleipata Itupa i Luga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31979523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O Le Pupu-Puʿe National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32012704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sa'aga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tiatala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31869923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aleipata Itupa i Lalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31873656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "A‘ufaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Nene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Saeiva'a" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salesatele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32015942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sapo'e" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32039195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaovai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55664405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagatoloa River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38643062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Joachim de Nukutavake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100929515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaisala Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q423532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "'Amanave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leālātaua County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3625118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asili" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847312" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847312" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847571" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847571" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocky Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1773822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niuolepava Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malama Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laumeimamalie Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taputapu Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Taputapu National Natural Landmark" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toauta Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faalagiumu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faasouga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pupualoa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sepu Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiala Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailoatai Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palagi Beach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Larsen Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q162126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samoan Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faatafa Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagatele Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faalogo Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agatoavalu Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seumalo Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaisigano Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papaseugogo Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Olonono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32033272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiavea Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31870635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amaile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2827335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agugulu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niualuau Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Masinaoleafiafi Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lepisi Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagatele Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utumatuu Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagaone Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sail Rock Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Augaloloa Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49366847" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49366847" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuutai Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malagateine Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avaloa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asili Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asili Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utufotu Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4354529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steps Point village" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19460302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atauloma Girls School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3981012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taputim" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niuasele Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matautuloa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leaute Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leala Shoreline National Natural Landmark" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laloafu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Soonapule Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagalua Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sinamanoo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utusiva Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaialae Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papafaasee Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sagafoe Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5429385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagatele Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3738413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Failolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maugasaa Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malagatiga Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Legaotaema Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Souga Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puatauapa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32378763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Manu'ā" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matautuloa Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogamaa Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Taputapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loa Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toatai Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amanave Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utanuatele Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afutele Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32015175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samusu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiole Tama Spring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nua-Seetaga Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maululu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maugatele Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malama Spring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luania Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leti Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liuvaatoga Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatugau Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Suesave Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogamaa Crater National Natural Landmark" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogamaa Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagaoo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atauloma Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siulepa Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sauaimoe Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vava Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32026604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafaga Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1773774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3843979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maloata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3879180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1773816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitogi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3953423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Se'etaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4006802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utumea West" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97360267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailoatai, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6331307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "KJAL" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q665341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malaeloa/Ituau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847641" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847641" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847651" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847651" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuuomanu Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niuaveve Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malaloto Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogaletau Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faiaiulu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lealafaalava Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagaleoo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiaoalii Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaoaga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Logotala Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagalea Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiatele Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apolima Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faatafa Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuatafa Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuafua Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25037427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Turtle and Shark" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7129571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pan Am Flight 806" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3898274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pava'ia'i, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Māloatā Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leopard Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Logologo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagatele Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tutu Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sigaloa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amate Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatuapule Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alaeli Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4007275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailoatai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Square Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3755113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futiga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manunu Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fugalei Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafola Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taufanua Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fafaga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuigaava Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utunonu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paapala Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q41247847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogama'a Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6339580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "KULA-LP" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2840990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amaluia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tūalātai County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3738616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleniu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3843751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malaeloa/Aitulagi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3855263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mesepa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lesui Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punaloa Spring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitai Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papatuloto Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poloa Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olovalu Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pa Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3596207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "'Ili'ili" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3907661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oalii Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niutulua Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olotafatafa Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maloata Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulimauga Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leelee Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleapoi Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taumulimalo Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pala Lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14962112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagalele Boys School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leileia Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tualatai Plain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuasina Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipuna Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31143965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leone High School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15246100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mapusaga, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18152109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poloa Defensive Fortifications" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Misa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matavai Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leone Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puafusi Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Audii Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaifoa Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiolefuga Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q81934436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Le'ala Shoreline" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48839365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagamalo, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q939904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pago Pago International Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1573932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5052436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cathedral of the Holy Family in Pago Pago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7832205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tradewinds Hotel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2437227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Western District" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1637931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veterans Memorial Stadium" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111715386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "WNG710" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1019488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6330975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "KIOE" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16565235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kananafou Theological Seminary College Sports Field" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7409943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samoan Clipper" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847311" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847311" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847634" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847634" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coconut Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Greyhound Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malaeimi Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avatele Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avatele Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taumata Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tualiliu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuasivitasi Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sauino Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailolo Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oneonelilii Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olotele Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuālāuta County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Massacre Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6335804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "KPPO" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2820114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aasu, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matafao Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mapusagatuai Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alatele Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aasu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitele Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4744872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "American Samoa Community College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111715385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "WZ2529" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuuosina Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laloniu Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leaveave Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taumata Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32015141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samoa Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6334675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "KKBT" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3879172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nu'uuli, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Larsen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oloava Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuutavana Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Freddies Beach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulinuu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleselau Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leāsina County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3845210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mapusagafou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ogegasa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuuoosegi Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Milomilo Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatuasina Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagafue Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Spring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aoloau Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65040368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malumalu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3600284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "A'oloau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3843747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malaeimi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataututele Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lesolo Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lepisi Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leafu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagatiale Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatuelo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafaga Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amaile Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sita Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitele Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pala Lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30295480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafuna High School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuuooti Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matautuotafuna Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leele Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leele Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Suaavamuli Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tauese Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleoteine Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vesitau Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataalii Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manuelo Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tauese Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tolotolooleoti Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tāfuna Plain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agalua Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siliaga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puna Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sagamea Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Logome Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuaau Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oti Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q269205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tutuila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5588891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Government House" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10706681" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q10706681" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847308" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847308" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847627" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847627" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Happy Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futi Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leau Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aualili Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agapie Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siufagatele Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siufaga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pago Pago Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pago Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agasavili Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatuuli Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3738325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagasa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matautu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q762238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatumafuti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30265427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "LBJ Tropical Medical Center" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30294868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amerika Samoa Humanities Council" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatifati Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tia Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anapeapea Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faataaga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaima Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30284208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "American Samoa Government Department of Health" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maoputasi County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Namumeaavaga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muliulu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matai Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leutu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leemo Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gagamoe Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagatuitui Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatutoaga Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utulaina Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saafelo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Breakers Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agasii Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niuloa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pagatatua Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matafaofafine Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maatulua Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Levaga Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leolo Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tāemā Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talitoelau Spring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faga‘alu Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aga Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afuelo Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siona Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sina Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utumoa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipito Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flowerpot Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15274276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sadie Thompson Building" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110817066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagatele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20745498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satala Cemetery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Itu‘aū County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3738319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagaʻalu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Narragansett Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalofutu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matafao Peak National Natural Landmark" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataae Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tialeogaumu Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avau Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Timolea Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amaile Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utulaina Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matautuloa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palapalaloa Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4744873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "American Samoa's at-large congressional district" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5438027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatu Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16585333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pago Park Soccer Stadium" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulivaisigano Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lesina Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fafiqa Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puna Spring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaisina Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6337504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "KSBS-FM" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gagamoe Field" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laolao Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leua Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagaalu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepatasi Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sina Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitanoa Pool" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22089286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pacific Region - 2-digit Hydrologic Unit Code - 22" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77084912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Department of Public Health" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Filivili Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utulelei Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puaneva Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85847165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satala, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pago Pago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q843075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "National Park of American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1267503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "American Samoa Fono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1773791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utulei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3738324" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3738324" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3852342" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3852342" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3827695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lauli'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86567227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai'ava Strait" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3620485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5178532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Courthouse of American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7284932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rainmaker Hotel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4744880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "American Samoa Senate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6326284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "KVPP" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1112499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leloaloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847313" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847313" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847609" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847609" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847642" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847642" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847652" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847652" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulivai Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maugaotula Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maga Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lesea Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lausaa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafagamanu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aua Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anasosopo Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tofu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papatele Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goat Island Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1257213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagatogo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3629408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atu'u" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaifanua County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuutoga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leasi Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leasi Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amuula Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punaoa Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiola Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount ʻAlava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tāfeu Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pagaitua Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whale Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25037429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Old Vatia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gaoa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faigatoa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toa Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siuono Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avagatatau Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anasosopo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vatia Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "West Vaifanua County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solo Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4009009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vatia, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6331869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "KKHJ-FM" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6333754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "KMOA" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7890803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "United States Naval Station Tutuila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20717518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jean P. Haydon Museum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maugaloa Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matautu Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faiga Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samituutuu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaaogeoge Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "PAGO PAGO HARBOR" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matavalu Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matalia Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toasa Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faatafe Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amano Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sauma Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polauta Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15211042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Co-Cathedral of St. Joseph the Worker (Fagatogo, American Samoa)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6340361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "KVZK-TV" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20065261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Governor H. Rex Lee Auditorium" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65089684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samoana High School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuututai Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuutoga Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matagimalie Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cockscomb Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trading Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Togotogo Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utulei Beach Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4930787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blunts Point Battery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7124387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pago Pago Harbor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20036715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Breakers Point Naval Guns" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Suaia Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tialiufau Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tulutulu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ututafa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiava Strait" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23035388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navy Building 38" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15253310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Michael J. Kirwan Educational Television Center" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lafiga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mauga o Ali‘i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manofā" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leaoao Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalolamauta Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiatauala Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiava Strait National Natural Landmark" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaisa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pola Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85850937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lauli'i, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q608603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pagai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2625563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eastern District" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q609232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3630940" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3630940" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3613724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amaua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3630432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Auto, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sua County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848607" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848607" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matape Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faasouga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847344" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laloulu Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Auvaiola Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sinapioa Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiaseu Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1773804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "North Pioa Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mooliuvaa Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maliefetaliai Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Filimaoi Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leanamanu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faiumuolegau Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Fogausa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asasama Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anapeapea Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alegā Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Usi Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siapapa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaialufai Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiola Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipito Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maugaleoo Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Masefau Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leauga Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tagau Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tialu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avapui Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amalau Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aonoi Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1773810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alofau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20203083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Masefau Defensive Fortifications" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2832407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3738318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faga'itua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ogetu Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuuolemaa Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maugaoalii Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leva Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lifalifa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lepua Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talaloa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagailiili Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Āfono Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alega Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alega Beach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tulagamatuu Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punaomanuia Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Visa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palapala Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7284933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rainmaker Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sa'ole County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gatia Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuuoleniu Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagalua Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faalogologotala Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tauga Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Usi Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Etemuli Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Panota Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3629768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aumi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muliolevai Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lemafa Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leanaosaualii Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tagau Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faga‘itua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Auvaipe Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Auvai Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afulei Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rainmaker Mountain National Natural Landmark" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Visa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5429362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faga'itua Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olo Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Filiae Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "South Pioa Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tauga Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tifa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tolisi Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sinatau Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siliataligalu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vainuu Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vainuu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palapala Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3850733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Masefau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leila Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leaeno Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogalilimu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapisi Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anapeapea Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Craggy Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uea Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3944137" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3944137" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4006801" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q4006801" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1773777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3850662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Masausi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847331" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847331" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847575" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847575" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847636" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847636" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motusaga Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maugaele Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matautuele Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alili Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatumaga Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leoo Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leanaopou Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faimulivai Marsh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taufusi Marsh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agaoleatu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitolu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pala Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olotina Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Red Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3596203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "'Au'asi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maliuga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatutea Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lealaeli Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falaseeitoafa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taugasega Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiatele Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuavaa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afimuao Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utuloa Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaifusi Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olomoana Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulivaitele Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maupua Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maugaleoo Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laoulu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maalatetele Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogatia Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leauga Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagatele Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Televai Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaisa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palapalaloa Marsh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maugaopea Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maatulaumea Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maamaa Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalopapa Marsh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Folau Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taufusitele Marsh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aunuu Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiapea Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Āsaga Strait" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alili Spring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afimuao Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110816994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faalefu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q545773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "'Aoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3614648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amouli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motusaga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matuli Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lepa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lefutu Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapepe Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toiloto Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siufaga Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fusi Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patupatu Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palau Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q773919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aunu'u" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuusetoga Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lefao Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taugamalama Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taligai Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aunuu Island National Natural Landmark" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saililagi Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaialili Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pofala Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nāfanua Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laloi Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "‘Aoa Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aoa Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "East Vaifanua County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alofisau Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faalefu Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puputagi Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salevatia Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaotamu Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fusiloa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matalesolo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatutea Spring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapua Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taulaotoga Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sinavevela Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaea Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaimumu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papaloa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48839380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sa'ilele, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3882686" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3882686" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3881068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ofu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4000283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106621941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Emau, Upolu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6730473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magiagi Tai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108660912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scientific Research Organisation of Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q76389665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "High Commission of New Zealand, Apia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4689235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afiamalu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5429371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagali'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7171358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pesega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6527333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lepea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847740" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847740" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1784042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "National Soccer Stadium" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2903403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ofu Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuusilaelae Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuutele Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saumolia Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4705560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alafua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106621843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailoa, Upolu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106628284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Museum of Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5427526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fa'ato'ialemanu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5429369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagali'i Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6918073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motootua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q274569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Upolu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mako Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatuana Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tia Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tufu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agaputuputu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuumuai Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papaloloa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106435421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "British high commission in Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5071532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chanel College, Moamoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7409894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samoa Adventist College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q36156417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magik II Cinemas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1365475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roman Catholic Archdiocese of Samoa-Apia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuuiti Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taugā Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Feia Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailoa Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tafe Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Va‘oto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pisiula Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Vaitoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4903318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "bibliography of American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31869798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alaoa Water Treatment Plant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106562710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Australian high commission in Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleata East" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106621060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elisefou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106621706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talimatau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaimauga West" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6480585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalovaea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6765698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marist Stadium" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7409899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samoa College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7683903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tanugamanono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2666843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "National University of Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matātula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lepua Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Le‘olo Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagasa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ulafala Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vainuulua Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56045844" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56045844" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15242955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lotopa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56438036" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56438036" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7688679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taufusi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q57398979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ofu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q548806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailima, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q618565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apia Samoa Temple" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Samoan Outrigger Hotel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tanoa Tusitala Hotel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3322165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Vaea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ofu County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nu‘utele Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuupule Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lauagae Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tumutumu Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63702149" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q63702149" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4842965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baha'i House of Worship Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31982928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papapapaitai Falls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32022327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "So'agu Falls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malaetia Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sinapoto Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22032279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oceania University of Medicine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q50376894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "University of the South Pacific - Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7347003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robert Louis Stevenson School, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7850628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuanaimato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amouli Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Le Pu'e" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q69511413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ofu Community Center" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18416912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Immaculate Conception Cathedral, Apia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matasina Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaimauga East" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106913447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robert Louis Stevenson Museum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q50356979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embassy of Japan, Apia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105623398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "embassy of the United States in Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65040310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaisigano River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106622076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitoloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1385326" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1385326" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3556442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laulii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q69325915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Football at the 2019 Pacific Games – Women's tournament" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q318101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "SMS Adler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1837779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samamea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6695039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luatuanu'u" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6721238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maasina, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6886495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moataa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7404614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salimu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7558846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solosolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q771216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "SMS Eber" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2858293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apia Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25041638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiusu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7988268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Western Samoa Trust Territory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31869822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Albatross Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31912975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "East Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Horn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31913006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "East Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32041914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "West Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31916515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fusi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31872032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ariadue Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ewa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagali‘i Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleapuna Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31943452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31951711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matautu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32026602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taelefaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utuloa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5429368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagaloa Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6934022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulinu'u" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7199582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piula Theological College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31995957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pilot Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Vailele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31400641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount To'ona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mauga Tele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31871706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apia Harbour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Le Mata Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31946851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mafuatuolesolo Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31949351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manunu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleapuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32490625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulinu'u Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6533464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Letogo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49333395" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49333395" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9368101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1154109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Va'a-o-Fonoti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5184979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cricket Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaigaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5429377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagaloa Bay – Uafato Tiavea Conservation Zone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5437334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatausi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15260418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Musumusu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6669632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lona, Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7672720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ta'elefaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35428559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ma'epu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q741740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lufilufi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taumeasina Island Resort" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leusoali'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Poutavai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falefa Falls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32015088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saluafata Harbour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailele Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7876331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uafato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaimoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Tagisia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31968333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nautilus Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falefa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falefa Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32027477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapuivi Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32037125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uafato Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiusu Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32378996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Utumau'u" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falevao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48784007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2006 OFC U-20 Women's Championship" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31956317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moaniu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salelesi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32016101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sauago Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31672684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Utusi'a" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31941633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalomauga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31946073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maasina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31997275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Point Suga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31997280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Point Vaigaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32014891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saletele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32027598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taumeasina Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32499490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nu'utele Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35726263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matāutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q101438799" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q101438799" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Tulaele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31889929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Utuele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31915136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falefa Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32027607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tavalagi Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32038819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vainamo Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42659517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aggie Grey's Hotel and Bungalows" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64633687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "men's football at the 2019 Pacific Games" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "APIA" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleasao County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olosega County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6588067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tau Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10662097" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q10662097" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1226878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lata Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1631727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ofu-Olosega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2181080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "USS O'Brien" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17562867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manu'a" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1247537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manu'a District" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olosega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pouono Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Judds Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lavania Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faasouga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papaloaloa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ta'u County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3738613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleasao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23432568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olosega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25206602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sili" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lotoaise Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lepue Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatatele Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faumasili Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleasao Harbor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leala Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ta‘ū Marsh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ta`ū" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tavalagi Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tunoa Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailoloatele Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papaotoma Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31858041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Village of Si'ufaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25037444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faiava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataālaosagamai Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataitutua Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maafee Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laufuti Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Imoa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faasamene Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "South Ofu Beach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sunu‘itao Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Si‘ulagi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siuai Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Si‘ufa‘alele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aufotu Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailoloaitiiti Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25037447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalomoana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lafogaufi Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liu Bench" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tamatupu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asaga Strait" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alei Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Si‘u Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleselau Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piumafua Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moso Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matavai Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leatutoga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faga Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tumatolu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utumanu‘a Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utusegisegi Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaita Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alei Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maefu Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fagamalo Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talaisina Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tainamu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afuli Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sinapoto Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaaui Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitele Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papausi Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olomanu Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulisinalua Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataavaloa Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataalā Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faleiulu Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toa Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Topea Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asagatai Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Etemuli Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olomatimu Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31857500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "National Marine Sanctuary of American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuututai Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manu‘a Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lemaga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatuaga Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tufu Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ulufala Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaisaili Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papasao Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olotania Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pouofe Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23020492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tui Manu'a Graves Monument" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31858027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Village of Luma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32379009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Vaitulu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31858023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Village of Leusoali'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q529969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tolstoj" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1130629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pukapuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q961641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nassau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2282249" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2282249" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3843485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3959912" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3959912" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5047112" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5047112" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4690849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6480544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lalo, Tokelau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7427413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saumagalu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9322956" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q9322956" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3503088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1128488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Swains Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11789858" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11789858" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2185716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tokelau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3495884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fitiuta Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6498297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laulauia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7697963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tema Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1636779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rose Atoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loto Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sand Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tearai Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pukapuka Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4827447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avakilikili" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6786059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matangi, Tokelau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7427417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saumatafanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1982843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taulaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Swains Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blasted Reef Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maluatia Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Auauli Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Swains Brackish Lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3831246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leusoali'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23020219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rose Island Concrete Monument" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5455450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fitiuta, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rose Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7691349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teafua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rose Atoll National Wildlife Refuge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4779785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apia, Tokelau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4830136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Awtano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Koe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7367638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rose Atoll Marine National Monument" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49117833" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49117833" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49118192" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49118192" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49118303" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49118303" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49119277" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49119277" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49125214" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49125214" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49125217" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49125217" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49178571" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49178571" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49242779" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49242779" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49242783" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49242783" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49296821" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49296821" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49296824" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49296824" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49296825" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49296825" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q650847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fakaofo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49637809" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49637809" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49637878" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49637878" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49658244" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49658244" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49661319" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49661319" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49667424" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49667424" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2140263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fakaofo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2272118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Akea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2596239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fenua Fala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2657505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulifenua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiafou Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tokelau Seamount Chain South End" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4532961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Etena, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Kavata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6918739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motufala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3553306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailulu'u" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3688179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fitiuta County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fala Ane Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5347045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eel City" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5443654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fenua Loa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7259887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punalei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7409927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samoa hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7688709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taulagapapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35298309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3840591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luma, American Samoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiti‘uta Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogamutia Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vailega Spring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31858018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Village of Faleasao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7041723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niututahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7068898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukulakia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avatele Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Papatele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pukapuka Atoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15262960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukumatau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35304092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Fala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31858034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Village of Maia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104849946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34969103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Highwater Lighter Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104849943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104849940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104849945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104849708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Kotawa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104849712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Kō" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104849716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1340719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manuae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1085651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crookes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104848208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Porea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9303632" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q9303632" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q180547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Suwarrow" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4993915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Doppler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rublev" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whale Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "South Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "One Tree Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104854067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngangie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "High Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Entrance Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "New Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mangungu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gull Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "East Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Puka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngamahuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mehau Matatia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Ruerue Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tima" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "North East Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Akaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marriott Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motupae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Ngangie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Okakara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kokiri Lui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Ohou Kai Mara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu o Poia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rahea Ki Uta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paheke Rahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punganui Rahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Kainga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pohaturoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paparoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1345121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rakahanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anchorage Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baby Patch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lewin Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Keturau Moremore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rangahoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Mea A Tamaunu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tengakura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tehapai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tutaeakari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25907708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solitudo Maiae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brushwood Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Mauta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Seven Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Vahine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paheke Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tearai Ki Tai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Roa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Porea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Man in the Boat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perfect Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Keturau Ngangie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Oho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngatapoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takaniko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Pa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fifinui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fareunati Ki Uta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hohake Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hohake Rahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nafarakura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punganui Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Motu o Tarakapoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Ruerue Rahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tupuaekaha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Littles Patch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Royston Patch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Teru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu o Koteka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rahea Kitai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Greenlands Benefit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hunanui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pylades Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raukotaha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nauapoti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "A Moko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kokiri To" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngatapuroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tearai Ki Uta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104854069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mahuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104854073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Motu o Umurua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104854078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tetaha Kiraro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104854068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huananui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104854061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rakahanga Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104854076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tetukono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104854080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paerangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q967796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manihiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q950725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Penrhyn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104850787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tekasi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104850842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atutahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1646828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Omoka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104847912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tukao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104851060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takuua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "North Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104850836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atiati" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kout" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Round Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atimoono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kavea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mangarongaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu a Saka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taruia Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tokera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mehau Matatia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tarakete Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222557" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222557" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngaere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maketa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murihiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hangarei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paravae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makeeatta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moturakina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Ngangie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuitikainga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Painko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tarakete Rahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veser" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuaua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuirai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fareunati Ki Tai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nukuhiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3088908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "France–Kiribati border" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104848202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atimono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104851058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veseru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matunga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahu-a-man" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gudgeon Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motupura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pinin Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mehau Daniela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiri Kop" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10576434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manihiki Island Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23005993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haratini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manihiki Anchorage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruahara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruahara Anchorage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tevahavaha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Totia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7688693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tauhunu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7821041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tongareva Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35710363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hypersaline Lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tekasi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11832316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Northern Cook Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atutahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahu-a-Mira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahuapapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siki Rangi Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakamar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matopaua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24189816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pokerekere Islet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takuua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flying Venus Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Putangaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moananui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sanisanireka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakari Man" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "First Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Kasi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tehara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24189814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moananui Islet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24189810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Tautua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manra Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pokerekere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23006153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takuua Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104848210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Puka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104850834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mangarongaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104851053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kavea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98768990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahu a Miria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104851051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104848212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murihiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104850839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moturakina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104851050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104851057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuirai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104850830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matunga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104848206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Hakamaru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104851062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruahara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104851049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1618582" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1618582" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3274519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canton Island Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4740146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amaranth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98491166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grapple 2" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1543922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tumaraa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15055869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q15055869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q584092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu One" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q911028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Starbuck Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1079870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Congreve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20933924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Millersville" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q234796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Line Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q532590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malden Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98491165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grapple 1" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221338" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27221338" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221337" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27221337" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221342" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27221342" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221350" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27221350" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221475" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27221475" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222354" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222354" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222353" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222353" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222506" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222506" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222510" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222510" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222511" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222511" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222508" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222508" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222514" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222514" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222512" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222512" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222516" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222516" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222536" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222536" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222537" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222537" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222551" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222551" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222553" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222553" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222558" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222558" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222562" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222562" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222560" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222560" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222564" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222564" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1059295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rawaki Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Nao Nao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31982322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pacific Remote Islands Marine National Monument" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jarvis Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98491168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grapple 3" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33417143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jarvis Island Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108131909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tebaronga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Staten Island Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1166015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maupihaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1362238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "World War I outside Europe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Horea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vaihuti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Putete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33539715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Faatemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49305251" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49305251" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spam Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schlanger Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31866835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Line Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haaio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tuanae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15298374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Po Chu-I" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malden Island Wildlife Sanctuary" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "CANTON ISLAND" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3304109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Medusae Fossae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jarvis Eastern Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Ereeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Roa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nao Nao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tevaitoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31942974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Line Islands Hotspot Trail - Jarvis Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14210504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Central Line Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33540376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vaiaau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Celestial Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blasted Boat Landings" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Starbuck Island Wildlife Sanctuary" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2618621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canton and Enderbury Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2869720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manihiki Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q62218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jarvis Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Faneuhi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Tehurui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Tuuroto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Paria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Punaeroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Rauero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61438973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puohine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enderbury Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Tetoroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Faaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27987879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jarvis Island National Wildlife Refuge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q45295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Birnie Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Nuutere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Toamaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toamaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tsũi Goab Fluctus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guano Digging Areas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vaianae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vaiaeho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tapute" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tiano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61437983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fetuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61439028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tehurui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61439046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiaau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kanton Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q847008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raiatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3322136" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3322136" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12676125" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q12676125" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q652443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maupiti Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q836283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maupiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1649742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taputapuatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1911201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maupiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2119874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uturoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mahea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taoru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Te Ratua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Faataouhi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Maouoé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Ahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Aie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Motu Tiofai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tepane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Toamaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahu-Naoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toapuhi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39483295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Opoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apooiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Faaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hurepiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farepaia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe du Régent" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toahotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Upapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49637882" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49637882" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vairahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fafao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Pitiahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Farepoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te-Fare-Arii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39485918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puohine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "UTUROA" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tapioi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Taitaeaha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mona Fareiure" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Fareura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Patii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tereia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vaiaahai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Maure" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiotaha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tarae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1432553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raiatea Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38414867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-André d'Uturoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Vaimariri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Hotou Tavairoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Haapeaouo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Farii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bououroo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Boutoua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Rautoanui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Teavapiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Point Mirimiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Taahava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tonoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tarahou Apouhi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îles Sous-le-Vent" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60391620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Pierre-Célestin de Poutoru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Onoiau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39393460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fetuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sommet Maufenua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Faataoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hamene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Tubua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tiapaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Paipai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Haamoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33539306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Pufau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Orotaio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Averaiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grand Banc Central" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Aouera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tiamahana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tuufenua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Popipoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Orutai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vairahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tetaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61439029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tevaitoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39531705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tehurui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39536023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiaau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33538207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Apu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Toahotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Te Anaiou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34927560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Hotou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farétéa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plateau de Temehani" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Apu-Puhi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tenape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Manuihi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Vaiapaura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77867195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Raïatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q602937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bora-Bora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60391622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ancienne église Saint-Pierre-Célestin de Nunue-Vaitape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10332028" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q10332028" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3498189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q183113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bora Bora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q550989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bora Bora Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q926768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1686674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bora-Bora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Ohiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Povai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Touanae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Teavanui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Fareroi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tuahora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îles Sous le Vent" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33540292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Tapuamu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q37946979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nunue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38252154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38251270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mute Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38251302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tofari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38387324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Église évangélique de Vaitape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38252163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faatohora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pic Mataihua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faanui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Paoaoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Raititi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5475521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Four Seasons Resort Bora Bora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33540235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Puheru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q37946098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38252155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38252164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tupe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49660103" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49660103" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q37946586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faanui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piti u Tai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Taahio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tianoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toopua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toopua Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33538192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Aporapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38252159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "VAITAPE" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1945409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Otemanu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38251274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Purauti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piti u Uta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Farepiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Taurere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tereia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15256604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Paahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61438942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nunue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27963748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haapiti Rahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38251295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piti Aau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38251305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vananui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39397759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haamene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Popoti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Faanui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Obuone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Apomeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tofari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pererao-Fai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Mamora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pahua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61437875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faanui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34868831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fitinu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q46464728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Pierre-Célestin de Vaitape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38251297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitiuu Uta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38251304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tevairoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q47401774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Conrad Bora Bora Nui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39371525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faaaha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22908971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Bora Bora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pic Toopua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Ahuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Ome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Rua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Puhia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toerao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33538371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Anau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39428569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Pahia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77860526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Bora-Bora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38251283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mouti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38251300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taufarii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Haamaire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vahioti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vaiore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Mute" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motus Manini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Matira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teveiroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38488773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Clément de Patio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61436718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anau, Bora Bora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q521020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huahine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q968977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huahine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q239890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fa'ahia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q956168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tupai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1431508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huahine – Fare Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tavahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morne Pahiaraia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Haavai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fausse Passe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maroe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Ofaiorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33539767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Haapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39422385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maeva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39525480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tapuamu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Afakatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Teapaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farepaiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huahine Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huahine Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Oue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Peihi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Opeha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teopape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teautavaha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Mauhuti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39421306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49353200" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49353200" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49642551" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49642551" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39379944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3287362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taputapuatea marae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39377316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39484607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Fatira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Rae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Teoneroa-Haaoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Muri Maora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Oavarei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Topati" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Araara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Faatiaapiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pautu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teffaao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tupai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Haamene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34739891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc Taiuriu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34858701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Iriru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Matoerere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Faarahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Ohemai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Patio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Pauhure" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Rate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fitii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Pahare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oatara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Haavai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61438946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Opoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Paeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Averarahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Toahiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Parea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Fauna Nui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Vavara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tiare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pati" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39401361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39530812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tefarerii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Turi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Maroe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eden Parc" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fareparahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hinahuruvi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Teava Moa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiorea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Toahiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34861536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Manounou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39420726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hipu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39538244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitoare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Fare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Hiumoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Papiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Avamoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Papatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port Bourayne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivière Haamene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Puuaretu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tabu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28231761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39486886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruutia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atoll Tupai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hoapea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Mauhuti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Araara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Ava Peihi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Farerea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée Pahiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33539881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hotopuu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77868798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Tahaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77863861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Huahine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1977535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahe Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q292688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "King George Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216189" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216189" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q118904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q741650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flint Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12671055" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q12671055" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q617923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apataki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q669590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tikehau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4264101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataiva Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1753453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manihi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1984650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16468078" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16468078" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q400184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q654431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rangiroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q757399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rangiroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q182758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arutua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q370525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arutua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q391502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Galois" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1268823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palliser Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4263739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arutua Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1606236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kaukura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4779218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apataki Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4827846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avatoru Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222561" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222561" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1423724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3267068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manihi Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4272426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tikehau Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aié" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Auroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Panao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tamaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oroatera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Otepipi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7809050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiputa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Porofai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vahituri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16930963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avatika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39423727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38289966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apataki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38420128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Antoine d'Arutua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38630186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Jean-Baptiste de Kaukura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39428284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39535050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tikehau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22249350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tetiaroa Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48816837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Brando Resort" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Honuea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Aiai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Naonao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tutaemaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Pakaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahuna Rahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39368562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q50321373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wine cellar in Rangiroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39486735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rangiroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7809051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiputa Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38290807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arutua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q963568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rangiroa Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38291118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kaukura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4354902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avatoru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tiputa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60385405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Église Notre-Dame-de-Paix de Tiputa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q284240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kaukura Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1135240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tetiaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Nuutina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Onetahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Moturaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tehere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tuheiava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuaiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49674705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rimatu'u" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19818245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niau Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20683919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Krun Macula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38383720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temple d'Avatoru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fenuaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Maava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Paio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tairapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tiareroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reiono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitepaua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60389367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Nicodème de Tikehau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38644297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Joseph d'Ahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maiai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q40203807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Philippe d'Apataki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68165056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Joachim de Manihi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60387114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ancienne église de Manihi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hiraanaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Puarua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahuna Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tauini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34753703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Avatoru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60392710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Thomas de Tupana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38566925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Thérèse-de-l'Enfant-Jésus de Mataiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56274925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "SS Ocean Queen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77867214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Rangiroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60389280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Église Saint-Michel d'Avatoru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q175479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makemo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q276651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guabonito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q591299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makemo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q577784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuanake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q989899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faaite" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q980013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1722302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taiaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4263787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makemo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6804732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mechnikov" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2035608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raraka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q626477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aratika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2031608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rekareka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1736995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kauehi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2300550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taenga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1346999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fakarava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1393658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fakarava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1651519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nihiru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1906015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marutea Nord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3378307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makemo lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1629997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Katiu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221325" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27221325" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221340" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27221340" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221430" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27221430" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221443" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27221443" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222350" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222350" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222543" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222543" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222544" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222544" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222545" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222545" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222563" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222563" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222570" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222570" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222569" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222569" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222577" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222577" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2031599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3545228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fakarava Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22247911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aratika Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Windward" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tridacna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q37935236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faaite" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39423988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makemo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Mannikiba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hirifa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utukainga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q41953124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Notre-Dame-de-Paix de Fakarava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49673465" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49673465" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arundel Islet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brothers Islet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nake Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2300319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahanea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39422114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kauehi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39522515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taenga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22247913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Katiu airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ngnarumaova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Arikitamiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tumakohua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55565002" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55565002" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pisonis and Heliotrope Cover" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pisonia Tree Cover" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vostok Island Wildlife Sanctuary" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q822151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caroline Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q976570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vostok Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39378209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fakarava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1950151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motutunga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39421839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Katiu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Vahapiapia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Fainukea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Porieua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1631429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raeffsky Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1631412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38644284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Église Saint-Joseph de Makemo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22247958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ARATIKA PERLES" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22247916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kauehi aerodrome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Groupe Raevski" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Otaho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Tapuhiria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25053941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paparara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Merlin Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19420820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faaite Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38435744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Benoît de Nihiru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38566935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Thérèse-de-l'Enfant-Jésus de Raraka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Aumiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Ngarue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Okarare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60387547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Marc de Kauehi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Easternmost Land on Earth by Legal TimeZone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Manino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Motu Puapua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Nepo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Otungi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q41897537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Marie-Madeleine de Faaite" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38641008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Jean-de-la-Croix de Fakarava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atoll Marutea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chenal de Fakarava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Hakono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Temaketa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38389365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Marie-Immaculée, Notre-Dame-des-Nations d'Aratika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1575508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pukapuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1255016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fangatau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1395587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fangatau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3123379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "geography of French Polynesia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q666634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raroia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q614645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ua Pu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q969412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fakahina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1814565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tikei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2477949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puka-Puka Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1890417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manihi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6633503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paschen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6965157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Napuka Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1471237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puka-Puka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1811479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Napuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1965092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Napuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2292641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Oa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22247912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fakahina Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ts'ao Chan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1670474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1705290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1814463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takapoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19757508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q661756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1256953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takume" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ohue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4264128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takapoto Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pain de Sucre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meremere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hohoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakapata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Kuara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Sud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tehuahine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Nord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33539852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hikeu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7294610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raroia Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39379088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fangatau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1575514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ua-Pou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38515021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Jeanne-d'Arc de Pukapuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39486751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raroia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Emari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ohava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35710842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Miramiraau Teu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35711719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neketautau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39377858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fakahina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38385500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église du Sacré-Cœur de Napuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38582796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-François-Xavier de Takume" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39424209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manihi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22247918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takume airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nape Nape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kurataketake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kumekume" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ohava Marahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Farariki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39428017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Napuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takume" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paite" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39523409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takapoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39523790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hakamaii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takeke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temarii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14955954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fangatau Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q292684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Disappointment Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38389334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Maria Peato, te Kui o te Tekao d'Hakamaii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38423587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Athanase de Fakahina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38501472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Dominique de Fangatau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38566261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Thérèse de Tepoto Nord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Okukina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25110157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakamaii" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7677281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Takaroa Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Touao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hapateki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Napuka Atoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oparari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pukarahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60387401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Louis de Hakatao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35712649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ohava Teu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Napiropiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Taeroero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitaitai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38566914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Thérèse-de-l'Enfant-Jésus de Takaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39532062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepoto Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Takahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ohavere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oti Kaia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Ngnarue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe Teavaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tekanapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33538397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Hakatau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60387436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Louis-de Gonzague de Takapoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35708097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ianoteu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35710835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Miramiraau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35712657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ohue Teu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60389282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Michel de Raroia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3109320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taiohae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77866481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Nuku-Hiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77869022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Ua-Pou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4263773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ua Pou Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3513954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tai Pi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16934279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuku Hiva Campaign" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1393343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1945406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Oave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3516659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te I'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atuana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Blanche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Anaho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Aotupa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Taiohae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Honapeka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sentinelle de l'Est" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38566876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Thérèse-de-l'Enfant-Jésus de Hakahetau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38566900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Thérèse-de-l'Enfant-Jésus d'Aakapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3547088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tovi'i" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4264144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuku Hiva Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tamaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Aneo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hakaoke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hapapani" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakaunui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hatutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Chickakoff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teuaua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33538233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Atiheu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33539798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hakahau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25240853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taipivai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q951277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Notre Dame Cathedral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20312857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anahō" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2879776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie du Contrôleur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38382998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église des Sacrés-Cœurs de Hatiheu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Baatiioico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Tai Oa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Haume" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haaevea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakakiua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakanai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Punahukua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sentinelle de l'Ouest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Havao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Oata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33539783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hakaehu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33539837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Haopu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q932909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuku-Hiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "BAIE TAIOHAE" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3125819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakahau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Potainui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Hataivea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Pour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cap Tikapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Emeni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Mokoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe de la Mésange" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25103839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "'A'akapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q387988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tekao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31744987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sommet du Cap Martin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anaho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anse Hanga Haa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Vaieo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hakapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Motu-hee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Niva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paumea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Motumano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5471573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fort Madison, Nuku Hiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20894669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hatihe'u" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poutoko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pohumaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Ua-Uka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vaekao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haakuti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakamui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakauiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hakateivi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanaoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Keo Keo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pahatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Arquée" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25230684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ho'oumi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Chavé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hakatupe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Kuee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Papai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuku Hiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33539811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hakahetau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q37318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipo Waterfall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38644271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Joseph de Taipivai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31744983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Hapake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Akuoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hatuatua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Marquisienne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motopua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33535353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anse Hakaotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35433598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Pakiu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38570268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Étienne de Hakahau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3393387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marquesas hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4479869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1398288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatu-Hiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q632061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatu Hiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3128942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ha'ava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monts Tauaouoho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31744952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocher Tumaiai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vaitahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cap Matauaoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cap Matautuoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haateenapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanaouua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanapano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanatumata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanauaonui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanaui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q572723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahuata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1307016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahuata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4495374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hana Vave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31744998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Teoaiua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hana Menino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanamoohe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tetio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée d'Hanavave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49378915" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49378915" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49378918" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49378918" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49378923" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49378923" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49378934" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49378934" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49378942" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49378942" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49378946" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49378946" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49669880" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49669880" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hana-moe-noa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hapatoni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal du Bordelais" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haahouna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanameito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanapuoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Mahitoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tataaihoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tewai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temeae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33597706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teahiahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4334653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Omo'a" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31744991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aiguille Nord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aiguille Sud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Nataha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Ouia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Boisé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipiopio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée d'Omoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38386690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Église du Saint-Cœur-de-Marie de Hapatoni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monts Faeone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31744949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sommet Tumu Meae Ufa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Hanateio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanamio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanapuaea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ivaiva Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nanifava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puhiae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepuhiaatuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33534851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33538930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Motopu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33577152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eeu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60385491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Notre-Dame-des-Sept-Douleurs de Motopu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38388190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Notre-Dame-de-la-Paix d'Omoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Teamotua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roche Pointue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Omoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cap Te Hope o te Keho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haatinao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hana Aeae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanateone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanauaoiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Matakoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocher Matapua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60383817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Église de la Sainte-Mère-de-Dieu, Vaitahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Hanatetena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cap Atupa Atua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hana Epo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hana Hevane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mata te Hoke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Aimoua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monts Namana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hana Ete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanaoumi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Montagne Percée" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Mokohe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nanifapoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tomouutea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée d'Ouia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33538624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Haaoipu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33595126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Te Kokuu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60389239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Michel de Hanavave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3126667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanakee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5024152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calvary Cemetery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q745311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hiva-Oa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q937908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hiva-Oa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4304782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motane Nature Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7675384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taha Uku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2178729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atuona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2901339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atuona Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Humi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Noire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31744980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Heani" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanauaua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanaui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mauhepo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Akuhua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée d'Hanaiapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée d'Hanapaoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q997632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wan-Hoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2879559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atuona Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31744955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Temeti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31744969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Ootua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanakiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanapeteo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piahoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poiheke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Gaussin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Matatepai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33592057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tamuhu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Pouoanuu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49378930" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49378930" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49378933" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49378933" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49378936" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49378936" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49378944" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49378944" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cap Moteve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanahee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanatao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanatefeke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papahoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Pukoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teihuhaoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Upehaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35433324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée d'Hanamenu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35433657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Taahuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1130928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temetiu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "ATUONA" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2734681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Terihi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38380598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église de l'Immaculée-Conception d'Atuona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anse Taua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanaheka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motuua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teaehoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vai Puha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitepua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée d'Hanaheka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33539823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hanamenu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33611941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitemanu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7150836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paul Gauguin Cultural Center" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q944594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mohotani" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3516567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ta'a Oa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie des Traîtres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanameoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanatevi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocher Metiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée d'Hanatekua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Anahi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hanahupe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hanaiapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanaohouua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanatea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanateuatoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hekeani" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Bonnard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Plate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ututehe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33540278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Taahuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cap Tehoohaivei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanafeta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanahoo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanameneo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nahoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ooa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiteama" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39484902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puamau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fueputaua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanamate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanapaoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patioti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée d'Atuona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Taua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Teavatiu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38394342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Notre-Dame-du-Sacré-Cœur de Taaoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110578829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61438970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puamau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77863829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Hiva-Oa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q386258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Nao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6584147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vavilov" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6414907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kirby Cone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3696634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q172697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marquesas Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q202299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ua Huka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3126734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2382003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaipae'e" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1420365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hatutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4264098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ua Huka Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sophocles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Theophanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7011863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teller Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1272625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu One" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1575523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ua-Huka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15299038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zeami" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5348699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eiao Island Nature Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27221431" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27221431" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222351" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222351" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222352" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27222352" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7806749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Timiryazev" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7442900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sechenov" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4708509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alaska Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28456577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "West Caroline Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1413799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Filippo Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hanahatupa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanaoua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Ofio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Papa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tekeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île de Sable" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5682243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hatutu Nature Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35433621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Puamau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q239964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fatu Huku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clarke Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27222355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wageman Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20717463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hitikau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31744975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Namana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31744972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Namana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hapao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hamamaho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe des Naïades" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33606958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Topahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49378941" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49378941" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49380974" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49380974" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49381254" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49381254" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3139195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hokatu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3553337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaituha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie D'Hane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Vaitaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tabu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Tabu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naotue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Conte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe du Bastion" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teohotepapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6693120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lowe Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2859702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arboretum de Papuakeikaa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iaone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Haane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Jouan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Planche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaihoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1301066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eiao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitahu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31744961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Taoua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Atuona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanatete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hoanui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Initaiafa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Tepeopo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6918722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu One Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38385480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église du Sacré-Cœur de Puamau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Hanatekua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaîne de Taataa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanahehupe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanatevai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hateava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Havahai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Haatinao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38383903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église du Christ-Roi de Hokatu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Obi Tufa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cap Balguerie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanaheo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hateone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motutui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe de l'Obélisque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Matauoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teohotupa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Hananai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hananui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teho te Papa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Chavé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vallée de Vaipae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îles Marquises" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33540222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Puamau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38380603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église de l'Immaculée-Conception de Vaipaee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38566888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Sainte-Thérèse-de-l'Enfant-Jésus de Hane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pacific Ocean" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4999312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Burlock Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5142678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cole Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5558899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gibbon Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5713809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hendrickson Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6909191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moran Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McNaughton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7010917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stich Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6424838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kocher" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7427463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saunders Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7574365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spear Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7577122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spiers Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7623596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strickland Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6955279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount O'Neil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4928662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blubaugh Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5148809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colorado Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5467881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ford Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5608909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Griffith Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6364988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kansas Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6796576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "May Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Vito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7272856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quonset Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7427752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Savage Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bolton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6867809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mink Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roberts Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faure Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13991460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McCrilliss Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4968479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brinton Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5288851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dolan Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15229693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johns Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25388346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lentz Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7086386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olentangy Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7226428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polygon Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4664042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abbey Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5141323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cohen Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5242030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Davisville Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5441351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Feeley Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5522522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gardiner Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6808402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Carmer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6862365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mims Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6909159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morales Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Pool" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Sweatt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7269384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quartz Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5073171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chapin Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13550800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gratton Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5583688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goodwin Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5736454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hercules Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5929262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hueneme Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6418788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kivi Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6774260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Martens Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6800191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McCarthy Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6823305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Metavolcanic Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6838870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mickler Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25379234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wisconsin Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7489291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shapley Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6486036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Langford Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8037325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wotkyns Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7305085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Red Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3108310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reedy Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Soyat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gierloff Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5331887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eblen Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15223272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hatcher Bluffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6816613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Huckaby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6939715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murtaugh Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6960584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ratliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7013082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walters Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7051038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Norfolk Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7164627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Penrod Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7298879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raymond Ice Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25388339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Minshew" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7913875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Van der Veen Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8027254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wisconsin Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q370807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rockefeller Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5023248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caloplaca Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5522115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Garczynski Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5693604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heathcock Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6837643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Michigan Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Simsarian" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7279660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Racine Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4849190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baker Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5132188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cleveland Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5685398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haworth Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5903712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Horlick Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Frontz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6956784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pastor Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7530777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sisco Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7802866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tillite Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sheets Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koopman Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25388326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruseski Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108377223" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108377223" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q184401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zeeman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3140586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Horlick Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4892416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berlin Crevasse Field" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5302632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dow Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5506154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frost Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6268305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johnson Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6434675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kouperov Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6436455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kraut Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6807942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mefford Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6820026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Merrem Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6990293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shibuya Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7148625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patton Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7454969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Serlin Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6814634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gray" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7169880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perry Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2227042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melville Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cox Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4894791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berry Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4925829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bleclic Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5447204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fields Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gester" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6957392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prahl Crags" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7431730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schloredt Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7601495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Starbuck Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7622548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strawn Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7979146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wedemeyer Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7998729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Widich Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siniff Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5460053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flood Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5528473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gawne Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Otis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Petrides" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25388318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount LeSchack" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7010929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Steinfeld" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28940251" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28940251" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8071881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zilch Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2227136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hoyt Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanessian Foreland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rose Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6814569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Goorhigian" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Sinha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34235716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moulton Icefalls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6957459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Prince" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7321019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rhodes Icefall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7920673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Venzke Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2227102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Burks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berlin Crater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jackson Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5249940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dee Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5346129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Edwards Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5388202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Erickson Bluffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5523066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Garfield Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5560811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gilbert Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6800906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McDonald Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7078536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oehlenschlager Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7159080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peden Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7169043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perkins Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5167979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coor Crags" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5638654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hagey Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5935916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hull Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15198425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bennett Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6415810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kirkpatrick Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6806440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Britt Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6834657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Kohnen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6956838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peacock Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6998118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Soond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7496873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shimizu Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q645451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Berlin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1422555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Moulton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2628033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Russkaya Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13560658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Noble Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4764219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angus Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4956652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brandenberger Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5143024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coleman Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5273791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dickson Icefalls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6957058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poindexter Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6976822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Rubin de la Borbolla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7966818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walts Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Verleger Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morris Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perkins Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4951456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bowyer Butte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5178842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cousins Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6426037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kohler Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6806425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Brecher" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7376047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rubey Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7546366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smoot Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7556373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solar eclipse of January 5, 1954" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7576142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spencer Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7981697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wells Saddle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15199543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Björnert Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q559842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dean Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1422565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hampton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1543171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grant Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1950791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Waesche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McCarthy Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2226891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cole Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4850246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Balchunas Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5000606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bursey Icefalls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5522540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gardiner Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5748305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heverley Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5950925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hutt Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6497979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lauff Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6502871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lavris Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6808620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Colburn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6960498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Putzke Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7663522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Syrstad Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7319662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reynolds Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q678102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Siple" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q825948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Getz Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7013424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whitney Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2814911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reynolds Strait" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4976348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brown Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5142997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coleman Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5255094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Demas Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5691530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heaps Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15221006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lovill Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5874885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hobbs Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6809780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Doumani Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7368533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rosenberg Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Le Vaux Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96391993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marie Byrd Land Volcanic Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5470561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Forrester Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6119928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jacoby Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6425633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koerner Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6631587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weiss Amphitheater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Obiglio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7138644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parks Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7355515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rockney Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7901716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Usas Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6834686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Kosciusko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wrigley Gulf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2227008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Birdwell Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1513490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shepard Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3544493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Executive Committee Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Cumming" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4745885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ames Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4804852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asher Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5071655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chang Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5446128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Feyerharm Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6800732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McCuddin Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ledda Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1758184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Andrus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hartigan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Dart" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109376069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berlin Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4769151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Annexstad Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5396007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Erven Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5518943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gallen Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6808230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bursey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6834285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Kauffman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7011961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tusing Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7013521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Woolam Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7962885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wallace Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109377683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109377684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Geneva Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2226979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brookman Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5470499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Forrest Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6771386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marks Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6806216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Boennighausen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Galla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6816723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hummel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6953041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mintz Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q924312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Sidley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mathewson Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Petras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4889735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bennett Saddle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5935554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hulbe Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15256078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moran Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6389720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kennel Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6551333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lind Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Petinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7176143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peter Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pankratz Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Worley Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Herbst Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21890785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Flint" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4949347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boudette Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5015819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabrera Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5244132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "DeVicq Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6954742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navarrette Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schwob Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gillick Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15224572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holmes Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Armour Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2604410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Knack Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4887510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Benes Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5000758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Burtis Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5004234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Byrd Subglacial Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4952379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boyd Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7011688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tasch Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6672609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Long Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7925806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Victor Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6468730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lackey Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7703191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Terrace Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1422562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Frakes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6998025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skinner Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3123623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "West Antarctic Ice Sheet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5754269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Higgins Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6423576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Knox Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5028167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campbell Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6800208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McCarthy Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6818303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mercer Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5223936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Darling Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6940661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Museum Ledge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7404472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salient Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7798802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thumb Promontory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q724870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ashbrook" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1130726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siple Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blob" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "White Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Armour Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Chapman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21479431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Echo Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5881339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hollick-Kenyon Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cherry Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5033697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canterbury Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7432979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schulthess Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7799445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thurston Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7812588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Todd Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q818322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bentley Subglacial Trench" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Discovery Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Radlinski" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iversen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1044030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carney Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15261693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nereson Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34233724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Byrd Camp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7080873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ohio Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7178117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peters Butte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7238385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pranke Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Russell Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7838968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Treves Butte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7853114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuning Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29838562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "WAIS Divide Camp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Rees" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mirsky Ledge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mihaila Ravicha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4889722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bennett Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5378362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "English Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7331909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ricker Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6733830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maher Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109376067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kyoto Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109376603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bali Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2226918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ramage Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Gates" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q264074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Steere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Linck Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5477552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "WAIS Divide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15088485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Otago Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15242328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lie Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7012229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vann Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7941821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vornberger Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q551798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grand Duchy of Flandrensis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q745767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marie Byrd Land" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2567174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whitmore Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21487038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Glossopteris" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7302335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Recely Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q551375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Westarctica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2987067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Byrd Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quartz Pebble Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Seelig" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Schopf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5182309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crary Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6801355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Aldaz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6914047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morrison Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7831093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trabucco Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55182563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amundsen Ridges" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Urbanak Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buckeye Table" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eldridge Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55623891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Chapman (Antarctica)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sweeny Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glade Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q358755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Takahe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q649354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Martin Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1045867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carter Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2441639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toney Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5297629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dorchuck Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6398375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Keys Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6421035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Klinger Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6426039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kohler Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Strange" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7026628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nicholson Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5365976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ellis Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7351991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roberts Cirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7431895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schneider Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7518004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Simmons Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6980542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wright Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2227219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hadley Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tucker Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5016367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cadenazzi Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5168335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cope Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5183851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Creehan Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6422012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Knezevich Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6520248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leister Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6800365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McClinton Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6806336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bray" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6809591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Davey Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Meunier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7380158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Runyon Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7523396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Singer Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7538908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Slater Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7611704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steuri Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6960630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Richmond Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roper Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Duncan Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4913986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Binder Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6177600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jenkins Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27076078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morrison Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6990040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scudder Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7546774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smythe Shoulder" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q230447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zurn Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2227152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beyl Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Slichter Foreland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scott Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4982692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bucher Rim" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5365863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ellis Cone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5445326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ferri Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5509580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Furman Bluffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34241309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gill Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6426044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kohler Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6748564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manfull Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7604720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stauffer Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brennan Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109362279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glasgow Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4876110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beakley Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5129541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clausen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5438113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faulkender Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15225273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Horrall Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6420939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Klimov Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6792491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maumee Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7310168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reilly Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7512200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siglin Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8021236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Williamson Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8054279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yoder Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109375920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paris Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109375962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stockholm Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109382304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Incheon Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Herlacher" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spaulding Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murray Foreland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4937087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boeger Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6160530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jaron Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6896283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moll Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7078695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oeschger Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Philbin Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Felt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4792921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Armbruster Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5562138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gillett Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7578324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spitz Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2226931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Leahy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3010671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bakutis Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4865168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barter Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5179874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cox Bluff (Antarctica)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5265755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Detling Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5303259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Downs Cone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5326602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Early Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5683734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haver Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6816812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Isherwood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7069851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nunn Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7384895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rydelek Icefalls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q358124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Murphy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2227051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hummer Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bear Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1450562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Moore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4982694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bucher Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4985581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buettner Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8075300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zuniga Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8039504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wyatt Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1146469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of April 17, 1996" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1471899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Woollard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1898494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HMS Resolution" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gurnon Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13643656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lindsey Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Merrick Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14871546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smith Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5255092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Demas Ice Tongue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6111648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walgreen Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6380269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kay Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7359341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rogers Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7847414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "True Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q300905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "de Gerlache" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q530917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "West Antarctica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murphy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2227187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Garwood Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4993939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Doerfel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clark Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4861513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barnes Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4997815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bunner Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4998950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Burke Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5298735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dorrel Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gerrish Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6949915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mayo Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15891478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Park Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7960483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waite Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2227031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eisberg Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2227060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coyer Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Park Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thwaites Glacier Tongue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5021897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Callender Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5087434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chastain Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5685165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hawkins Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5943894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hunt Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wilbanks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7563439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sorenson Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7611631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sterrett Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8038236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wright Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5346105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Edwards Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1312380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ibn Bajja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jeffery Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4947153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boschert Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4979672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brush Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5188745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crosson Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5332929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eckman Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5645014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hamilton Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5687064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haynes Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15220572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Havola Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yun Son-Do" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hayden Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6806133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bodziony" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24953312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lovecraft" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7011142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Suggs Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7430900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schaefer Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7914573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vane Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q72154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amundsen Sea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Harmon Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q857184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Waite" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4976725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brownson Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5241953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Davis Promontory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5609254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grimes Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6990049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sechrist Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7366381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roos Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7799533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thwaites Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7978948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Webster Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2228565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jacobsen Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marie Byrd Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4887304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Benedict Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5697396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hedin Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6167931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jaynes Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15221794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goepfert Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6908148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moore Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7011945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Turtle Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7229172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pope Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34233923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thwaites Iceberg Tongue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2226900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boyd Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2227091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koloc Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5241910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Davis Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5299486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dotson Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5608038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grew Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15224588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holt Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15229718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jones Bluffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moulton Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8039264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wunneburger Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8565173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fowler Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65076675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thwaites Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96415946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yun Sǒn-Do" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1497972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Johns" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1645282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Windy Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4753965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Andersen Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5318458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dybvadskog Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6411932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "King Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5603365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Green Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5644881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hamilton Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7197230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pipe Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7306691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reed Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7623192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Streitenberger Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6179165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Walcott" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7545196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smith Knob" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7545287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smith Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5686624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hayes Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6268397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johnson Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1951963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muir Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12016526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Martin Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5674168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hart Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6268382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johnson Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5194329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cunningham Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McKelvey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Semprebon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6966787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nash Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16861246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patmos Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16901334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taylor Ledge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5637982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hadley Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q976744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thomas Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2146691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reuther Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mendenhall Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4754193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anderson Summit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5157177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Compton Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16837111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ereta Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1439865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Founders Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1452095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frazier Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26261066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Powell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3323109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thiel Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4965871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brichebor Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5366164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ellsworth Subglacial Highlands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5467845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ford Massif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5598229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gray Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6184565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zavis Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Barsoum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3321843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gardner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7615820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stewart Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16826928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beadnos Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6181601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wrather" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3108274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Branscomb Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12331218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Helfert Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Byerly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4662040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aaron Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5365704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elliott Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6177151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Unger Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15646751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boyce Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7561982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sonntag Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16844150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hodges Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16846865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ichev Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16959199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kovil Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q259236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Welcome Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1572716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Ellsworth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12330885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bradley Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4892568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bermel Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5305616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drake Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5506027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frontier Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7690090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taylor Outlier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17048087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Knutzen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1439857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Founders Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3299187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bastien Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schatz Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5177570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Counts Icefall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5241726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Davies Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6155909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Janulis Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Macelwane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Oldenburg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16874872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wild Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7978921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Webster Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q744486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hall Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2052109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pardue Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15262442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nolan Pillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6536925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lewis Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6787700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matney Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15647201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cairns Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6911298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moreland Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7124195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pagano Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7962318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walker Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16838548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fisek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16959060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Klenova Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20031724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake CECs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Helms" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14556960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tabor Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16953645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Klayn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104214070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Worlds End Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5920520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Howard Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Press" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5415943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Evans Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7499902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shockey Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7918831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Velasco Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Morris" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4731818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Allen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cranton Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8523163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Anderson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Crawford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canisteo Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hubley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3647265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Probuda Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5326676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Early Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5415926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Evans Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5454827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fisher Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6169912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Todd" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6179714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Weems" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16965018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Warren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16825577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arzos Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16828567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Burdenis Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16861235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pastrogor Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15694951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dawson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16840417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bentley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1514989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pine Island Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Barden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ojakangas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22368540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pine Island Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25392980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Washburn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Sharp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6802009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McKinzie Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Cornwell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Liavaag" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16929793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Davis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7333832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rignot Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16827050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Alf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16866839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Silyanov Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16873757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valchan Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7801597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tighe Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16930891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16937427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ostenso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16948409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Goldthwait" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16961995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dalrymple" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26763440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ryan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12717488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olsen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5318842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dyment Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6672546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Long Gables" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34202266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elizabeth City State University Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7209188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polarstar Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16834860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Delyo Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16866934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skafida Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ferrero Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Molar Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6177653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Viets" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6787975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matsch Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Holmboe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16828316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brocks Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16841931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hariton Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16866935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skaklya Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kipra Gap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lymburner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5088499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chavez Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5884683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holth Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5181372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Craig Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7632923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Suchland Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16836982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enitsa Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15265777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peak 4111" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16686165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahrida Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16838758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fonfon Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16900244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skamni Saddle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16957669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gerila Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3651331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eyer Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4839614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Backer Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6166395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Sisu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16686042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Memolli Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16686136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mursalitsa Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16874233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vidul Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8075506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zvegor Saddle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16956551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wyatt Earp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16979219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Giovinetto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "MacDonald Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Shear" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15695017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Reimer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15695032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ulmer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16827572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blenika Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16854701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nell Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16867742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strahil Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16875833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zhenda Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86893959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sif Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q857070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dyer Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Williamson Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5180529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Craft Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5876193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hodgson Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6364045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kannheiser Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6911341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morelli Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Caldwell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gimber" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Moses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7354100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rochray Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7367361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rosanova Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Petersen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Simpson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Henry Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Evans Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12332711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kenfield Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2698383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sherman Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Borgeson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4876753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bearman Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15242521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Litz Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6181795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wright Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6693134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lowe Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6826485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meyers Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Manthe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7545093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smith Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7978695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Webber Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1666954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lopez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22487112" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22487112" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smith Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tinglof Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "King Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hughes Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Williams Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hubbard, Mount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15277949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siren Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Leech" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7253266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pryor Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7840603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trice Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q143515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schwartz Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104210240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Larter Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4674593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Acosta Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5179886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cox Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5641393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hale Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6425538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koehler Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6696408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lucchitta Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7319373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rexford Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7600488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stapleton Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8029733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wold Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q40081372" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q40081372" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1618810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peacock Sound" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2961777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hudson Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12016523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gould Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4884055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bellisime Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5246386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dean Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7962300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walker Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5464328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foley Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6276854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jordan Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Kazukaitis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Noxon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7302130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rebholz Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7456180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sessums Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7494470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shepherd Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7918942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Velie Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q143521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O'Dowd Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Flying Fish" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Starr Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5173902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cosgrove Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6484496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Landfall Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6736989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maish Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7429205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sayen Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Potaka Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wagoner Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2983456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eights Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5273616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dickens Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5713164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hendersin Knob" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6035041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Inman Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6079143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isbrecht Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15242522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Litz Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Nickens" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6947416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Myers Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7694598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teeters Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Howell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kearns Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6167616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sutley Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12343437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Slusher Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15253414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Miller Crag" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McCarty Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104214032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Winkie Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Menzel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1072625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jones Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2647004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tierney Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Edwards Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4565706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1946 Antarctica PBM Mariner crash" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5317108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dustin Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6535745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Levko Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4849168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baker Knob" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7341050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robbins Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murphy Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Evans Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4863432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barrett Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7242701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prickly Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15224306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hlubeck Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6170050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tribby Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7138357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parker Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6672401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Long Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morgan Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Walker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Braathen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Von der Wall Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ryan Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palmer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palmer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5490641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frankenfield Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5577239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goff Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bramhall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7156820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Payne Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8075039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zuhn Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q583990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thurston Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q857468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Davies" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q857539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Walden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carpenter Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Feury" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4996093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bulbur Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5111667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Christoffersen Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6411330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "King Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6859957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mills Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6863328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mincer Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peale Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koether Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seraph Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q312998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Porters Pinnacles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Annawan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ball Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5245703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Deadmond Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5348595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ehlers Knob" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5436304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farrington Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5467380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Forbidden Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Black Crag" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6757376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marck Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7333721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rightangle Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hawthorne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape LeBlanc" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rescue Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q857025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shelton Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5665774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Harrison Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6672550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Long Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7521071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Simpson Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7545075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smith Bluffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cadwalader Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glacier Bight" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Noville Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2648080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lofgren Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12717021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulroy Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dowling" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4664202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abbot Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4883051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belknap Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4938748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boker Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5622532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guy Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6059071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Intrusive Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6166763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Snowplume Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7127866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pallid Crest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7427719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Savage Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7598469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Standifer Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7962017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walk Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8072259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zinberg Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Linsley Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5025881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Camelback Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5679203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haskell Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bubier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7161749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pelter Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7513870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sikorski Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7963834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walsh Knob" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7969911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Warr Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15243681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mahaffey Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q144064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sandefjord Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q202780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peter I Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66981655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peter I hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2741793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boltzmann" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2605265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Ingrid" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hughes Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5595927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Granite Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7088584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olstad Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7245679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prism Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6268337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johnson Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11957927" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11957927" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11980805" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11980805" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12004834" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q12004834" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11217260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Simonovbreen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7227668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pond Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Greenstone Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104211562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wienecke Ice Tongue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4754057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anderson Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4827496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avalanche Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5256855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dendtler Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17749625" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17749625" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7355215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rockfall Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19375138" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19375138" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19378494" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19378494" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19386266" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19386266" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7999384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wiesnet Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Norvegia Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5056000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cecil Cave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tofteaksla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Botnryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vestryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Storfallet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pyramiden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5422505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Exum Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6038546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Inspiration Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15223271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hatch Outcrop" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6486093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Langhofer Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7037344" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nils Larsen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6802479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McNamara Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7323041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rice Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eubanks Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salknappen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12008082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tåbreen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plogen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fletcher Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Midtryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13639872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jones Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5436548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farwell Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Loweth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7160294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peeler Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7162009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pemmican Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7813005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tofte Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q144070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ranvika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11218156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zavodovskijbreen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asimutodden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4823317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Austin Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4942152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bonnabeau Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2605271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Framnes Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Odd I-revet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Auroraholmen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4866628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Basecamp Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55284270" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55284270" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55284274" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55284274" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55284279" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55284279" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55284277" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55284277" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55284280" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55284280" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55284281" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55284281" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55284284" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55284284" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6166916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Snyder Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16862143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ravulya Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55284272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Havhestbotnen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Radiosletta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Austryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Selskjera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12713989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cache Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5111318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Christmas Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5584267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gopher Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7194230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pillsbury Tower" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7919525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Venable Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8021041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Williams Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q951735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lars Christensen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lazarevkysten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lepley Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6487697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lanz Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17750124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bellinshausen Küste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55284261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Austbotnen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toftefallet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sawadowskij Hukk" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trangsholmen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vostokkysten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Phantom Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Michajlovodden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55284275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iskullen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55284271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Endeveggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55284278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pingvinholet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55284273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Havheststupet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q571669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sponholz Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1109457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Collier Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1820962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lester Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1882246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maagoe Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1992542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nimbus Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fletcher Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2369984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sutton Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1240279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Donald Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3676734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Genova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5583340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goodell Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6169868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tidd" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6170199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Turcotte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7198096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pirrit Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q857175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pfrogner Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1126255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Connell Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1254238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hessler Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1489528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Soholt Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1518501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bursik" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1522169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heritage Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1655962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kelley Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1674947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Webers Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1801312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lamb Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hoffman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1950405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Capley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6250719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "John Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1379329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Horseshoe Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7114608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Owen Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7885709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Union Glacier Camp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q924938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moulder Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1255532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drake Icefall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1265307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dunbar Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1287741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Edson Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1269429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hall Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1388781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Minaret Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1823017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liberty Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1950483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Geissel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1950723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Simmons" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1950730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Sporli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q997867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buchanan Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Macalester" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q265278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Charles Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18644137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Polar Científica Conjunta Glaciar Unión" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1043989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carnell Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1256114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pioneer Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1332891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fordell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1926515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mhire Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Axtell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q814938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beitzel Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1062781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chappell Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1105156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cochran Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1328383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eley Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1334206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elvers Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1505696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rhodes Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1567575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Linder Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1604944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Henderson Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1617796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "High Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1806384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Larson Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1948477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morris Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2230998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schanz Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2248500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schoeck Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1638725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hurst Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curtis Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Goodwin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4986176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buggisch Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5307799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Driscoll Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7365225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ronald Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q939709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hyde Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1950680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Rodger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10860241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Union Glacier Blue-Ice Runway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2600512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yochelson Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chiavari peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7431891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schneider Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1523543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gifford Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1552819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guarcello Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1892420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marble Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1950434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dolence" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2566881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "White Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5160485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Conglomerate Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31838285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Charcot Fan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5167028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cooke Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5185813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Criosfera 1" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6433030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kosco Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q980892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cagle Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1138442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Craddock Crags" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1404625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fendorf Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1421633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Rossman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1511418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Warren Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1624185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hoinkes Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1950691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Rosenthal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2100877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pojeta Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2494486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Union Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5457346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flanagan Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patriot Hills Airfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12331220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Harter Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q369836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Springer Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q815734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bell Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1139110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ellsworth Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1344671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enterprise Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1540484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gowan Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2218701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samuel Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2282776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siefker Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5478159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Príncipe de Asturias Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5645617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hammer Col" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7095558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Opalchenie Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11073042" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11073042" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q857298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Urban Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1633766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hudak Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1972363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navigator Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2357023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strong Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2552665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Watlack Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1261615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drygalski" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3322108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Slaughter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5296582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Donnellan Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15221163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Atkinson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15695018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Segers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7227949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ponor Saddle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16858769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cervellati Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16953007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Modren Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q857286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Planck Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1803625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Landmark Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2291961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skelly Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12016522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Camp Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cime Liguria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3321820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Epperly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Allen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4887043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bender Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4974336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brook Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6439412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Krusha Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7457892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Severinghaus Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16852344" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karasura Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17189941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Vinson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1233152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dobbratz Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1547624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Higgins Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1681102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Twiss" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5744069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Herrin Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15690987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marts Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15702930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schoening Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16827081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bergison Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7942612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vranya Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1084824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nimitz Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1950776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tyree" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2981966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goodge Col" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rada Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tyree Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gardino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q519736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Shinn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5507730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fukushima Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5561537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gildea Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2054071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parrish Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6177440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vanand Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6178343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vinson Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15664778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hollister Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15664248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hinkley Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7071886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O'Neal Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7530499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sirma Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16845904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Branscomb Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16861919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ramorino Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16874540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wahlstrom Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2262000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seal Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shinn Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5180460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Craddock Massif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6167078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Southwick" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6167467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Strybing" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6372831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karnare Col" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15711818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tulaczyk Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7354109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roché Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16858971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaplin Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q163758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vinson Massif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1540141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gould Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1827502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lippert Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3321789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Craddock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5518558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Galicia Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15648965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corbet Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Liptak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7516780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Silverstein Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q402876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahrnsbrak Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1762635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thompson Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2279735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shoemaker Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3108321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vinson Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4939414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bolgrad Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5950980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hutto Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6119802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jacobsen Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6169970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toros Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Rutford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16840086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gilbert Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bugueño Pinnacle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Epperly Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15715295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zapol Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16958772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clinch Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2159989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robinson Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4884562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beloslav Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5303809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Doyran Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5586159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goreme Col" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6170103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tuck" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6179451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Waldron" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6432440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kornicker Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Landolt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6859216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Miller Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7578552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Splettstoesser Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q895437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bowie Crevasse Field" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6802598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McPherson Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3108315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thomas Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11775899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manole Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6558841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lishness Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7313304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rennell Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7406257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saltzman Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16828361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bruguière Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Milton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1634175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huggler Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1662368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Inferno Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1950778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Virginia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Giles Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12718300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sipey Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5248559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Debren Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5305732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drama Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5506542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fruzhin Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilson Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15220546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guerrero Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6184144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zalmoxis Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15311918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sanchez Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7311829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Remington Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7513617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sikera Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q804996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Balish Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1441405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grimes Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4810636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aster Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5039179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carey Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6167320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stolnik Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6268424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johnson Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rogers Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6374531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kasilag Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6433552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kostinbrod Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Havener" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Osborne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7690133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taylor Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Progled Saddle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7921202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veregava Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q863786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bingham Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q945820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rullman Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6673045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Long Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Benson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4950893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bowers Corner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5515270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gabare Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6743924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malkoch Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6984566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nebeska Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7179431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petvar Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7250581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prosenik Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16840513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goloe Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mullen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8022105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Willis Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3108286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crosswell Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12714471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elfring Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5283844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Divdyadovo Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5462299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flowers Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6781837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marze Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6843499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Midzhur Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mohl" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7206733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Podgore Saddle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7912522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valoga Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4842098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bagra Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6448069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kushla Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bearskin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Inderbitzen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7299502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Razboyna Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7379440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rumyana Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8072453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zinsmeister Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q491619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anderson Massif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orheim Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4891881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berisad Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5912853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hough Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15263262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Obelya Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15311919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Della Pia Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7102910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orizari Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7135483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parangalitsa Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7380664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruset Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16825523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arsela Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7984116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wessbecher Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16861352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peristera Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12715181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gubesh Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15226519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hudman Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15311920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sowers Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16826804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Batil Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16867707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stikal Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16873960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Versinikia Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moyher Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97273143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Minaret Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q922162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Minnesota Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1531487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gliozzi Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1702476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johnson Neck" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1778845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sentinel Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5073301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chapman Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6488842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lardeya Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6731185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maglenik Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Malone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7368504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rosen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Jumper" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11680159" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11680159" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1234142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Redpath Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1661069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Independence Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gozur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5651036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hansen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6183190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Young Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15703132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gromshin Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15703131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vicha Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6859082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Miller Bluffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6874425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mirovyane Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4861544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barnes Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7259603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pulpudeva Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7293586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ranuli Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16864391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sabazios Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7623889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strinava Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5273664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dickey Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8535740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Farrell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1251231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dott Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4900314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bezden Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4953649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bracken Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q985157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Courtney Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5370179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embree Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6169810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tegge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15703129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Branishte Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6925735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mountainview Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7017648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Newcomer Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7101624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oreshak Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16838911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foros Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16860717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Padala Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16867189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sostra Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q572199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Three Sails" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2262289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seaquist Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lanning" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3108293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ellen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21484409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "CAI, Cima" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5986066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ichera Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6184782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zimornitsa Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15221325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patleyna Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6268232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johnson Col" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7148635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patton Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robinson Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8073088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zmeevo Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7352039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roberts Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1252422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Douglas Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1547494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gross Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4784240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arapya Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4855150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bangey Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6431223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kopsis Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6906976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monyak Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16844105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hleven" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1950720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Shattuck" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2582596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilson Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3108288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dater Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6167537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sullivan Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5091710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chepino Saddle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5308455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dropla Gap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Besch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McKeown" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mogensen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16760610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anchialus Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16827818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bohot Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16836220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Duridanov Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16856651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nikola Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16874366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vit Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16947028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Schmid" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16950301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malasar Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1390683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patriot Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2058151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patriot Hills Camp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2099699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plummer Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11775900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Panicheri Gap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mamarchev Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5506917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fucha Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17044213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Levack" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q198865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ziegler Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1670966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thompson Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5580452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golemani Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6178974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Voysil Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15703130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yamen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16860343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ostrusha Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schmidt Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pojarkova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25098839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teniente Arturo Parodi Alister Base" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16950695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marsa Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19754242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arturo Parodi Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ioannis Pauli II" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q163444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barrett Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2607998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smyley Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104183176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corr Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1625163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holt Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2646889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Allison Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6170259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tuve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Benkert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Glowa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7071917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O'Neill Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7548289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Snow Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Harry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7521233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sims Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Thornton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Peterson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q815478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belgian Antarctic Expedition" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2648088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wirth Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15218898" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q15218898" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4727097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alison Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5455524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "FitzGerald Bluffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6773723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marshall Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Southern" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q279697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hercules Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eltanin Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5046584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carroll Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1475281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fusco Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carroll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104183105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "King Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mills Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trathan Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5385412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Erehwon Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5415924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Evans Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5610562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grossenbacher Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5636470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haag Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6394732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kershaw Ice Rumples" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5048312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Case Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7412630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Henkle Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7598829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stange Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1110548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siple Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1134547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ellsworth Land" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nikitin Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hall Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3751798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zumberge Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13716367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holtet Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4891397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berg Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5445356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ferrigno Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5906883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Horton Ledge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15242327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lidke Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q813357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beaudoin Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2553268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weaver Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104183025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hindmarsh Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2739622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stange Sound" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samojlova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4980030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bryan Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5476747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fox Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6039112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Institute Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6078705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isakson Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Combs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McCann" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7600250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stanton Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1531212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Le Gentil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1926330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meyer Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6382126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kealey Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6709647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lyon Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34201681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robin Subglacial Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Rex" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talutis Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5398838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Espenschied Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5476419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fowler Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5762132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hill Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7382773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rutford Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schwartz Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q183455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bellingshausen Sea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Constellation Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fladerer Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rydberg Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bungenstockrücken" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5042910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carlson Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5111724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Christoph Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5212967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Damschroder Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5458794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fletcher Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5464877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foltz Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6432201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Korff Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7538067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skytrain Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7795871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thomson Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scorseby Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34592010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Marchesi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63283166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lednik Bogdashevskogo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fowler Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91123797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ferrigno Rift" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104185730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dudeney Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5522608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gardner Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5610596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grossman Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6154784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Janke Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Caywood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Suggs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7065002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Novocin Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7426777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thomson Summit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4876249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bean Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15050531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antártica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13717291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yee Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5089284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cheeks Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Boyles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Trimpi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7431855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schmutzler Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7994058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whistler Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Happy Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Zumberge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21479403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Edward, Mount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Long Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13716596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Metzgar Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5726418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Henry Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riley Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6697695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luck Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Becker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Brice" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mende" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7494021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shelton Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7586526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Srite Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7412758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Horne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ballard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104177018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pinnock Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Matheson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13717236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weather Guesser Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4860958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barker Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4880987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Behrendt Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5190275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crutcher Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5243851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "DeAtley Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5458808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fletcher Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6820084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Merrick Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Boyer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hirman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7545247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smith Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7792594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thomas Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Goodman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8073465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zohn Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1470057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spaatz Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O. Kocebu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cherakina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hinde Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5042913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carlson Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5331366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eaton Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6314902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jurassic Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Abrams" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Vang" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wasilewski" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7083090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olander Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7595682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Staack Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7939768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Voight Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Huffman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q626914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sky Blu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Proudfoot Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13717286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whitmill Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5297350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Doppler Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5528859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gaylord Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5904299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Horner Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7325199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Berger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6911792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morgan Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Chandler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13716414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "House Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5682299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hauberg Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7272036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quilty Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chilean Antarctic Territory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q69856679" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q69856679" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5446837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiebelman Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hassage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7423793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Neuner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7814373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tollefson Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7840196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Triassic Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8028550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Witte Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buckley Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13716651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neff Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25101103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drewry Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ronne Entrance" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Byrd" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monteverdi Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4738570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alyabiev Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4795359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arnoldy Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lanzerotti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7224459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Strauss" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7235283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Potter Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7655087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sweeney Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Cahill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7413780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Jenkins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1292073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Latady Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perce Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2681274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shostakovich Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104175685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rodger Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3751806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "English Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Harris Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6098776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ives Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6414346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kinter Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Schumann" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brahms Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Verdi Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Couperin Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469533" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22469533" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2333179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Radigan Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skrjabina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24573506" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24573506" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5597391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Graser Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5949285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hushen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6943153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mussorgsky Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7219848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Borodin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7537139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sky-Hi Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stravinsky Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berlioz Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liadov Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glazunov Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Attenborough Strait" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Howard Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4891830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bering Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mazza Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dykeman Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Derocher Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bennett Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7082798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Okyo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rachmaninoff Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105586340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ducklow Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22619544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Williams Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4838682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bach Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4998596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Burgess Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5168613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Copland Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34202816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sky Blu Runway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34203251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Britten Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Britten Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1063104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Charcot Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1086916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilkins Sound" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rossini Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Grieg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5089440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cheesman Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5104832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chopin Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5766944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hinely Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Monique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tchaikovsky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34233613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brahms Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weber Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rameau Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Westbrook" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beethoven Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pesce Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5350503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eklund Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Carrara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Martine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7317558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reuning Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kosar Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Mawson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11756287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gluck Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21055335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Memorials to Giuseppe Verdi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nordsim Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34233597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rameau Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Varlamov Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rils Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13716591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marion Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cantrill Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34203259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Verdi Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104178094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Fothergill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mendelssohn Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2885664" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2885664" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4811176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Astraea Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5560927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gilbert Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6775747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Martin Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Umbriel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7190820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pickering Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7224152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ravel Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7458037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sevier Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7781280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Themis Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7921183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vere Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11844852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Milky Way" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q200223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alexander Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4817187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atoll Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5248653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Debussy Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5312403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Duffy Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5375327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enceladus Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5420279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Exile Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5563943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Giovanni Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5647369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Handel Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5884393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holoviak Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McArthur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7049546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nonplus Crag" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7224170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scarlatti Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7224451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stellar Crests" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Phoebe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Obelisk" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5222646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dargomyzhsky glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5279319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dione Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5609152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grikurov Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5638584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hageman Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5744302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Herschel Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14934312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilkins Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5943724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huns Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5958165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hyperion Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5346097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Edwards Gap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7074798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oberon Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boccherini Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lovell Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4849878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Balakirev Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5064200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ceres Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5562184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gilliamsen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Liszt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7224155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Richter Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7224447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Staccato Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7224467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Titania Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crotchet Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4810563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Astarte Horn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5378923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enigma Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6314219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Juno Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6819107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Merger Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7178795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petrie Ice Rises" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7269608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quaver Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7426060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satellite Snowfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fauré Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schubert Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Balakirev Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4683745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Admirals Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4789033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arensky Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5484433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Franck Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4868815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bates Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6506377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "LeMay Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Snell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24993544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Landy Ice Rises" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7127554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palindrome Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7201107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Planet Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7209189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polarstar Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7610995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stephenson Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7706126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tethys Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7966766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walton Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3107114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rothschild Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pallas Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bivouac Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5032425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caninus Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5317832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dvořák Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5527270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gateway Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5884436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holst Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5983405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iapetus Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lassell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6927896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mozart Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kirwan Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eroica Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atanasov Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4803310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Asafiev Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13659495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hesperus Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15242294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lewis Snowfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6436985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Krieger Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6862001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mimas Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7320292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rhea Corner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7431007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schaus Ice Rises" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bulahova ostrova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13659937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Selene Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4849928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Balan Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4876091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beagle Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5254039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Delius Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5264560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Desko Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5298905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dorsey Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6217227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johansen Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6484438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Landers Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6802299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McManus Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6873801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mirny Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7224175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Simon Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schenck Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7455095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Serpent Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7959610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wagner Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7224162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saint George Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lazarev Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4917756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bishop Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5438128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faulkner Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5468644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foreman Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6913544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morrill Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Braun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Kliment Ohridski" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7553677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sofia University Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8039029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wubbold Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5529819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Geelan Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Pinafore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7127445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palestrina Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7369762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rosselin Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7881246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Umber Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Vostok" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siegfried Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Holt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Morley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5475838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fournier Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5638345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haffner Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5998139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iliev Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7114030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Overton Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4865810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bartók Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5176184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coulter Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109974280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aleksandrov Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6965741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Narechen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34197098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hopkins Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7937292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vittoria Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8059436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yozola Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56291456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thompson Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moriseni Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pripor Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Galerius Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12715362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Havre Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4780820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Appalachia Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14565742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nichols Snowfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6494080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lassus Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6660530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lizard Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7224463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sutton Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7426842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thuma Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7491186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shaw Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7618687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stoltz Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kolokita Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oselna Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piyanets Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tegra Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goleminov Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nicolai Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Slab Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5278731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dint Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5590001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goward Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6522819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lennon Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wilbye" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kandidiana Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lyubimets Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zavoy Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poste Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12715104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glinka Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Balkanska" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "St. Theodosius Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tipits Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kamhi Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kutev Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manolov Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Satovcha Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buneva Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Herbst Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pipkov Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107028248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hole Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Balgari Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Breze Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lesnovo Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Galabov Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kozhuh Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gazey Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Devol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nebush Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rachenitsa Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vola Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5038852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Care Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5141945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colbert Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5447688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Figaro Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5646202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hampton Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6734199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mahler Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Athelstan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Egbert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hahn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Spivey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Stephenson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5301915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Douglas Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7258182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puccini Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7382050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Russian Gap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7851543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tufts Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Newman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7224006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Nicholas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7224167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Sanderson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7803003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tilt Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7220636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Cupola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5412038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Europa Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5533975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Geode Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6481889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lamina Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6529412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Les Dents" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7260918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Purcell Snowfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7838224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trench Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8068289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zebra Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount King" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104177142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fiennes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Alfred" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frachat Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21487006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golden Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5518627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Galileo Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5552451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gerontius Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7220663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ethelred" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8027919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Witches Cauldron" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Huckle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7158361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pearson Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7959513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wager Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Block Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corsario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4941919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bongrain Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5170258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corelli Horn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5359969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elgar Uplands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7155390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paulus Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7220670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ethelwulf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7272081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quinault Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7506973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sibelius Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7636410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sullivan Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7834400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Transition Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7445271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sedgwick Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5276578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dikstra Buttresses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5450497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Finlandia Foothills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5686453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haydn Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5904454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hornpipe Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15097941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prague Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15210841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clarsach Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bayonne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7223730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lully Foothills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15097942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Senouque Spurs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6845567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mikado Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Edred" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7302586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Recluse Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7994023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whistle Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talaskara Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4952552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boyn Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4999507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Burn Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5370470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Emerald Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5403251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ethelbert Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5521429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gannon Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6423106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Knott Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7852547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tumble Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7937529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vivaldi Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paroriya Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5403241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ethelbald Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7370759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rouen Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7547730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Snick Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7964966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walter Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Pontida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walton Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hadzhiev Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skaidava Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65046514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pimpirev Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q90967713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dragon Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaskidovich Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stryama Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Igralishte Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mozgovitsa Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56292118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dimitrova Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1627109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Degree Angular Scale Interferometer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5127362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clark Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5263413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "DesRoches Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5913041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Houk Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4924475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blake Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6724497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mackin Table" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6772757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marr Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Woods" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6962467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nance Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7790693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thomas Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7201317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plankington Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5411181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eureka Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1100932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Jeremy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7547049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Snake Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12717768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Powder Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4789028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arenite Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dumais" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Paris" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wanous" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6776351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Martin Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6412000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "King Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470510" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21470510" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1513315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "South Pole Telescope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22496706" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22496706" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628019" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22628019" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nicolás" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shurley Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jaraquemada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Weininger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tilley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7959615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wagner Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7995122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "White Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2333194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Brown" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2819041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arcminute Cosmology Bolometer Array Receiver" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Terminal Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luis Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sugden Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Turner Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4958993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazitis Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5244193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "DeWitt Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1558610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pierce Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6909199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moran Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lowry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6968394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Natani Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7148777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patuxent Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7234142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Postel Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7620616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stout Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1569514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "IceCube Neutrino Observatory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Damocles Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bonert, Islote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bentley Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clapperton Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4896507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bessinger Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4975039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brooks Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15243091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lulow Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Calais" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7160203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peel Cirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7571924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sowle Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tyrrell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3375121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "QUaD" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4922700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blackburn Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6442162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kuhn Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6504419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lawrence Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Campleman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Whillans" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schokalsky Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4771004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antarctic Submillimeter Telescope and Remote Observatory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13659482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hengist Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61673754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5905324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Horsa Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Suydam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7087721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oliver Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7158789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pecora Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7811381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toadstool Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7830617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toynbee Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bruns" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tolchin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6520563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lekander Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Murch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7289254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rambo Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7352022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roberts Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7636421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sullivan Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Yarbrough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Warnke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hankey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15265709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patuxent Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Argentina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104177947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Cox" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55096273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farmakida Cove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q731757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Möller Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5445298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ferrell Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5518284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gale Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5762218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hill Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4849201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baker Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5365715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elliott Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6722055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "MacNamara Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6727172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Madey Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Feldkotter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hobbs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7147349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patrick Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5928822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hudson Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Cross" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bragg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5353784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elbow Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6275311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jones Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7978753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weber Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5337678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Edge Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15695741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wall Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6995688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neptune Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7341061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robbins Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470617" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21470617" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dark" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petrova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morozova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Harper" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12717672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pepper Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3108266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Academy Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quijada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4889743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bennett Spires" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roerich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Storey Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6414251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kinsella Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Coulter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ege" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gorecki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Kaschak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7194192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pillow Knob" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7978671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Webb Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7986299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "West Prongs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7999153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wiens Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8038331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wrigley Bluffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nazarova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pestrocvetnyj" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Severgina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Juriga Birgera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maconnachie Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5474347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foundation Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5701045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heiser Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7694494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teeny Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8021038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Williams Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vorob'ëva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vladimira Belova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makara Mazaja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4522752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Edith Ronne Land" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4894673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berquist Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5098613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Childs Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5723589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Henry Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Cowart" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Stroschein" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7442297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seay Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5366722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elmers Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7356688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roderick Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q209976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Filchner-Ronne Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aleksandra Busygina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dimmo Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wake Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bykova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5309399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drury Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5449425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Final Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5519595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gambacorta Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15214276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Doake Ice Rumples" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6859269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Miller Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hawkes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Nervo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7431807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schmidt Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34202258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rose Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Semevskogo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Astro Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Levitana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dover" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4754092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anderson Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4861535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barnes Icefalls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6803467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meads Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6989685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neith Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7185924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Phillips Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7445847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seely Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petra Krivonosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stekljannaja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15219423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Camp Neptune" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15220617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iroquois Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Akademika Graftio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Konstantina Simonova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33481546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ronne Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4754138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anderson Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5042904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carlson Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6791488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matthews Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8540087" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q8540087" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7455072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Serpan Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7980648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Welcome Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Moffat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4976244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brown Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6911810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morgan Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7962303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walker Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5765778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hinckley Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7296267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rautio Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7574367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spear Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7574364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spear Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7877420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ueda Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6117314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jackson Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Torbert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5375385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enchanted Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Celishcheva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4976221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brown Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5648929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hannah Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5765414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Himmelberg Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14915600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jaeger Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6121709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jaeger Table" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6537067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lewis Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6806106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Median Snowfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5454831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fisher Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7755331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Organ Pipes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7833474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tranquillity Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4732200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alley Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5170010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordiner Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5581181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gomez Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5017671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cairn Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dewe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7337005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivas Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7573512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spanley Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6990684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nelson Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104176766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulvaney Promontory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Brundage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Origone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dasinger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gillies Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5506174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frost Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6385742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kelley Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McKibben" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7001446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neuburg Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7263732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pyroxenite Promontory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16901572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thiel Trough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8002520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilkins Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Samutina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Terwileger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bujnickogo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4820357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aughenbaugh Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5134228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clinton Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5312305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dufek Massif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5648943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hannah Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5950612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hutchins Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6680411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loren Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6800261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McCaw Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7178255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peterson Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7290208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ramsey Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7825486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torbert Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polynova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12718760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sumrall Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4881413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beiszer Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5183398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Creaney Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5201482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Czamanske Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5377995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "England Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5679240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haskill Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2913098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pensacola Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21479498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dubovskogo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21479505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Druzhnaja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "John Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6110323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jaburg Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6358224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kaminski Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6495053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Latady Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Leek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6978420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orville Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7070559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nutt Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7297904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ray Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7369803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rosser Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7421027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sapp Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7971852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Washington Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8034229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Worcester Summit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guest Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hagerty Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Konovalovoj" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Joerg Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ostryj" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hunter, Mount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q72695182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pik Konovalovoj" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gardner Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5181786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crain Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5370515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scaife Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5444247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ferguson Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6268639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johnston Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Owen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Aaron" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6802108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McLaughlin Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Kane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Macnowski" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7983457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Werner Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Austin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6485607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lang Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Crowell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Laudon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7828318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toth Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21470737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toledo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chubut" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Telmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Cox" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kelsey Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Adams" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5276940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dillon Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trenque Lauquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Robertson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7294525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rare Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7426527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Sumner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Schlossbach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casey Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prehn Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Evstifeeva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5615144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guettard Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brown Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15623137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strange Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Nash" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7428288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Watson Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7431831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schmitt Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7432120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schoofs Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Rath" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7963835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walsh Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McElroy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dodson Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bowman Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5168759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Copper Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5639419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haines Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Heer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7337477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Coman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7412479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gunn Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7420029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mull" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7428254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Savin Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7990135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wetmore Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13716493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jensen Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6386489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kelsey Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tenney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7203319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playfair Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q279855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hansen Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6268670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johnston Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6395349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ketchum Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6481504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lamboley Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hyatt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7338053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivera Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7582315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Squires Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Squires Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patricios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Joughin Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5518795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Galkin Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5951081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hutton Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15228824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Irvine Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lampert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Poster" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Terrazas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7325067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Barkow" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Costa Caupolicán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Little" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104177096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Turner Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smith Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4860007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barcus Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104186351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "King Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4980120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bryan Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5003131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buttress Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5443617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fenton Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6894254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mohn Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Light" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5876191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hodgson Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Broome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Howkins Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2094654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piggott Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2983466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lassiter Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5517927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Galan Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hemmingsen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Pawson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7427952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tricorn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6995667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neptune Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7758869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Quadrangle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470813" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21470813" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "High" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Simpson Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kemp Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Albornoz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5301519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Douglas Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5435657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farman Highland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5583352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goodenough Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6773125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mars Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6915381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mosby Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Grimminger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Virdin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7223980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Miranda Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7224472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Two Step Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7426788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saturn Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7444034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Secret Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Cummings" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mossman Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wright Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4787718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arctowski Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5178262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Court Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5642572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hall Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7186620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Phobos Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7663526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Syrtis Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "New Bedford Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Kidson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104185596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ladkin Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Martín Fierro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Light" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4789075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ares Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5214795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dana Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meinardus Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gorham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7246918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Probe Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7323155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Adkins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7653611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Swann Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7975480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waverly Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Keller Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2333112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Triton Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alderete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lamb Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5137760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coal Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5171603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corner Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6176374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jeffries Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6764365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mariner Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6967962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Natal Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7809767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Titan Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1985600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utopia Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4680384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Adams Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5032823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cannonball Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7859251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Two Step Moraine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7929485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Viking Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nantucket Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Fiske" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2333163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Brooks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2333218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Wheeler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5122375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Citadel Bastion" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5252443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Deimos Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7079653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Offset Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7124396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pagoda Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7325060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Axworthy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7981668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wells Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104551128" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q104551128" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steeple Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4924808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blanchard Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5022800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Callisto Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5110706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Christie Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5879526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holden Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6398458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Keystone Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Alpheratz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5905377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Horse Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7263968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pyxis Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Unicorn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7458184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seward Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3756074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rymill Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5158630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Conchie Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5457921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flatiron Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5548008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Georgian Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5621723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gutenko Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6402855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Khufu Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6802105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McLaughlin Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6818618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mercury Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ariel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bagshawe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7160579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pegasus Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7205681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pluto Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7337373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Cadbury" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7920592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Venus Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8028535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Witt Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7052272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Norman Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Three Sisters" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bell Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2831049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "George VI Sound" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lysithea Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4854722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bandstone Block" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4869724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Batterbee Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4927317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blodwen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5001482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bushell Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5905116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Horrocks Block" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15238106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Khufu Corrie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6314613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jupiter Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5359355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elephant Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hubert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7375870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rubble Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7384910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ryder Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7423784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ness" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7573903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spartan Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7658463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Swine Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7795904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thomson Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7960432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waitabit Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1412986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fossil Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hobbs Pool" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4687886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aeolus Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4891531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bergen Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5516294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gadarene Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15240711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kuiper Scarp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Crooker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7372224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rowley Corridor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ward" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trio Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moutonnée Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5033423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canopus Crags" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6799980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McArthur Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7899762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uranus Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7923375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vesta Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bailey Window" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flatiron Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4793942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Armstrong Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4863419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barrett Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5309314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drune Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26878046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fossil Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7157977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pearce Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7623563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Striation Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7818675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tombaugh Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1388612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "George VI Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gurney Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5002636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Butler Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5395346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eros Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5464912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fomalhaut Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5904229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Horne Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7249702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Promenade Screes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7413786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Journal Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7415509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Markab" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steeple Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4882168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belemnite Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5565908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Giza Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15242586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Succession Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6703653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lunar Crag" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24440151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ananke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7415997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sandau Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7427934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tindley Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7430229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scarab Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7437430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scott Uplands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7918764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vela Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haumea Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3935575" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3935575" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moore Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4668053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ablation Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5503700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Friedmann Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6810065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meiklejohn Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mumford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7334202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riley Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Allan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belemnite Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4788876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arena Corner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4822376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Auriga Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5000057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Burns Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5184689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Creswick Gap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5610804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grotto Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Flower" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Jukkola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7260732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puppis Pikes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7337740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Courtauld" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Rigel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7291597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Randall Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Noel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calf Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carse Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4668055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ablation Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5073282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chapman Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5577205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goettel Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wade Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15097916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leda Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15177960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ablation Valley and Ganymede Heights, Alexander Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moore Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7087622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oliver Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7295602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rathbone Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7415385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lepus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7530533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sirocco Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7535510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skinner Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8069310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zephyr Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8073876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zonda Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thebe Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4713490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aldebaran Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carbajal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5028134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campbell Ridges" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5521550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ganymede Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6801586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McHugo Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7156248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pawley Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scorpio Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8038260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wright Spires" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1551170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palmer Land" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Himalia Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Io Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carina Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13717036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sirius Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5365666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elliott Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5765035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Himalia Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6827829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mica Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7321748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rhyolite Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7970288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Warren Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8003711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Willey Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chinook Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4895774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bertram Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4944797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boreas Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5073294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chapman Hump" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5184691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Creswick Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5511700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Föhn Bastion" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6748140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mandolin Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Pitman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6926399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moutonnee Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6958123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naess Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7102785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orion Massif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7339659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dixey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7689897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taylor Buttresses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7836163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Traverse Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ablation Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whitney Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22341436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marin Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5065713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cetus Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5621748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guthridge Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6859442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Millett Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7042272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niznik Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7339670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Eissinger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7702869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Terminus Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zonda Towers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5395495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Erratic Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7313312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Renner Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7339693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Eubanks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ablation Col" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15260104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moutonnee Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amalthea Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ganymede" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eris Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4713468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aldea Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5042906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carlson Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5522101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Garcie Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5638492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hag Pike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5219478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Daniels Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6428363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gilbert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6428498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Guernsey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6429706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Leo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6493199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lasher Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6797062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mayer Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5709199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Helm Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7124226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Page Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7250738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prospect Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7258870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puffball Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7271382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Query Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q141580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mikkelsen Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2688904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bugge Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4973034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brodie Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4999072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Burkitt Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5458579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fleming Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5576565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Godfrey Upland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6400010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Khamsin Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6473959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laine Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5459416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flinders Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Castro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7520533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Simoom Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1100919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Berteaux" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ojo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Litten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21479495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Duda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3133779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kinnear Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4752672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anchor Crag" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4968727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bristly Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5184422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crescent Scarp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5288362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Doggo Defile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6550333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Linchpin Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6578267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sickle Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25204229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Balfour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6821905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Messent Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Charity" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6964914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Napier Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7319650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reynolds Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7428323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Webb Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6941308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mushroom Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13697362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Downs Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4873436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baudin Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4880655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Behaim Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5035261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Capella Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34233969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "West Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5127483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clarke Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5263752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Deschanel Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5470623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Forster Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6386643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kelvin Crests" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6428514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gunter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6819310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meridian Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6859163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Miller Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6880437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mistral Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7577521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spindrift Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elton Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rasmussen Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5160227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Confluence Cone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6427840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Edgell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6484974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Landrum Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6578435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Timosthenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7310893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Relay Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7448616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seller Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7688929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taurus Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5141725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coker Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5318567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dyer Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5447169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fielding Col" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6430736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Norman Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6578506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Triune Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7129417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampero Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7170140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perseus Crags" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7312831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rendezvous Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8034395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wordie Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Keyhole Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4967269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Briggs Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4968203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brindle Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4985948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buffer Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5032432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canis Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5657654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hariot Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7247569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Procyon Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7370729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rotz Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ramírez Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4699083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Airy Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13691276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Braddock Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7959070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wade Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22702592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wordie Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55198481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Napier Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q185605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antarctic Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Violante Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1616285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Jackson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104182898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bone Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104187886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heywood Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4961265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brennecke Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104188933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Watkins Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5402781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eternity Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5506560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fry Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6385850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kellogg Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6420990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Klinck Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6745012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malva Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5241957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Davis Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Reynolds" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7259430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pullen Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104182620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hindley Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4780306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apollo Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6793967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maury Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Marquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7428187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waitt Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8023149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilson Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mason Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dana Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Blunt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4779729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aphrodite Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5039215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carey Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5136013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clowes Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5310082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Du Toit Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5585614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gordon Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hess Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5871772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hitchcock Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6428985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hjort Massif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6431138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peregrinus Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7653921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Swarsen Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7979669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wegener Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7428196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Walcott Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agneta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4952457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boyer Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5251080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Defant Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5609271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grimley Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5698174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heezen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5700504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heintz Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6433236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kosky Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6646545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liston Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6943147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Musson Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schneider Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schirmacher Massif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Whiting" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7980553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Welch Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heirtzler Highland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5005153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Böhnecke Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5241736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Davies Top" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15256222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morgan Upland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6430322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount McAllister" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Acton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7379728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Runcorn Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7423801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Nordhill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Herdman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5349978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eisner Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5464083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fogg Highland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15223503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heirtzler Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6578297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Solus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Geier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7114595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Owen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7428028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Van Buren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7637974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sumner Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Merz Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4877558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beaumont Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5558215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Giannini Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6356831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kamenev Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6668654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lokey Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wever" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7557574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solem Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7639992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sunfix Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7961058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wakefield Highland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7990317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weyerhaeuser Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hilton Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13716784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Simpson Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5275212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dietz Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5326961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Earnshaw Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5741383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hermes Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7061656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Norwood Scarp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7158724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peck Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7420095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neshyba Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steel Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7577137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spiess Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7652194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sverdrup Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13716345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holmes Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104187737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bremner Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104188687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thomas Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5149774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Columbia Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5916557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Houston Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5002630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Butler Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tenniel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Thompson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6944266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muus Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stockton Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7624408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strømme Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7330329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Richardson Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5642622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hall Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Imshaug Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Curl" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5641538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haley Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5051059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cat Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zanni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6436559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Krebs Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7071968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O'Sullivan Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Old Mans Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Losardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5527448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gatlin Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6441270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kubitza Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6911376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morency Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Samsel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7372239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rowley Massif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7460097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shabica Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Strong" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6773737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marshall Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schott Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7605798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steele Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Bryant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palmer Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foster Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4666739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abendroth Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Almonacid" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4860215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bardsdell Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4763346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angle Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5127269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clark Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6850287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mikus Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Brocoum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Showers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7319631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reynolds Bench" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7698148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temnikow Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q279840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Odom Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Knowles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Fanning" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Healy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5211812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dalziel Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5353419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eland Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5620150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gurling Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7196521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pinther Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Howard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Darlington" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kvinge Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3751815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Black Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5611961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gruening Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wust Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lamplugh Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Musselman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cadle Monolith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Christmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Hattersley-Smith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape MacDonald" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5133717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cline Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5613969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guard Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Schimansky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Vennum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6939605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murrish Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7139187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parmelee Massif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7178107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peters Bastion" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7339718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Duemler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7524107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Singleton Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flagon Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Snyder Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2681282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Condor Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4956553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brand Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5517212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gain Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15234558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kauffman Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6385731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kelley Massif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6989608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neilson Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7293257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rankin Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7564012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Soto Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eusebione" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q762233" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q762233" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Rymill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Boggs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3751802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilkins Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4753084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anckorn Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lewis Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5048511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casey Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5170015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordini Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5243867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "DeBusk Scarp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5564058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gipps Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6519966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leininger Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Argus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7339694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Faith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7927523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Victory Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Martin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dawson Head" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moe Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Mackintosh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4806037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ashton Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5419047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ewing Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5024676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calypso Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15226592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hughes Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6506348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "LeFeuvre Scarp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6704887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lurabee Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6796602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "May Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Stephens" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Bailey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Sullivan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1193277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Queen Elizabeth Land" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Collier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Keeler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2815312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stefansson Strait" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4967109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Briesemeister Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5187753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cronus Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5353930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Elder Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5389739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Erlanger Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5450573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Finley Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huneeus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7545183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smith Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Miller Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3105373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hearst Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amoroso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4813411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Athene Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35628788" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q35628788" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5319302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dyrdal Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spitteler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1100550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crabeater Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Heras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luisoni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gerasimova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4772600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anthony Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5449318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fin Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7233003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poseidon Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7320601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rhino Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8050210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yates Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Deacon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goubat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goubat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4914199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bingham Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5187927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Croom Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5289265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dolleman Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6140439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "James Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15213568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Delisle Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7129644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pan Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7710810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tharp Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casey Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2331591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Reichelderfer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Hinks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Sharbonneau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2680479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eielson Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4894812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berry Massif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5593264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Graham Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5877341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hogmanay Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15226630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huie Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6731627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magnetite Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6787287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mathis Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7425775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scripps Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lehrke Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2332492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Walcott" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4890259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Benson Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5132947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clifford Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5377474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Engel Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5609893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grob Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15198644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bertius Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6786966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matheson Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blount Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55194124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ronne Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McCarthy Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3635560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belgrano III Base" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5069644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chambers Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5137777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coal Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5189043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crouse Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5467817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ford Ice Piedmont" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7563816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sosa Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Mann" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5337655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Edge Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5469854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Forlidas Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5515303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gabbro Crest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sadi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6483533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lance Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Ferrara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7293282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rankine Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7644571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Support Force Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sokolina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sanavirón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Watts Summit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jakova Koblenca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marks Summit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12716988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hummer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22969603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Davis Valley and Forlidas Pond, Dufek Massif, Pensacola Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5564856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Giró Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6558908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lisignoli Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hook" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7178408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petite Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7259060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pujato Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7365237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ronald Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7494964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sheriff Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7928871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vigen Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gould Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q741243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berkner Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ezeiza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rusina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12318059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Herring Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pavlovskogo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angels Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Emperor Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gray Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajdukova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5002644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Butler Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5027606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Camp Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5492204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Franko Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15252506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McCauley Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6391735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kent Gap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6491867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Larson Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7563598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sorna Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8039118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wujek Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q278501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spilhaus Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5713220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Henderson Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4889750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bennett Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4999465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Burmester Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5241982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Davis Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7383417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruthven Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7404971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sallee Snowfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7795657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thompo Icefall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7907868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaca Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reinwarthhöhe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cooke Crags" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jakunina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lechner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5469855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Forlidas Pond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5470540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Forrestal Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7431893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schneider Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25379999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saratoga Table" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7630508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Suarez Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26821267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abele Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beljakova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Thyssenhöhe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Instituto Antártico Argentino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4789285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5179899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cox Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5712392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hemmen Ice Rise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7352023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roberts Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7414859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Martín Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7535071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skidmore Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7914834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vanguard Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Zirzow" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4674249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ackerman Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4952327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boyd Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5131536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clemons Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5447277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fierle Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5876036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hodge Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6395221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kester Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6417326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kistler Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6434817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kovacs Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Malville" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7132003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Panzarini Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7241576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Preslik Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7336624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ritala Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pergamino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25380001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lexington Table" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kazarina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q62966777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lednik Bazheevoj" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q165783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "British Antarctic Territory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q897210" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q897210" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1132925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belgrano I Base" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1591719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haworth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1471494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3635566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sobral Base" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7335077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rinner Trough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7856093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Turnpike Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7979166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wedge Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q173343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weddell Sea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q931789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luitpold Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q951023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabeus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1071158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazilian Antarctica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Lowe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4892198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berkner Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q828411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bertrab Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470554" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21470554" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Fe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Entre Ríos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ushuaia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buenos Aires" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Fernando" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19886444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Refugio Salta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22490852" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22490852" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Rafael" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703201" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22703201" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quinteros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rufino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Rogers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aramayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abenante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15220207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shackleton Base" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hurley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Spann" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7090005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Omega Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28940257" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28940257" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7828683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Touchdown Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7932286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vinci Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mendoza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21211221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ecaz Labyrinthus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iberá" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4789089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Areta Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saravia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5366162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ellsworth Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5594434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grand Chasms" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lermontova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7109387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Otter Highlands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18394749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weddell Polynya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23728695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chapel of Our Lady of the Snows" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1379936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moltke Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2357907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belgrano II Base" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belosnezhka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pjatimetrovyj" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sergienko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Conscripto Cerisola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kulibina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2604708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parry Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15243358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "MacQuarrie Edge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6922793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Pivot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7162342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Penck Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1145907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of December 4, 2021" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Otdalënnyj" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Izmajlova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4787453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arcondo Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55153197" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55153197" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55163228" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55163228" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Homard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bocharova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7567522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "South Ice" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vahsel Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q646243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentine Antarctica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1865895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Littlewood Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55192864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antarctic Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3635542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Druzhnaya-1" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4923507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blackwall Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Haslop" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7061964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nostoc Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8039737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wyeth Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1820243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lerchenfeld Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2255859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schweitzer Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11762348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Filchner Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3119888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Operación 90" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q71520095" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q71520095" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zub'ja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4882667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belgrano Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5448307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Filchner Trough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5622809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guyatt Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q62749174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Treshchiny Baranova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19463769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antártida Argentina Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mcyri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55192960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uruguay Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55192918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Endurance Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105062958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Filchner Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2913045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Theron Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5530125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Geikie Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5580318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goldsmith Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5585171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gordon Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7271463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quest Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11044432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Slessor Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104212498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Turner Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6176376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jeffries Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Beney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7208363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointer Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7615739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stewart Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7969137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Warden Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470749" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21470749" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Entre Ríos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polonskogo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Gass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8021091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Williams Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flat Top" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104212446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pillinger Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parry Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4848366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bailey Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5681045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hatch Plain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14915597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haskard Highlands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15242351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Recovery Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Weston" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gordienko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7676096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tailend Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7993560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whichaway Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8072854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zittel Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Greenfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104216502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ramp Ice Stream" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saljut-6" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brjusova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gelnhausental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karpenko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karbysheva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lundströmsee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malyj" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5506931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuchs Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6646486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lister Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6772266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marø Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Etchells" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7209229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poldervaart Edge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7839611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trey Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shakirova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Folkertssee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Juzhnye, skaly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4923905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blaiklock Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gavrilova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5130319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clayton Ramparts" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5171981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cornwall Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5188766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crossover Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14196190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mathys Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5567769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6147696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jamieson Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7238787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pratts Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7847429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "True Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8337555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Faraway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12715508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Honnywill Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5002943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Butterfly Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5138030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coalseam Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55164657" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55164657" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55164664" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55164664" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6462903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Grange Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Provender" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7178205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petersen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7574007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spath Crest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7730870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Dragons Back" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skalistaja, gora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kol'cova nunataki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5127633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clarkson Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6536414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lewis Chain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6913739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morris Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7610981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stephenson Bastion" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7622261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stratton Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7999581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wiggans Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solov'ëva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zavrajskogo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Markova, gora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mezhgornyj" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5310080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Du Toit Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5533140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Genghis Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6523386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lenton Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Skidmore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7288437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ram Bow Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12270351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hopalong Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zelënoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ershova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pleshcheeva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tjutcheva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64760388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lednik Derzhavina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104212415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hutchison Icefield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q71685957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lednik Karandina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4924803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blanchard Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5251079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Defant Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6679835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lord Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6803174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meade Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Wegener" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7431325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schimper Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6920426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Dewar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4878554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beche Blade" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4942251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bonney Bowl" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4950807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bowen Cirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5094363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chevreul Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5876807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hofmann Trough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7028931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nicol Crags" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7196858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pioneers Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7919764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Venetz Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ark" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weißenstein" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2913015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Read Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oleschnunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petljakova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sholohova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baltijskij" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pjatnenkova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vindberget" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4848557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baines Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4880934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Behm Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4891435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bergan Castle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4894250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bernhardi Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5398186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eskola Cirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15240802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kuno Cirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6488456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lapworth Cirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Majak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6704161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lundstrom Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6724612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maclaren Monolith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6919237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Absalom" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Sheffield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7975037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Watts Needle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1550766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shackleton Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2913060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Herbert Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stahanova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Vahsel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zametnaja, gora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carterknattane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4709693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Albert Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5084245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Charlesworth Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5086632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Charpentier Pyramid" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5503047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Freshfield Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5580299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Goldschmidt Cirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5881492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hollingworth Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5964614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Högbom Outcrops" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Kelsey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Razdeljajushchaja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anastasa Mikojana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21479468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angelinoj" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lavochkina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4795563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aronson Corner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5458849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flett Crags" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6543332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lichte Trough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6752019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mantell Screes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6937545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murchison Cirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7847603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trueman Terraces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veliko Lacuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bazhova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Voejkova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bol'shakova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4791955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arkell Cirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5883634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holmes Summit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14915625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strachey Stump" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6896399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moller Trough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6935436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mummery Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7033147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niggli Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7290137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ramsay Wedge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7487176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shaler Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7980898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weldon Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shchuseva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Semënova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bubnoffnunatakker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5182302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crary Fan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6388886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kendall Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6711857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "M'Clintock Bastion" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7502600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shotton Snowfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7637088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sumgin Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7658754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Swinnerton Ledge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12270352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jackson Tooth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rileyryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Otter Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skiltvakta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aksakova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Krebsnunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6552619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lindqvist Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7427548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sauria Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7997933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Whymper Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Il'jushina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gallsworthyryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gurevicha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q884892" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q884892" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1146490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of January 26, 1990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1639238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Newton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1435644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kraul Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1515008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stancomb-Wills Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1744396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Klaproth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q827877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hayes Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11986867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lovegrovebreen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4753685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Andenes Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5242630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dawson-Lambton Trough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5709286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Helmert Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19385428" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19385428" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skansen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Basen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dedo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vestfjella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22369084" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22369084" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2081935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aboa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vardeklettane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flisegga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hildringa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baileyranten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Månesigden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pukkelryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22591223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Redonda Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4849350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bakewell Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15252529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McDonald Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28940259" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28940259" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q281660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Emperor Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q827885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lyddan Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1025917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caird Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1571679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Halley Research Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2563413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Vestkapp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plogen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pagodromen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sumnerkammen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stancomb-Wills Glacier Tongue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wildskorvene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flisbrekka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kårefallet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Minnesteinen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4979575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brunt Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7923510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veststraumen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1046830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casatus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2280257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wasa Research Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mursteinane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Worsfoldfjellet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilsonberga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gravsteinen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3654639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nordenskiöld Base" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5316727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Durrance Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5421312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Explora Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7209192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polarstern Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q264857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tottan Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q728390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coats Land" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q994192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brunt Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olanuten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Variable" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ardusberget" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Herculessletta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dagvola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4700073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Akademik Federov Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5242629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dawson-Lambton Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scotia Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nimbusryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Milorgknausane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7209191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polarstern Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3761664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "McDonald Ice Rumples" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skuafjellet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kjakebeinet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5500397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Freeden Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19380992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mannbreen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55192914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Deutschland Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steinkjeften" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vindknattane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cottontoppen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Audunfjellet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Juckeskammen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29015502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brunt Icefalls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utpostane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bowrakammen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fossilryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johnsonhogna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55192925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Koppe Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q47089462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drescher Inlet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104031358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Halley Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lyddan Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1389459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riiser-Larsen Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q156130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seal Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3445731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Svea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11961880" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11961880" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19377098" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19377098" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q601503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sivorgfjella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q942309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heimefront Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bergslienfallet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Refsdahlbrekka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ottosenknatten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sanengenrusta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torsviktoppen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21475941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bratsberghorten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Christensenkollen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Furubotnnabben" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haukelandnuten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haldorsentoppen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lauringrabben" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25428827" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25428827" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5421311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Explora Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15219153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kottas Base Camp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2597620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "XU-fjella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11998008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivenæsnuten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Storsveenfjellet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Imerslundryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lidkvarvet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19381873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morsetbreen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reicheltnevet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strømnæsberget" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strømmebakken" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boyesennuten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gerhardsennuten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hasselknippenova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Krogh-Johanssenberga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Martinsenbrekka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laudalkammen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1785460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kottasberge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rieber-Mohnberget" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rasmussenegga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ustvedthorten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weigelnunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dallknatten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanssonhorna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "KK-dalen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7979670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wegener Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11999681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scharffenbergbotnen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "SL-ryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bieringmulen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bjørnnutane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Engenhovet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Helsetskarvet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jansenryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lütkennupen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25428177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aubertisen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19373758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Haugebreen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berggravrista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sirinuten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Borch-Johnsennuten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wallnerspitze" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vikenegga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brunsvighorten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jensenhovden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lierjuven" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sømmemorenen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skjønsbergskarvet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schivestolen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ryghnuten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steenstruphorten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dahmsalen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arntzenrustene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HL-bandet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gramkroken" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jakobsenknatten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jahntinden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Møgsterbrekka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anschütz-Kämpfe Trough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ice Sphinx Hole" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20787126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maudheimvidda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Okkenhaugrusta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21470532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Norumnuten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ristinghortane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Qvenildnova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paalnibba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Øverlandnosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Høigårdbrekka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kibergdalen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malmrusta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Møyenknatten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q47164723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Borgebotnen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104732837" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q104732837" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104759202" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q104759202" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55194121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riiser-Larsen Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drescher Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q80002349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mathisenskaget" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63067143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wrighthamaren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1747153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Norwegian–British–Swedish Antarctic Expedition" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2279938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Short" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3635545" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3635545" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4926182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bleset Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5456494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fjomet Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7857355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tverreggtelen Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11968615" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11968615" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4882412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belgen Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5081289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Charles Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6449711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kvervelnatten Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6885407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mjøllføykje Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7651683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Svartbandufsa Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7857353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tverregga Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orlova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1815840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ritscher Upland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22656840" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22656840" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sorokina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pynten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bludauberge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Urfjellgavlen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21487036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glovebruna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12223959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isbrynet Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7485759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heksegryta Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7534057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skarvhalsen Saddle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7542475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sløret Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7563298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Søråsen Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q827931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Norvegia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2563769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enden Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104733674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zwillingsfels" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sørfløya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21485813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Geofizikov" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jøkulberget" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5528347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gavlpiggen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15715353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Årmålsryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7070146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nurket Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7900453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Urfjelldokka Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7903694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uven Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26821300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gora Sejsmologov" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3427382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kirwan Escarpment" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schulzhöhen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ladfjella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7053407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Norsel Iceport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7857352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tverregg Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7923508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vestskotet Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3446002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quar Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Urfjellklakken" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uhliggipfel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gunbinoj" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4588415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maudheim" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Andreeva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6419620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Klakknabben Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6448794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kuvungen Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7162343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Penck Ledge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7533952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skappelnabben Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7616448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stig Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7900784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Urnosa Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2563188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Framranten Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sembberget" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amelangplatte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5304608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drabanten Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5463761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fløymannen Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5581212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gommen Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6448782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kuven Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6921036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hallgren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7651894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Svelget" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7853027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tunga Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7900452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Urfjell Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2563877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utrinden Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55194117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quar Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jøkulmerra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5309896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dråpane Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5313171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Duken Flat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6448793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kuvsletta Flat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7534204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skavlsletta Flat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7659129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Swithinbank Slope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7902982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utrakket Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55194077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ekström Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sojuz-T-10" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Urfjellglovene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kleinschmidtgipfel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atka Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Norvegia Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55192916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drygalski Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55192939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neumayer Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Norsel Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2563983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Høgskavlnasen Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5511730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Førstefjellsrabben" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5964754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Høgfonna Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6079837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isfossnipa Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7001971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neumayer Cliffs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7531052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sistenup Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7585855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mana Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7666659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Søyla Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q156154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glaciologist Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q856553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Library in the ice" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1323669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ekström Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1333566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moretus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5450258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fingeren Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6081356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iskollen Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7485546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hatten Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7536100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skoddemedet Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15218700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Borga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7861746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tysk Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7932319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vindegga Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q156355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atka Iceport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22418479" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22418479" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4767916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Annandags Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4981812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bråpiggen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5506215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frostlendet Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6305644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jule Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6421759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Knappane Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7071409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nålegga Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7174253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peter Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7383583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruvungane Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7903699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uversnatten Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q928344" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Princess Martha Coast" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33656478" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q33656478" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schubertgipfel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isfossen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6419436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kjellberg Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6813058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melleby Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7531015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sistefjell Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Høgfonnhornet Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isstøa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7113281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ovbratten Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7531233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sisterabben Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7756738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vorrnipa Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3281858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Giaever Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schulzgebirge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5290039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Domen Butte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55165637" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55165637" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55165646" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55165646" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55165648" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55165648" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5511728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Førstefjell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5935621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huldreslottet Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7385566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ryvingen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7700916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seilkopf Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7756850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vorrkulten Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7923513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vestvorren Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1815824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jelbart Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robinsøkket" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spießgipfel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4945047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Borggarden Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31847339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neumayer Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5478056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Framryggen Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5964789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Høgskavlpiggen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7231506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portalen Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7578571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Splinten Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7756143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veten Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7756744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vorrtind Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q448561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neumayer-Station II" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1503457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Base Georg von Neumayer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4825809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Austvorren Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5478055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Framrabben Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5504542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Friis-Baastad Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5643754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Halvfarryggen Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7193797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pilarryggen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7897173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Unneruskollen Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neumayer-Station III" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atka-Eiskuppel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q59508593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neumayer Station Ⅲ Magnetic Observatory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bungenstock Plateau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55194107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jelbart Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4945050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Borghallet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5964779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Høgsaetet Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5964786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Høgskotet Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6419492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kjolrabbane Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7296115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raudberg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7540168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Slettfjell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4960413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Breidskaret Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5277071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dilten Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5463736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flårjuven Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5463737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flårjuvnutane Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15219717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sarie Marais" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6321426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jøkulgavlen Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4867582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Basissletta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7239983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Preikestolen Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7540169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Slettfjellklumpen Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7577819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spiret Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7756148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vesletind Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8023199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wilson Saddle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21486418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Høgfonnaksla Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3446014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vesleskarvet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5458676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flesa Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5904342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hornet Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5964782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Høgskavlen Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6269811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jokulskarvet Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6950408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Møteplassen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7162345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Penck Trough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7459726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sfinksen Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7620068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Storkletten Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ritscherhochland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4930920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blåisen Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5312589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dugurdspiggen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33039579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raudberg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6421501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Klumpane Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7309573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Regula Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7334637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rindebotnen Cirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7623213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strengen Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7755663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veslekletten Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7758797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ytstenut Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7843128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trioen Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4837997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Babordsranten Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4960415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Breidsvellet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15240745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kullen Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6449663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kvasstind Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7538531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Slalåma Slope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7544291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Småtind Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7547897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Snøhetta Dome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7597434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stamnen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7927751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Viddalen Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4822427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aurnupen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4914181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bingen Cirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6421727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Knallen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7069956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nupshamrane Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7540171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Slettfjellnutane Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7629804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Styrbordsknattane Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7651897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Svellnuten Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raudberg Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4945007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Borg Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5078059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Charles Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5459990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flogstallen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5478062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Framskotet Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5612118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grunehogna Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5626691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gösta Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5964784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Høgskavlnebbet Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6442922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kulen Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6547922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liljequist Heights" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7113313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ove Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7263353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pyramiden Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raudberg Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4822315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aurhø Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4940885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bommen Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5211636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dalsnuten Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5211648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dalten Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5436694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fasettfjellet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6707779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lyftingen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7623699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stridbukken Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7808044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tindegga Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seilkopfgipfel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63323803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Borghallbrotet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66816754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grjotfjellet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3372454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schytt Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4958309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brautnuten Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5521093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gangbrekka Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5612762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gråsteinen Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6773980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marsteinen Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6923513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Schumacher" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6966886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nashornet Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7547910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Snøkallen Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7606775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stein Nunataks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7620061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Storjoen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11992667" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11992667" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15220188" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q15220188" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4780324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apollo Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5004936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Båkenesdokka Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6439632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Krylen Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6653400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Litvillingane Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6966889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nashornkalvane Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7878845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ulendet Crevasses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455783" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455783" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22517905" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22517905" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22517915" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22517915" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22529312" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22529312" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22546521" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22546521" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22546603" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22546603" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22578988" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22578988" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21474878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Viddalen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4695200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahlmann Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4930928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blåskimen Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6421976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Knerten Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7037316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nils Jørgen Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7622316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Straumsvola Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7912649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valter Butte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q156222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Krylvika Bight" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4960482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brekkerista Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6423114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Knotten Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6436159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Krasen Crevasse Field" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7142554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passat Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7709778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trollkjelpiggen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7845288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trollkjelen Crevasse Field" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6112731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Novyy Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7819096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tommeliten Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3302053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jutulstraumen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5004937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Båken Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5529356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gburek Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6088917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Istind Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7709946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tvora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7758819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Witte Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7911754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valken Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q722537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "history of Antarctica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2563036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trollkjelneset Headland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2563494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Båkeneset Headland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4944791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boreas Nunatak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6176587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jekselen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6294612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Joungane Peaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6318811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jutulrøra Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6680545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lorentzen Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7547912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Snøkjerringa Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7709774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tindeklypa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7927750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Viddalskollen Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1334024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "SANAE IV" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11849246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Istindhalsen Saddle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3437700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sixth Norwegian Antarctic Expedition" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6318807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jutulplogsla Crevasses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6841129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Midbresrabben Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7109336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ottehallet Slope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7352025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roberts Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7456824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bolten Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34202788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "SANAE I" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7622315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Straumsida Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7902894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Utkikken Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55194127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weiken Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dalmation Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21489729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lejtenanta Smidta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34202802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "SANAE III" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sanae Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34202794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "SANAE II" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of September 13, 2015" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q134149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hausen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q597728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fizeau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1145898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of September 11, 2007" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q881378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blanchard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q133613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chappe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1712158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mendel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1747748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dawson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2741604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brouwer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2927659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buffon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1748944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "De Roy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2742569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blackett" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2832664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alencar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4018558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Watson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1071954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chadwick" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6587440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiling" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7611655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stetson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7857373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tvistein Pillars" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7886194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Point Nemo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1071965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6556952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lippmann" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1389467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fimbul Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shelley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riemenschneider" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6511809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lecointe Guyot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7606961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steklov" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7563665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sorpresa Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q155998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amundsen Plain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anadon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22368000" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22368000" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22380871" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22380871" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q312879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cox Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2783194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quest Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21471770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4882566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belgica Guyot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5054777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cavalier Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surikov" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16353994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trolltunga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6508947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "League Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28868250" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28868250" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q943837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "R'lyeh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1079900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fényi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1251919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dougherty Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6486354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Langmuir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2852697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eltanin Antenna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21472109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sombrío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21473473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Triunvirato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5211492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dallmann Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5282345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dismal Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5508259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuller Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Giambologna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7979030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weddell Plain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q630171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petzval" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3192259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kalseru Virga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5098642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chile Fracture Zone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25381168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gould Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q313263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Box Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q891770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alekhin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1329886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of November 25, 2011" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1334017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eltanin impact" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1859810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of July 1, 2000" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2605251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Eva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3577543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of May 20, 2050" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21490426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mirnyjkysten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5162093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cono Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5244371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "De Gerlache Seamounts" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5438250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faure Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5750634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hibbert Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6415897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kirkwood Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7569375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Southeast Pacific Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34202476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Martinson Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111158728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bellingshausen Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4236065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bellingshausen Plain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5622820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guyer Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15243138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lurker Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15262921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nueva Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6678959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lord Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25381167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abshire Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q857121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Adriasola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13631947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chatos Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22635931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muskegbukta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64142400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fimbul Ice Shelf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7197443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pipkin Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7368608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rosenthal Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55193570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mercator Knoll" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55192910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Charcot Canyon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34202483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Higdon Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96401983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riemenschneider" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109657305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ministry of the Presidency" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66778236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Foundation hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1630005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of April 30, 2022" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3593187" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3593187" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4681663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Adelaide Anchorage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4828554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avian Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5058872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cenobite Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5178536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Courtier Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7241917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Preston Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q312981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cumbers Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q312957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jennings Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q773075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bailly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2783307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crosse Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2783182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Woodfield Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7969032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ward Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971089" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20971089" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971092" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20971092" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "América" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1450354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teniente Luis Carvajal Villaroel Antarctic Base" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21477789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373494" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22373494" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448800" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22448800" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305432" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305432" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306503" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306503" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637858" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637858" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644934" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644934" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645082" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645082" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652554" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652554" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Thursday" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tuesday" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Inman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla James" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Grafton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Elizabeth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Carolina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5508223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fullastern Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Libertad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7353691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocca Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21476901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crouch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4906942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Biggs Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Wakefield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Lecky Look Out" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas John" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Friday" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Bahamonde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5572177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glover Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5714521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Henkes Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q386111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Diego Ramírez Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2783231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Milestone Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Saturday" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5189024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crouch Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5399053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Esplin Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote El Cuerno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Bajas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7112130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Outlaw Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7123138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pactolus Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Seal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Saturday" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Weather" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Monday" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Los Jueces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Laura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Inman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Ipswich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chancery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7424579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sars Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8024341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Window Buttress" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q313296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Worth Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q133555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pingré" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2783223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Johnston Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12714498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embassy Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Schetky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Costa Inabordable" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Galicia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6498411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Launch Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7047632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Noir Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7534259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Skeen Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q631534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yakovkin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2876467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Arica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4746494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amiot Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5246437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dean Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Langford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7144939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patience Rocks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rompiente Styrer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ragged" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Graves" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Fincham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Noir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Puntiaguda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Recalada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Week" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55199687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Adelaide Island Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4668695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abra Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971091" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20971091" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353592" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22353592" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365931" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22365931" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452216" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452216" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460613" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460613" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460909" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460909" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475069" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475069" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475980" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475980" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475992" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475992" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476024" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476024" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476102" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476102" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636791" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636791" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637219" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637219" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645040" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645040" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645041" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645041" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645345" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645345" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646720" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646720" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648200" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648200" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651262" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651262" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653165" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653165" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654263" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654263" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Rivera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Monday" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Sunday" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22374047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Valentina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pasaje" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Nodales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tollyfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Green" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Davis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Black" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Shoulder" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Parker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Redwood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Pritchard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Profundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Mana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Law" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Jacques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Hamilton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Evans" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Entry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Cuevas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Aguilera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Parker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Pilar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Quartermaster" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Volpe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Wellard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Murray" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Wise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Henry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Evans" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cascada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Tapia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Westminster" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nose" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Drew" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Cortado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Childs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Pawley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Abra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Tate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22447245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Skyring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Millward" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Pun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Mataura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Escondrijo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Deseado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estuario Cormorant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Canoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25507802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Low" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Silva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Santiago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Fergusson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Dynevor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cotesworth Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fondeadero Christmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Beauclerk" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Plano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22447287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Valentina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Scout" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Misericordia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Lee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hoy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Bonete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Adam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Mercy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Outpost" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Roberts" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Rice Trevor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Woolcott" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Maule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Grave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Devil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2568107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Desolación Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856110" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856110" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971085" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20971085" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476002" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476002" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476151" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476151" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512779" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512779" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637293" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637293" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642033" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642033" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642788" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642788" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646713" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646713" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647400" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647400" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647762" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647762" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650914" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650914" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651382" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651382" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652835" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652835" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653857" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653857" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654126" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654126" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654281" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654281" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655093" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655093" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Taylor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22381931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Pollard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Puchachailgua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sentry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sullivan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Uriarte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Sunk" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Patranca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Lobo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Kings" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Izquierda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Harry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Grup" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Cleto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Camotaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aldea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25337069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Tamar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22374006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Upright" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rosario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gracia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cunningham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Digby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Carabantes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Campbell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Buti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Blaxland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Dolores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Tucapel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Midge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Wallis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Riquelme" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Henley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Falgate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islita Casilda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Adelaida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21551532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Maycock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Oscuro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Percival" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Shelter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Mouat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Knight" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Habana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Diegues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Cooper Key" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carabantes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alturas Beloe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Abra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Spencer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22489369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fondeadero Nassa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Francis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Cosme" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Roda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Roda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Plumper" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Havannah" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Chapman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Hart Dyke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tamar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Rocalloso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Mar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Jones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Estribor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Carranza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Babor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Vidal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Playa Parda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22489380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fondeadero Oldfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Oberreuter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pollard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Santa Casilda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte May" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca May" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Holland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Echenique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Coughtry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2877004" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2877004" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5682273" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5682273" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15152594" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q15152594" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353625" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22353625" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452189" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452189" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474835" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474835" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475128" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475128" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475447" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475447" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475585" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475585" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475653" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475653" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512557" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512557" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512892" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512892" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623062" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623062" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636782" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636782" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642758" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642758" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644991" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644991" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645186" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645186" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648198" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648198" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648196" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648196" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648197" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648197" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652224" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652224" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652790" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652790" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653267" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653267" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653324" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653324" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Providencia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Merino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico del Canal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Britania" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Bajos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Notable" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Ringdove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Steed" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Orompello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Swett" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sudweste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Porvenir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Rocky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Falso Boston" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Alfredo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guarello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22374152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Walker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rosas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Viel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Henry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Carrasco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Oscar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Parlamento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Richardson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Richardson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Valencia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Providencia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nolasco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Robert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Lynch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hugo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fair" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Dolphin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Derecha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Carnegie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Boston" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Berisso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ward" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Lecky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Labbe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Freycinet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Emiliano Figueroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Byron" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Lautaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Santa Annes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Zenteno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Moss" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Low" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Gaviota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Flat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Fricker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Phillip" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Straggler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Raby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Semillero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta John" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Joy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Hugh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Celery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Sullens" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Tres Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Minerva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Huneeus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hiudobro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Fairway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Carreta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ancud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Conway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20669784" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20669784" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365864" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22365864" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400777" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22400777" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452515" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452515" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455820" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455820" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456274" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22456274" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459440" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22459440" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475854" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475854" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538322" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22538322" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625309" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625309" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636783" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636783" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636781" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636781" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645051" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645051" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646893" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646893" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647948" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647948" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647949" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647949" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648712" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648712" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651736" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651736" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652131" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652131" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655073" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655073" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Tortuga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Pasaje" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Soto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Natalio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Teta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Poulter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Saavedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Maze" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Moore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lagartija" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Janequeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Cascada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Araya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Anderson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Fairway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22362682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golfo Xaultegua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Swett" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Rocky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Julio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Colocolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo del Cabo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alfredo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estuario Portaluppi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Providencia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Santa Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Pike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Promontorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Ugalde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Morales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Violeta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Drewatt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Caldera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Fernandez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3378126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Evangelistas Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Sylvia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Weston" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Marshall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Massey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lautaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Cripples" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Culebra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Ballenato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Arturo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Icy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3774305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gran Campo Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Muggeridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canalizo Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Northbrook" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5415832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Evangelistas Islets" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Luco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Guale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Finger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Esfinge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Eleodoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Campanario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Brown" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Doble" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Santa Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Elcano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Coombes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Chata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Big" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pillolco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar (Chile, Magallanes 2)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Elicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Palm Branch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vince" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Irene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Interior" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cummins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5702811" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5702811" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5702828" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5702828" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15491261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22447297" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22447297" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452340" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452340" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452817" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452817" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640905" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640905" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642970" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642970" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645208" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645208" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647457" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647457" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647463" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647463" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648619" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648619" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652778" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652778" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Silva Varela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estrecho Nogueira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sambelich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pegaso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Lawyers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Laguera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Holborn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gruesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Gemelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Cantuaria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Caiquenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pacheco Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Sargazos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Saliente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Latorre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla La Lira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Esmeralda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Diana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cyrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Anita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cornejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22374087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal O'Higgins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Providencia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Silva Varela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quintrala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro King" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Indio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Chaignea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Brigstock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Atalaya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Nuevo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Ville" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Madre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lecky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fondeadero La Poza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla King" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Djenana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca de Canales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Staveley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Zeineb" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Zelada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Juan Grove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hieron" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Andrade" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26265821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Christie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2860207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Queen Adelaide Archipelago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22362638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golfo Sarmiento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Westminster" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Power" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quo Vadis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Lamire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gargona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bordes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Brigstock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barr" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Power" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Wilson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Medusa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Plato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Theo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cheops" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Canopus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Bustos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo de la Boca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Montt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Petromo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sirio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Summer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Narborough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Gato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5853526" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5853526" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6351679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nelson Strait" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3645540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Contreras Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365651" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22365651" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448486" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22448486" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453970" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22453970" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455076" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455076" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644482" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644482" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648710" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648710" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651020" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651020" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653223" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653223" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653224" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653224" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653372" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653372" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655740" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655740" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bermejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ponto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Solitario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Prat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Tornamesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Solitario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25387734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25387734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Jaiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abra Honda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Chumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Blancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28040628" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28040628" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Juan Guillermos Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Vira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Meteoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Olga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Orompello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pluto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Quidora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rocallosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tacna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vidal Gormaz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lientur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Leones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Goya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Colocolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Bloxam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Isabel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7313306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rennell Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Solitaria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rosas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vergara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Ponto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22698945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Molinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Maldonado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lucas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Diana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Alpe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Beagle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ramírez Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22374134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Virtudes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Nantuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Nantuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vilumilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Zapata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Meteoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Serrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Verdejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lautaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Las Lauchas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Julio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bordes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Acevedo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Milward" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Vargas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Octavio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Vidal Gormaz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guitarra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Escape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Esfinge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Desencanto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Charlton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Anganamon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Almenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Abejorros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21488158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kopaitic" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vargas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Meteoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Uribe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Corral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Riquelme" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Meteoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colina El Dedo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Afortunadas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Verr" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Golondrinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Diana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Cutler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20669788" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20669788" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474845" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474845" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474994" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474994" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475283" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475283" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475637" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475637" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475685" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475685" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622437" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22622437" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643883" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643883" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643908" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643908" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645093" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645093" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645645" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645645" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647399" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647399" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647405" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647405" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651264" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651264" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652153" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652153" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654227" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654227" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22576694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Promontorio Sivel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Grado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Flora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Donoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cutter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Alfredo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Adelaida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Altos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Sara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Raby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Simpson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Sullivan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Isabel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Heywood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Angelotti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Douglas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Palermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Pollo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nason" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rocosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lapenotiere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Diana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Cutler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Connor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Cheer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Prain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Richards" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Silvestre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Hull" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Green" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Cueri Cueri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cecil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cancino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Brunel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Bambach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Badiola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Williams" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Vereker Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Membrillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Foley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Dispatch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Britania" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25337067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Adelaida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q284749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kawésqar National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3651706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manuel Rodriguez Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Souldrop" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Zepeda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Shearwater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Vereker Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Riveros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lizzie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Kirkwood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Henry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Gray Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Gray" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Gaviotas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta George" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Freire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Evans" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Escobar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Pearse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Yerbas Buenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Vereker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Wilson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quirino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Salmon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo MacPherson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Colworth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Connor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Buckley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Angelotti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Renouard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Luis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Green" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fagalde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Enterprise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Alert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16508315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cochrane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451978" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22451978" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475375" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475375" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625922" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625922" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627676" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22627676" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636797" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636797" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643229" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643229" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643642" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643642" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643886" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643886" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644870" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644870" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649519" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649519" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655741" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655741" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656316" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23656316" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Reid" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sierpe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Theben" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco San Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Low" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hualapal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hose" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cunningham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ceres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carrasco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Summer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Menandro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Roget" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tirsa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lucas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Lacar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hoskyn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Dolores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Hartwell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Naus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Silva Renard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sammer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Otter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Sparkes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sherbakoff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Mayne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mary" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Green" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Foley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Casma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Barrie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Avelino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Bannen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Adela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Orlebar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Ollard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Summer Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Marchant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Istmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Guacolda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Gray Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gremi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno del Enjambre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Cuan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Notable" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Sarita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Pacheco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lavinia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Viudas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Jessen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Herrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Dedo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Campbell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Pemberton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Plauto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Terencio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Viel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Francis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Cutter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Baverstock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Adeona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16508314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pedro Montt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22381870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Otter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico del Roble" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Naus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Jantias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Dixon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Central" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Bradbury" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Bella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Stone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Valdez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Juan Bravo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Herrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Flora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Dashwood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bedwell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1956239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muñoz Gamero Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2834671" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2834671" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5638695" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5638695" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746673" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5746673" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746732" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5746732" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22410483" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22410483" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474858" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474858" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474892" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474892" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475036" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475036" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475046" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475046" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475088" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475088" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475801" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475801" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476073" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476073" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476141" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476141" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512842" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512842" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512860" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512860" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512887" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512887" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626311" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22626311" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642437" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642437" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642455" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642455" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642498" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642498" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643621" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643621" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644069" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644069" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644459" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644459" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645052" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645052" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646712" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646712" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647872" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647872" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647873" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647873" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648033" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648033" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651167" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651167" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651233" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651233" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653326" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653326" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654213" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654213" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655248" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655248" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655621" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655621" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pasaje" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Solitario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Vial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pasaje" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Segunda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta William" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Grey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Espinoza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Canto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barranco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ceres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Kirke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Pierce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Rosaura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ross" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22576707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Promontorio Stanley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Puerte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quemada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Zanelli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Laipe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Kirke Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Flamsteed" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Earnest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Corderos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estrecho Collingwood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Cloyne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bessel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Benito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Catalina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25513395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Bessel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Palmer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Prima" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Peligrosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Marazzi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Green" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Clapperton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Amazon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Piazzi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Taraba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Osprey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Seca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Manonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes La Place" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Julia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes David" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Contreras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2269026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Burney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Simm" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Newton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5407343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smyth Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hunter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cutler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cork" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Boca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Titus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Redfern" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Farquhar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hunter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Bordes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Brinkley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Diego Portales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20669786" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20669786" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453469" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22453469" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459547" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22459547" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460984" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460984" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475136" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475136" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475158" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475158" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475767" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475767" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475778" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475778" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512669" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512669" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512723" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512723" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512763" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512763" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512837" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512837" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642373" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642373" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642438" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642438" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643636" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643636" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644348" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644348" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645061" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645061" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645286" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645286" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647324" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647324" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647721" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647721" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648533" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648533" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655729" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655729" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657422" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657422" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657420" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657420" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Margarita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Merino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntiagudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22698428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Wilson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5169992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Riesco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5169993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Sarmiento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Frederick" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Selina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Borcosky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Brava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7424304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sarmiento Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20899929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Gilbert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Round" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Nicholson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5456499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fjord of the Mountains" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Erezcano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Dos Hermanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Central" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Cabo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Alijulip" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Alijulip" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Adventure" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guardia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28162978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tobífera Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20669781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carrington" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Militar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Resi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Oriental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Restinga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Salustio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Las Negritas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Indio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Hoskin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Chinchorros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Veronica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Stewart" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Shelter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Wilson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Timonel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hamilton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo La Paz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Huacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Doble Pico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Dacres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Castlereagh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Baltazar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Jacinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Peligrosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20669777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Barros Arana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Stewart" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Morris" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Pratt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Trompa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abra Justicia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Canoas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Grumete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Central" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Young" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal White" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Katy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gracias a Dios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Medio Canal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Worsley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Taraba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Emilia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Adelaida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rafael" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Treble" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Pablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hamadryad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Concha Subercaseaux" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cordera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Bellatrix" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Piti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8363458" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q8363458" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6670529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "London Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16020900" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16020900" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971079" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20971079" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971090" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20971090" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400927" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22400927" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454385" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22454385" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460670" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460670" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475790" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475790" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624521" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22624521" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22698738" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22698738" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23008278" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23008278" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636780" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636780" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637295" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637295" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637870" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637870" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642189" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642189" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642360" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642360" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643483" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643483" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643541" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643541" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644702" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644702" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645096" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645096" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645270" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645270" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653369" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653369" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653858" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653858" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657416" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657416" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657447" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657447" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Vargas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Walter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla London" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lagartija" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Furia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21551135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barcaza, Rocas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Ursus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yunque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Pablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Horacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Surrell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Dubos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Catalina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15196311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ballenero Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Schomberg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Middle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Middle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Rompiente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Quo Vadis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Scott" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta English" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Camden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Mendigos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Ballenero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21551132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barcaza, Islote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Milky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Mensajero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mayor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Kempe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Kempe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Kennel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guezalaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Furias del Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fanny" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Brisbane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ayudante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Timonel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Magill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Dora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Agnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Brecknock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Townshend" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lort" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Giratorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Furia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Furias del Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mensajero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tower" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Neptuno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Peligroso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Melville" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mauda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Luz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Longchase" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Astrea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Viejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Tussac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Kelp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Charcot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Aguirre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454237" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22454237" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458283" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22458283" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460798" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460798" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461094" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22461094" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562574" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22562574" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703650" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22703650" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307556" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307556" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643262" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643262" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643482" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643482" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643484" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643484" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643896" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643896" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652502" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652502" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652611" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652611" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655625" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655625" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657337" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657337" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657470" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657470" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ricardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Helado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ernesto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Escarpada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Dora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Don Fausto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Clavel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Meteoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Zelada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Lagreze" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Laberinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Julio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fuf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Ewing" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Davies Gilbert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Porvenir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Lagreze" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hewett" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Enderby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Isabella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Hills" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Becerra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Adelaida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo McKinley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Enderby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Davies" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cadete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Skyring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mortimer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Otazo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Mortimer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Rojas Cellier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Nena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Henry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carmona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ayudante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Arturo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Skyring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Staines" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Mogotes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lagos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Hollis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cotgrave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bedford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bastias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Adelaida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Limones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q962707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Inés Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Stanley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas William" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Skyring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5886673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo de los Trece" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Dresden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Crisanta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Costabal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chasco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Comandante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Porvenir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22419250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angostura Salas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vitita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22489411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fondeadero Rottemburg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Herrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Corneta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bynoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Esfinge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bárbara Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Vaccaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno McKinley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hollis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grandes Ventisqueros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Enzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Contramaestre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Browell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5716419" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5716419" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454555" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22454555" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455780" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455780" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474905" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474905" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474924" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474924" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475666" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475666" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475963" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475963" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512548" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512548" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305218" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305218" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305787" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305787" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643894" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643894" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649913" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649913" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651683" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651683" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651684" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651684" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652567" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652567" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657439" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657439" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657442" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657442" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657493" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657493" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657915" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657915" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657942" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657942" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Monmouth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Occidental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23297092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Saliente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla James" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Atracadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Llallos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Elvira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal San Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22419323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angostura Toms" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Wood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gorda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Chasco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Burgess" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Butrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Bevan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Lautaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Acosta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Liliana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Shag" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Marsh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Laberinto Occidental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Georgiana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cayetano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Brecknock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Basket" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guillermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lelel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Coscorron" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Aragay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22381771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Mellersh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Wigwam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Wren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Vuelta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Capea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Shag" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Petit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sidney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Peterel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Sandwich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Laberinto Central" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Edgeworth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dedos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Dean" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cayetano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Canoas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hernan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Berta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Sureste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Smyth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Edgeworth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Castellano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Alcayaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carncross" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Aguirre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Vera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Sylvia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Piraguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Wet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Nelson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cuarzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Clementina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Andres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ruby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Mery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Maxwell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marca Wallis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Kirke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Gallant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Charles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carneros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Cayetano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Abrigo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2891192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clarence Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Acwalisnan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20669783" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20669783" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372781" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22372781" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455252" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455252" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465351" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22465351" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474882" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474882" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475120" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475120" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475810" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475810" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475821" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475821" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475934" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475934" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476038" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476038" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512677" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512677" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562313" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22562313" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624513" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22624513" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625375" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625375" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307553" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307553" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645166" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645166" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646354" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646354" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646881" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646881" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647326" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647326" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647458" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647458" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648552" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648552" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652440" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652440" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655771" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655771" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657453" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657453" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pajarito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Manuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Ladrones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gruesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ernesto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Esmeralda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Elisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Dyneley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Baynes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Aldea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta King" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Turn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Mercurio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Valparaíso (Chile)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Magdalena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Leadline" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Jane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Diego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Leadline" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Smoke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Javiera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gregorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Fresia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Colombo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ariadne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Horacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6729855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magdalena Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Wilson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Seebrock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Morritos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Sargazos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Marchant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mai Mai Mai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla King" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Fletcher" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bivouac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Andrade Taraba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Meridion" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21551299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Duntze" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21551688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Duntze" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Simmons" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Prowse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Roldans Bell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Burnt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Alfredo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Doring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Brujo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6677430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cockburn Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Molly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Yagan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Fitz Roy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Elsa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648344" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Courtenay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Chulula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Reyes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Prat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Laberinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hyde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada George" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Cenaria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Camote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Amaya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Divide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Tucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5483269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Francisco Coloane Coastal and Marine Protected Area" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16508348" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16508348" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388396" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388396" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393464" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393464" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454172" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22454172" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475504" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475504" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475673" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475673" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475709" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475709" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626534" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22626534" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628301" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22628301" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304960" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304960" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305421" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305421" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642357" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642357" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642852" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642852" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644068" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644068" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644278" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644278" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648184" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648184" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653285" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653285" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653669" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653669" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657467" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657467" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657500" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657500" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657642" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657642" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Nodales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22367041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Vernal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla San Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sandy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Taylor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Zig-Zag" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Sharp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Holland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hetterley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hillock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Escarpada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Jumbo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q169141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Froward" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2705754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aracena Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Shag" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Navidad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Negras Grandes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Peak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Rocky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Christmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tinquichisgua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23297098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sampaio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Hambre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Dos Hermanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Cabrestante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6924051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tarn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Talbot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Negras Chicas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Nassau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rees" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Peje" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Harrison" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Goose" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Petite" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Staples" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mussel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Periagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Lyell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Magdalena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Crown" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aterraje" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Riquelme" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Phillips" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Waterman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Theo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pipa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sharp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta West" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22701549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Isidro lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Anxious" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Rees" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Ripita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Pond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Englefield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cushing" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25337208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Coventry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Phillips" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Olvido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto March" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lambert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Froward" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Anxious" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Tarn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Remarcable" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo San Isidro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Stokes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Uribe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Glascott" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Christmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chubascosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Catedral de York" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Catedral de York" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Burnt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3593055" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3593055" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3368234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Darwin Sound" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5166932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cook Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7071674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O'Brien Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3090546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fueguino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16630180" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16630180" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971082" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20971082" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971080" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20971080" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460220" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460220" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465831" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22465831" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475344" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475344" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475435" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475435" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475624" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475624" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627582" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22627582" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627588" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22627588" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642001" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642001" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642376" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642376" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642408" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642408" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645169" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645169" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647705" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647705" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648621" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648621" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648847" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648847" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657922" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657922" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657932" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657932" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Occidental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Occidental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Resguardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Darwin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Barros Merino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Thomson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de la Fuente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Luisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Golondrina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Olga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Novara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Robinson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4843106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bahía Cook" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Londonderry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Gorro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Isabel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fantasma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Escondido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chair" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Montenares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Exterior" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Trucco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Tres Amigos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Walton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Paredes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22591063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Noroeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guillermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Ana Maria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q47771653" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q47771653" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Pomar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22419230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angostura Pomar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Whittlebury" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Sandwich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Triple" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Luisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Darwin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Carfort" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Arequipa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Thomson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Timbal Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Timbales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22701522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Ross" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Fantasma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Dos Cumbres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Daroch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sidney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Util" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Timbal Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22591100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Sudoeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Timbales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal O'Brien" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Kekhlao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hamond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Elevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Chair" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Promontorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Kelvin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Delta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Americana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Fierro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Enrico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7362450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Romanche Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3495375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gordon Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8052210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yendegaia River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20669780" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20669780" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21027241" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21027241" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1418816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hoste Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22343129" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22343129" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452865" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452865" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455262" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455262" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475207" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475207" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475424" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475424" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475944" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475944" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475952" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475952" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476160" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476160" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512690" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512690" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623422" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623422" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21076798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Garibaldi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642848" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642848" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643198" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643198" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643252" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643252" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644469" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644469" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644514" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644514" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644516" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644516" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646898" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646898" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646918" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646918" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649356" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649356" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654215" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654215" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657936" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657936" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Sullivan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Webb" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pasaje" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Peligroso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Morton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Masson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago La Monneraye" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Garibaldi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Carfort" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Brisbane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Thomas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Corona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Aguja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5878526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holanda Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6904659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Bove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1091853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Londonderry Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Tomas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Roncagli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Simpson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Robertson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4716060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alemania Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Leading" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Hahn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Francia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Dumont d'Urville" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alpes Fueguinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Serka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7619856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stoppani Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1658373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ildefonso Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11102863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Horn Biosphere Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Bove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sanderson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yamana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Dos Hermanas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Romanche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Wood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lajarte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Doze" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Beaufoy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22374191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Weddel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Perrier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Monneraye" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Golddust" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Emily" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16945675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yendegaia National Park project" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11829097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Italia Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Rolle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Penhoat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Negras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Nachbaur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Italia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Jane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Henderson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Broken" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Arthur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Izaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mouchez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Regnault" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ragged" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Caroline" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Anna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Paques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Rous" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hind" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fawn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Divide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Animita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q288133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Darwin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q429041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dawson Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11859721" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11859721" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q843130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Sarmiento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971088" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20971088" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393782" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393782" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414275" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22414275" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474983" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474983" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475014" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475014" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637635" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637635" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642003" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642003" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642226" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642226" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642426" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642426" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643231" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643231" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643899" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643899" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644183" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644183" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644954" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644954" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644953" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644953" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645085" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645085" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648808" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648808" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652608" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652608" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654159" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654159" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654186" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654186" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655344" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655344" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Sharp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Taurus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Videla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Pomar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Puga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Ventisquero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Parra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Zeiss" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4693612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agostini Fjord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mahay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Kocel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Queta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hielo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guanaco (Chile, Magallanes)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Cascada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Sanchez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Emma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Contramaestre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Picos Azules" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Rowlett" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Profundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Micalvi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Delano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Julepe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sanchez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5716492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yendegaia Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Guapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alfredo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6904666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Buckland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Serrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Gabriel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Don Bosco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Estela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1759349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alberto de Agostini National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Sherrard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Soki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Owen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Searle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Final" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Buckland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Hyatt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angostura Gabriel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Enrique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cannon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Okey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Meskem" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22447151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Mentiroso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Wickham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Huwine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Elsa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Sureste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15867509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yendegaia National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Seymour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Peje" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16904073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yendegaia Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Latitud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Keats" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Hurt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Goodwin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Erguido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Curioso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Lira Mella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Rudolphy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Sucio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Guerrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1815821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Darwin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5031037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Whiteside" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6594583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marinelli Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q82601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tierra del Fuego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1243669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Azopardo River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4733836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Almirantazgo Fjord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386062" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386062" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387497" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387497" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389117" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389117" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393000" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393000" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396713" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396713" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396903" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396903" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470285" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22470285" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475148" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475148" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476093" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476093" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622381" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22622381" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304865" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304865" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637881" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637881" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642511" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642511" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643637" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643637" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644472" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644472" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646830" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646830" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650110" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650110" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651726" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651726" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652967" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652967" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655659" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655659" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Stoppani" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas San Pedro y San Pablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Stubenrauch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lambarry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gruesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dalla Vedova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Corkhill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chown" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Azopardo Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18249059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port Harris" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q579245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Karukinka Natural Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31843732" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q31843732" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Santa Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bahía Lomas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tern" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mascarello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Marinelli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Lapataia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de las Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huinche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla de la Fuente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Dalla Vedova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carukinca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Betbeder" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16896371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Guanaco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2601536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Grande de Tierra del Fuego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897771" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897771" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Svea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Kelp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Circular" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6022495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Shipton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2981644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magellanic subpolar forests" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Desnudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Dos Hermanas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111386828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "BAHIA HARRIS" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111386760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Yartou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2834857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1949 Tierra del Fuego earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Wickham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Graves" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Fontaine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Darwin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Cuevas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Nariz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Offing" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Ofhidro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Nariz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yarto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Lynch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carukinca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Tesner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Tres Mogotes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Macey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Libra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Hope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16836491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Azopardo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28162966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Darwin Metamorphic Complex" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Tuckers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Luis de Saboya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Haycock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Brenton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arbolada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q90569610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387253" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387253" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392983" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392983" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393204" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393204" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460966" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460966" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476009" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476009" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512826" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512826" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624026" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22624026" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626803" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22626803" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627667" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22627667" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629104" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22629104" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636785" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636785" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637288" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637288" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643558" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643558" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643651" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643651" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644643" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644643" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644647" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644647" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644860" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644860" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645893" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645893" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648201" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648201" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648615" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648615" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650409" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650409" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651725" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651725" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652968" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652968" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653607" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653607" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22367157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Wharton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Quod" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Osorno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rivera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25337065" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25337065" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lauca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Hunter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gruesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Dagnino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Colocolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carteret" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Borja Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Arturo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22367119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Waldron" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rosario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Isabel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fondeadero Field" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Browne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898380" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898380" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Skyring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Skinner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Mercedes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Pacheco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno de las Nieves" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Julia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Falso Quod" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Acevedo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Notch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22381832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Notch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Wilson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Tortuoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Roa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Palomar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Vuelta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Largo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ganchos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Spider" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Wallis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islita Stella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Moraine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Poccock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tegualda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Vogel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Windham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huáscar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Evans" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Titus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Promontorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Mateluna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Landslip" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Beware" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Becerra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22354012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Picos Thornton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Radford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22367206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Wyndham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Ortiz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23234341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Yávar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Doyle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Desmontado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Crooked" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Borja Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Cazuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago de la Botella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16508312" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16508312" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441861" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22441861" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451800" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22451800" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452549" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452549" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474915" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474915" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22532218" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22532218" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22591075" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22591075" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rowe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304855" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304855" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636798" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636798" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642352" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642352" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642563" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642563" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642564" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642564" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643585" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643585" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644130" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644130" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644258" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644258" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645164" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645164" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647636" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647636" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647870" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647870" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648625" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648625" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648637" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648637" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653206" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653206" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655681" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655681" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Valenzuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rupert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Tree" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Oreglia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pasaje" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta York" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte McIntosh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Indio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Laponi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Frente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Dagnino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cristina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Costa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Aguirre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25507678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Braulio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Santa Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Rupert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Esqueleto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ester" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cutter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arauz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Acevedo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta El Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Mery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Unicornio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Cross" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Gemelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso David" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Cuevas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Picos Batchelor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Adams" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Dedo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Muela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte One" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Merril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gustavo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Green" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carlos III" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Camarlengo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Caballero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Middleton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote El Bonetito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gutierrez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Canio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ward" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rampolla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Salcedo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Forty Five" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Corona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Cortado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo One" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22374112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Viejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22813634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Limit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Dessant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Crosstide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Corona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte del Sol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Rivera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sombrero Apuntado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Huidobro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Frente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla El Bonete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Anson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estuario Sullivan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Llanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Erizos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Cohorn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22419169" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22419169" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449443" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22449443" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460884" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460884" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642005" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642005" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642057" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642057" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642374" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642374" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643009" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643009" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643882" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643882" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644191" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644191" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644198" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644198" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644645" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644645" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645167" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645167" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647464" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647464" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647635" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647635" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647796" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647796" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648613" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648613" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648784" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648784" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651759" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651759" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652308" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652308" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652638" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652638" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653668" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653668" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chandler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Stokes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Navarro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Surgidero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo de Los Ventisqueros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Luis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de los Flamencos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bella Vista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Libertad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ladrillero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte King" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Islotes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Galvarino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Fino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Contreras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Charles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Chato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Canales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barranco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lautaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Volcán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Fondeadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Charles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Riquelme" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estuario Wickham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ongolmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Saliente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Solitaria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Spoerer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Atalaya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gidley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fraga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Euston" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Campamento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Primero de Septiembre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Wickham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Stokes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Vogel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rengo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ward" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Santa Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lancien" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Guacolda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Descabezado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1510574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riesco Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Molina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Siete de Noviembre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Varas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Gajardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Roa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Oberreuter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Somera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Vogel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Manning" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bennet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Varas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo King" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Fontaine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fresia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Childs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estuario Bending" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quidora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rucumilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Altamirano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Inaccesible" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Glaura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Dragona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390857" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390857" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393364" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393364" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476045" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476045" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624254" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22624254" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304849" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304849" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637282" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637282" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637281" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637281" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637287" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637287" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641526" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23641526" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642851" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642851" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643586" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643586" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645053" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645053" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645168" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645168" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645250" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645250" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646571" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646571" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646802" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646802" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646892" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646892" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Oriental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte San Felipe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Nahuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Prat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Silla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Simpson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pesca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rivera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sotomayor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Latorre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gruesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Flinn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Donoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Crucero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Camden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Cabeza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Bertrand" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Adelaida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caracol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Canelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte de Tres Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Porter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nieto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Latorre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Krugg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Donoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Chaignea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Browne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Laura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Acevedo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Spoerer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Proyectada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Villiers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hamond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Furia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chipana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cascada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Camden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Brandt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Turco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sierralta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Molina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Huerta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta de la Cascada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Prat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estuario Silva Palma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Riesco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Serrucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pendiente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rocallosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Lenka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Hamond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estuario Fanny" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q994149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brunswick Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vinchuca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Escobar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q79186287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Orrego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pomar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Riquelme" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Caleta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Eros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Cono Truncado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Angellotti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Montura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22419303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angostura Titus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Unicornio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Perilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Islas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Indio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Flinn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4169149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Otway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5777025" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5777025" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6066209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Minas River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16302773" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16302773" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5400390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Municipal Antonio Ríspoli Díaz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16570985" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16570985" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16617953" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16617953" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16621356" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16621356" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5784222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Conservatorio de Música de la Universidad de Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20018374" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20018374" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1137308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "County of Peebles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22385827" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22385827" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393537" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393537" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393803" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393803" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395476" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395476" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621587" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22621587" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625704" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625704" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626572" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22626572" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2362268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuerte Bulnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305284" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305284" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637258" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637258" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647401" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647401" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648698" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648698" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649699" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649699" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651267" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651267" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655330" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655330" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656447" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23656447" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657829" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657829" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Santa Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25337064" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25337064" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Eugenio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Centro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Askew" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de los Ciervos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Lynch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q684369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magallanes Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q800201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto del Hambre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Osorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yunque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898660" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898660" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21209387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sacred Heart Cathedral, Punta Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vivian" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108767108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Servicio de Salud Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guairabo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23960186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río San Juan de la Posesión" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6472917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Parrillar National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16964751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Santa Ana Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111125385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostal Chiloe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111125383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hospedaje Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111125386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonia House" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111125387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostal al Fin del Mundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111386758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "RADA PUNTA ARENAS" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111386759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "BAHIA AGUA FRESCA" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111386826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "PORT SAN JUAN DE LA JUAN" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111386829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "CALETA MINA ELENA" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Finis Terrae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Cabo De Hornos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Diego de Almagro Punta Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22504865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tierras de Ponsonby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lackwater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Parrillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605129" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605129" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sedger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sunshine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5058719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cemetery of Punta Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hately" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Guayrabo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Grimal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Georgia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Fenton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16615150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palacio Sara Braun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56465661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teatro Municipal de Punta Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Englefield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Arauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta El Quince" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60394749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palacio José Montes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Tres Morros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Indio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Charqueria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carreras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744199" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744199" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744196" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744196" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744203" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744203" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744206" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744206" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744205" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744205" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744214" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744214" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744215" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744215" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744212" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744212" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744218" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744218" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744216" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744216" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q101500328" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q101500328" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97040340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Center for Dynamic Research on High Latitude Marine Ecosystems" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magellan and the Chilean Antarctic Region" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5727737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5727737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5839749" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5839749" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5854659" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5854659" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5854781" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5854781" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5854927" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5854927" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5855005" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5855005" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5936424" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5936424" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6171529" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6171529" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6023247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monumento al Ovejero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388801" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388801" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395515" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395515" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396111" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396111" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475097" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475097" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306426" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306426" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643584" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643584" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644858" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644858" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646342" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646342" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650964" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650964" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653260" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653260" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mina Rica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Monte Bello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rivera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Titus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Malo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Harvey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fenton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5918392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonian Institute" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30632962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loreto Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22385951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río de los Patos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Pescado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Piedra Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Ponsonby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Otway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pedregosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Turn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Zorrilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Avestruces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Josefina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Haase" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Crossover" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15163253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fitzroy Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26720972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hospital Clínico de Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897768" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897768" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Mina Rica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Palomares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Entre Vientos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6106272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magallanes National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Meric" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuchillo Los Capones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Caranchos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Corey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Canuto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bennet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5947836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "University of Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palomares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Central Campus of the University of Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Laurita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Torino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Steinman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Wapshot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estuario Excelsior" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7450889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Skyring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22419271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angostura Santa Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Valenzuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sacrificio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo de Los Palos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Palos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina Loreto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Las Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Greive" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Fanny" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arnott" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rio Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Reynard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo El Vapor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Comming" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Cabeza del Mar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Bolton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Bitsh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Basilio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744198" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744198" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744197" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744197" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744207" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744207" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744211" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744211" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744208" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744208" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744849" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744849" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q95644343" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q95644343" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746774" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5746774" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5064875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo Dynevor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20751530" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20751530" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389623" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389623" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390514" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390514" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449453" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22449453" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468368" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468368" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475229" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475229" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475366" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475366" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475412" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475412" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475922" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475922" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499445" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22499445" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512566" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512566" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623159" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623159" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627886" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22627886" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305436" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305436" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637110" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637110" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640936" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640936" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641380" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23641380" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643235" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643235" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643551" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643551" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643587" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643587" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644342" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644342" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644857" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644857" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646163" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646163" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647379" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647379" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647775" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647775" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648842" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648842" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653174" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653174" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653325" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653325" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653769" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653769" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Isabel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vicente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Marta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Malogro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo La Pera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Jarpa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Garay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gruesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Baltra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Arturo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aldea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de Afuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mal Paso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rucas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Silla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Morgan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Onofre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Spoerer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote La Viuda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Las Rucas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Silueta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hermanas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Istmo Chinchorro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cercha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Diego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Olvidado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Rys" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Graves" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Escarpado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cuervos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Poca Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tenedero Montes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angostura Kirke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Huerta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Froward" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Falso Froward" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Altamirano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Simpson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Moreno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Meta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Pinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Monreal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Marshall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Herrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Alto y Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Toribio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Patos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Portales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Riesco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Intervine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Escarpada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Araya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Zeta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Merino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sangueza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Eulogio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Diadema" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Briones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Tito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Kate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Islas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Bories" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108665336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hospital Doctor Augusto Essmann Burgos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q101490991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frigorífico Bories" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387481" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387481" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452466" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452466" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456224" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22456224" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623186" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623186" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625934" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625934" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644159" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644159" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645268" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645268" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646964" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646964" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647291" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647291" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647294" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647294" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647456" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647456" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648310" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648310" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648311" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648311" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648617" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648617" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653358" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653358" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655258" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655258" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Orellana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Patria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cuevas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ballesteros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Lagartija" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Krug" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Flora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aguada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Meteoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Salustio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Valdivia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Lavaqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Labra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Cisnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Angelotti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Choros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Caribe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bertrand" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vergara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ismael" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Holdich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hansen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Balmaceda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5882408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golfo Almirante Montt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1001339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Natales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109742909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Captain Juan Ladrillero School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109771993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plaza Bernardo O'Higgins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Rotunda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22371441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monumento Moore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Widen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Marazzi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Señoret Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Linacre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Choros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peninsula Antonio Varas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Maldonado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostal Lili-Patagonicos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "YaganHouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Patagonico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puma House" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostal Bellavista Puerto Natales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Factoria Patagonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Red Point Patagonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niko's II Adventure" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "PUERTO NATALES" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Remota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Noi Indigo Patagonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Costaustralis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Weskar Lodge Hotel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Roa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla O'Reilly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Nielsen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Humberto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Codina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tetas Ballenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ruca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Virginia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Focus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Daroch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bordes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Donoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Potrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Rata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Cabieses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744193" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744193" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744465" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744465" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Natales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5804565" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5804565" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842533" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5842533" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845525" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5845525" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065810" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6065810" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065840" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6065840" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5064861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Benítez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19387191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Turbio power plant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841489" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841489" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841981" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841981" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1483271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cueva del Milodón Natural Monument" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843815" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843815" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845556" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845556" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386120" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386120" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390839" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390839" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395458" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395458" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396176" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396176" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541740" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541740" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22547602" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22547602" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22547611" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22547611" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641386" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23641386" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642500" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642500" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643590" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643590" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644193" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644193" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645251" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645251" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650870" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650870" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652383" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652383" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654185" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654185" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Zorro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Mateo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo La Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Jeannette" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Hondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Bombalot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Bellavista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6306379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Julia Dufour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31843731" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q31843731" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Rospentek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mastuerzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Escondida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Dorotea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Diana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llanuras de Diana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Indio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7335350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Turbio Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7930511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Tehuelches" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q390116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rospentek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897776" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897776" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yacimiento Río Turbio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Tres Mil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Julia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hurtado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Eberhardt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cuervos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q52952912" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q52952912" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alejandro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Las Coles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo El Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo de los Alambres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostal El Puestero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q952694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Turbio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1533589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veintiocho de Noviembre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61053094" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q61053094" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Vidal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5685386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teniente Julio Gallardo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hollenberg river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58822086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Turbio/ea. Santa Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6862678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina 3" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Riquelme" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Hopper" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo del Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68035145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Chile border crossing #74" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina Río Turbio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Zurdo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Monte Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22497107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Wagner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Stuardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Penitente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Pelecha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Isabella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Chilena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Huergo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22497080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Pinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Dorotea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo El Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Balmaceda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655770" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655770" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5700931" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5700931" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5700934" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5700934" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5700936" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5700936" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6023322" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6023322" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5398912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Esperanza River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q188177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Timaukel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16609101" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16609101" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17174530" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17174530" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832016" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832016" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839738" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839738" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841235" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841235" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842385" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842385" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842802" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842802" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22374029" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22374029" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387023" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387023" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390791" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390791" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393057" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393057" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393819" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393819" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394025" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394025" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396088" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396088" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22447276" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22447276" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470010" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22470010" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472326" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22472326" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475253" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475253" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307124" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307124" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642375" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642375" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642499" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642499" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642732" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642732" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642872" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642872" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644067" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644067" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644346" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644346" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646719" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646719" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647402" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647402" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648579" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648579" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652438" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652438" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652439" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652439" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652437" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652437" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Little Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuadrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuadrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Media Luna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angostura del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campanilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Ancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tom Gold" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Solar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago MacKay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chilota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Anita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Philippi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Palo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5170126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Baquedano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Borrosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Penitente river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Cóndor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zurdo river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q474602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gallegos River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55983556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Porvenir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12692120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Capitan Fuentes Martinez Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Onas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16827541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Almirante Schroeders Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21551617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puesto Mancilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cacique Mulato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Cameron" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Balmaceda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Porvenir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morro Gay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Domeyko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Zahorra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83551041" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83551041" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83555412" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83555412" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arska" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rubens river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas de Morro Gay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Flamenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Monmouth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Torpedera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Nielson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Requisito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago de los Cisnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Casa de Lata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Baquedano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744195" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744195" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strait of Magellan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2469493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magdalena Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17049008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isabel Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tierra del Fuego Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20970959" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20970959" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373927" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22373927" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22385915" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22385915" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393861" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393861" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396345" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396345" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460051" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460051" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475167" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475167" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476084" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476084" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494280" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22494280" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511212" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22511212" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624961" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22624961" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637225" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637225" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638638" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638638" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644280" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644280" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644859" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644859" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647601" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647601" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Nuevo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Reina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo de la Puerta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Real" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Shepherd" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Marta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guardia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barranco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bahía Shoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Almeida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Indios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6683083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Pingüinos Natural Monument" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q919952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Presidente Carlos Ibáñez del Campo International Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3378131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magdalena Island lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo San Vicente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Porpesse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Nuevo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Spiteful" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tern" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Zenteno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Searle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Deseado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gracia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Azules" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alfredo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arenoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897756" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897756" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Tortuoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Serpiente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Walker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Sarita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Harry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chabunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Beech" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22381915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Percy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Oazy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Turba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Vergara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Silvestre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Marta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Cabo Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111386825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "CALETA CLARENCIA" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Río Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Middleton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Paz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hook" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Garita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Contramaestre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Serrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tumba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Zegers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hummock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Halfway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Chabunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hobbs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marco Davison Bascur Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Juan Masiá Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tortuoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Perno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sharp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Paulo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagos Hobbs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hearn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Casimiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arenosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Los Cruceros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94671209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1006493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6729639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magallanes Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20970958" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20970958" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373755" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22373755" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388206" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388206" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388293" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388293" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388436" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388436" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389057" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389057" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389075" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389075" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389636" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389636" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394965" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394965" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395758" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395758" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457510" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22457510" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474397" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474397" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475475" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475475" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305401" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305401" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305795" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305795" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642104" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642104" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643379" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643379" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649783" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649783" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649812" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649812" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650583" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650583" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652575" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652575" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653225" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653225" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654073" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654073" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Hermanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntiagudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22582403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Patos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calafate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cullen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Isidro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero MacKlelland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Escalante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coffeehill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Carmen Sylva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bellavista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Bello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Donoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Jacobo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tierra del Fuego Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Seca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22497090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Primavera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guanacos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Gap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuarto Chorrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carrasco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Russfin Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11824383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Franco Bianco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897767" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897767" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897764" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897764" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Side River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Vergara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Heras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bandurrias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Alenk" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q750763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Inútil Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10912392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonian grasslands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo San Gregorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San José" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22497097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Progreso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5026507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Camerón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Doble Pico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111386824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "PUERTO SARA" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Moneda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pantanito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Barnacle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Tribuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Remo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Ema" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Campanario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Primavera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O'higgins River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Thomson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Springhill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Doce de Febrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Carrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7446380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Segunda Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nacimiento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Rogers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22497068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Miraflores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro MacPhearson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Jack Cameron" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Horquetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cortado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Aurora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Portales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Padre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tesoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Poca Agua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nuevo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bueras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744204" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744204" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Banco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Gregorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4741051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ambassador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841329" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5841329" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842538" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5842538" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17621349" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17621349" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17621355" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17621355" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17621353" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17621353" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7260522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Delgada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1367137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pali-Aike National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834274" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834274" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836715" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836715" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841827" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841827" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394928" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394928" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457629" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22457629" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473049" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22473049" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475568" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475568" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499620" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22499620" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511310" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22511310" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22621990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626652" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22626652" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304846" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304846" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306354" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306354" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647454" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647454" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647455" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647455" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647453" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647453" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651809" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651809" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654182" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654182" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Picana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pirámide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corazón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Salada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Orange" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22559585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Segundo Chorrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guanaco (Chile, Magallanes)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barrancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Anegada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Camacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16554271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pali-Aike Cave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1792530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "VLCC Metula oil spill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tetas de la China" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Media Agua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tetera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Salado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22497059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Meric" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22548495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cumbres de San Gregorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cóndor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Delgada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Kimiri Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Ford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dixon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Donoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuarto Chorrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tetas de la China" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Barrancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Delgada lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898377" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898377" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898613" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898613" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cono Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Arturo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pampa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Golborne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Espora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7243412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Primera Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1404113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cueva Fell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Valle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla del Monte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Malvinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6472920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Potrok Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arenas Sandra Scabini Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111386757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "PUNTA DELGADA" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20970960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Gregorio bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Mack Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mackenzie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Gallegos Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Terromontos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Saunders" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carolina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pali Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sutlej" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tercer Chorrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas Pampa Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Iturbe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25507674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baxa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Isola Bella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Carlota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Timone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hess" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Espora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Azules" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3457613" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3457613" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68035166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Chile border crossing #92" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5700939" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5700939" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7089005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olympian" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10940165" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q10940165" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3304494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bahía Lomas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15059015" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q15059015" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16143969" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16143969" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16561829" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16561829" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17621346" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17621346" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16301882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Güer Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839727" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839727" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840038" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840038" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372891" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22372891" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457676" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22457676" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3361365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pali-Aike Volcanic Field" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Hermanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso El Cóndor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Bismarck" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Daniel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Orange" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Lomas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Catalina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Gallegos train station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6472186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6979224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "National University of Austral Patagonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20970970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cape Possession" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84525419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "MPM (Río Gallegos)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Frailes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Convento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Cóndor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Plumper" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897761" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897761" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Felton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Narrow" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4842559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bahia Possession" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Posesion lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20828106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Posesión Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de los Frailes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22381816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Municiones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Daniel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Cisnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5847868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Ciudad del Centenario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15710077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mausoleum of Néstor Kirchner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9034723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Aymond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9034724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Aymond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60541099" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60541099" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2876048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piloto Civil Norberto Fernández International Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Mosquito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Güer Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hamilton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tandy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337429" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337429" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337439" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337439" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337440" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337440" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337446" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337446" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337448" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337448" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65553322" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q65553322" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17452252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Aymond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Aymond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Pirca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Great Orange Bank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58821988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Gallegos/río Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillos Orejas de Burro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de los Pozos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83869406" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83869406" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872241" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872241" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872244" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872244" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872302" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872302" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872300" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872300" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872309" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872309" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84525335" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84525335" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84525440" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84525440" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84526366" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84526366" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16334329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Catalina Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2893501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Integración Austral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Mosquito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655719" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655719" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655732" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655732" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655739" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655739" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655751" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655751" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655754" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655754" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655752" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655752" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655758" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655758" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655756" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655756" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655775" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655775" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q95729989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Gallegos Military Hospital" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q732267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bloop" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q875229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roman Catholic Diocese of Río Gallegos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q162903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baade" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q595266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Catalán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1541537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Graff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4993946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Drude" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844355" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5844355" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3696629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ghiberti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q82962745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Southwestern 45×90 point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q491718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Andersson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2118559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Loyola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489446" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16489446" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16609383" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16609383" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5738333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Buen Tiempo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6092895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bustamante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7384876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rydberg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q152201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Heyrovsky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842564" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842564" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1168198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guthnick" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366047" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22366047" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366893" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22366893" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366917" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22366917" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648696" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648696" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco del Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco del Pueblo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco del Cabo Buen Tiempo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Cordillera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Camila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28868254" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28868254" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22367136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte West Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Santiago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Tapias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23297095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Saliente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Artigas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23836204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mendel-Rydberg Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Mery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rocosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Macizo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49280756" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49280756" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Oliver" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hamilton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta El Gancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Cocozza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Ladrillero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sur Das" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q761763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Güer Aike Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111262450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Earthquake 2017-07-10 15:37:25" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60142950" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60142950" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60142952" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60142952" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60142953" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60142953" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111386817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "PUERTO GALLEGOS" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60500446" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60500446" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bahía Gallegos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco del Centro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada San Blas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Senos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337435" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337435" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337432" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337432" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Gruta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Gruta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Avanzada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Deseada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6098963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ramal Ferro Industrial de Río Turbio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65553310" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q65553310" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Santiago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Virago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cabito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Boina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25907709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Solitudo Martis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Río Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco del Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872305" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872305" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Duncan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84525948" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84525948" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84526369" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84526369" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q44242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Gallegos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22374217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo West Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Scout" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Yunque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Metalero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Chinchosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655722" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655722" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655742" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655742" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655755" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655755" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655780" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655780" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5716400" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5716400" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2877611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tarlton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1085057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guarello Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468916" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468916" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562468" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22562468" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626560" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22626560" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307555" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307555" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644181" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644181" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644518" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644518" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646716" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646716" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648635" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648635" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651803" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651803" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651801" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651801" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651804" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651804" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653197" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653197" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654153" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654153" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655615" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655615" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655628" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655628" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655728" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655728" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rossi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Shergall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Santa Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Merlo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Conejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343658" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25343658" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343973" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25343973" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro North" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Manassero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Gemelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Corbeta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Centro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Cafiero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Duke of York Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Sugar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Raby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Santa Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Izzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Espinazo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Erizos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Locos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Ruiz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Rodado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Tito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Palo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Seno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Islotes Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Julia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guillermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Dutasta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Canetti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6124966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Contreras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Tarlton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Notch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Rossi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Nebel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Palo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quarto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Roberto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Denaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Desconocido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cerda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Angelotti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6124967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Eleuterio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico York" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sabugo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Santa Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ruiz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Verdugo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Juan Largo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Italia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bonucci" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Aviso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Solitarias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Mellizos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Roncas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Maggi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Cap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Bonucci" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Soublette" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Sandwich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Susana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Kay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gaeta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Denaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Rossi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Messina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Lucha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5702818" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5702818" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091943" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6091943" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2916720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golfo Trinidad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2733743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Madre de Dios Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366747" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22366747" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453459" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22453459" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475642" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475642" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637853" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637853" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642850" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642850" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644856" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644856" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646711" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646711" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648270" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648270" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652481" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652481" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653766" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653766" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Sharp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Roja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Occidental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22701557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte William" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fondeadero Mackerel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Low" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lejana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Innes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gruesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Gemelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Caracol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Fairway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Shag" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Tres Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Spartan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Rugged" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Rugga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Tudor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Maple" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Jane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Gamboa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Gamboa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Crammer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estuario Barros Luco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Organ Pipes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Spider" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22591057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Merino Carvallo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Shortt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Sail" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Knob" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Hawksworth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Corso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rompientes Challenger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Cardinal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Byatt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Black" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22374066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Vertical" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Peter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Seal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Vidette" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Rameses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Seymour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Pullen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Sentry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Parr" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Warren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Trinidad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Leandro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Knocker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Knob" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Kelly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Green" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Double" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca 1911" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Van" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Vertical" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Marble" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte MacLear" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Harbour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Doble" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Castle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Abril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Renato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Step" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Horn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Fortunata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Fisher" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Button" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rompiente Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abra Wolsey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Primero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Tower" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22591042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo de los Puertos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Elmes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Picos Orientales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Cotopaxi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Audley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Aldrich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mornington Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5414106" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5414106" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5643689" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5643689" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746598" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5746598" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Taggart" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5922085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Virtudes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5922094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "White Horse Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651742" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22651742" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tortuga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304854" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304854" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643884" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643884" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644189" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644189" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644432" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644432" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645247" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645247" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647449" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647449" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647789" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647789" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652748" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652748" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652758" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652758" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652786" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652786" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653794" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653794" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655646" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655646" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Suerte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Nares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla El Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Miramar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Merino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ploma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Sicht" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Valenzuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Mid" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte MacDonald" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Laipe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Dagnino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Castro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jorge Montt Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Offshore" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Zero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Turn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Caution" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Brazo Izquierdo Beresford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5922054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Valenzuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tumbes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Zavala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Niple" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Peligrosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Salient" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Marzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Diego de Almagro Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Spitzberg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Taggart" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Pakenham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Navy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Picton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Solari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Taro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Emma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Diego de Almagro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Daroch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bachem" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Payne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estrecho San Blas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Troncoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Sorpresa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno de Los Torrentes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22590827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lslote Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Topar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Latitud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Eversfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Currant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bahía Coppinger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Kala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Nef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Ignacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Gerd" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Cohen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Blin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Picton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tang" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Tres Ratas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23262879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Titi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Maldonado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Majendie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Kala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Girard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Feilden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Cook" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Augusta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Abraham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes May" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Corso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Arcabuz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921385" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5921385" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921583" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5921583" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921855" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5921855" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estrecho Esteban" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Solar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373905" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22373905" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474872" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474872" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475461" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475461" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306500" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306500" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307554" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307554" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2890745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farrel Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643664" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643664" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644291" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644291" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644635" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644635" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644637" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644637" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644905" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644905" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646801" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646801" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648304" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648304" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653741" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653741" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653872" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653872" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estrecho Rayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pasaje" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rogers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Penacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Vallejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Resguardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Solari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vancouver" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Marcos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Escalera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Donaldson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Edelmira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Blaze" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Anunciada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Trigo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Notable" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Saboya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estrecho Santos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Whidbey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Plumper" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Stokes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Delgada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Locos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Islas Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estrecho Guadalupe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gatillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Constantino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Buenaventura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Anderson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Anderson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Locos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Pasaje" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estrecho Farrel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Escape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Cat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carmona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Rickard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Torrin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Pierre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Pascua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Sharpes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Vuelta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Becerra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5158362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Concepción Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17651879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3276662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Inocentes Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Saboya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pritchard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Kendall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Carmela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Cachorro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q682535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanover Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Visible" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Stewart" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna William" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Scout" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cafiero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22447213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Relief" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Soffia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Tarleton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23303551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Paget" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Luz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Hays" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Eclipse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Coronel Madrid" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649344" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Clements" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Brassey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abra Themis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22447201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Rejoice" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Monumento Stokes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Wallace" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1945723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Balmaceda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3648639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chatham Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5702832" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5702832" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856177" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856177" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856289" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856289" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3032022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grey Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3054264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amalia Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971078" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20971078" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21619442" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21619442" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21619471" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21619471" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623982" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623982" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305453" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305453" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637210" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637210" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643265" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643265" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643474" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643474" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643934" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643934" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644081" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644081" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644259" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644259" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645811" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645811" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653321" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653321" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653792" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653792" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653793" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653793" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654101" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654101" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655261" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655261" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Porpoise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Ordenance" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Owen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2877341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tyndall Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Zapata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Vicente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cutter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5638602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Serrano River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Charles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Última Esperanza Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo San Vicente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Rowley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Tindall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca White" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Long" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Infernet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Evans" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Donoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Balmaceda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Laura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q548229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reclus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo San Mateo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22381998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Rayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Passage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tapering" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Milne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5623155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guía Narrows" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Pingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Peel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Stanley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Robert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31843734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Europa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Inocentes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Dos Canales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Don Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cordelia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Blanche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5849865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Última Esperanza Sound" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6477342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Pehoé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rowley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago de Grey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Alexander" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Diana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7160215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peel Fjord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sombrero Ladeado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Hope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Don" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Childers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64141387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Balmaceda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28162984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zapata Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Pitt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Snowy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Wheeler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Paine Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hoskins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hankin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Bruch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Anchor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Ramses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Taylor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Owen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Pounds" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Skottsberg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tryon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ferrier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Escala Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Edwards" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bonduca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Doble Pico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5763253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Stokes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q367943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perito Moreno Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13562104" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q13562104" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Caracciolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21619443" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21619443" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21619444" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21619444" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21634357" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21634357" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453885" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22453885" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475244" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475244" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475699" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475699" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476053" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476053" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476113" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476113" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512876" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512876" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22618790" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22618790" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625364" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625364" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2946754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Daudet Mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643087" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643087" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643307" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643307" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644190" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644190" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646961" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646961" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654138" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654138" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Shelter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rogers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Figueroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Chance" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Bun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Montes Admiral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5273793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dickson Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Entrada del Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Entrada Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Anafur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Middle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Rocky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Holmes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Childers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Childers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barros Arana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Fría" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cervantes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Mussel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Molyneux" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Spur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Wigwam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Landslip" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Culling" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Asia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Agudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7358500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Water resources management in Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109461948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ostrava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28554506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Paine Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22547081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cubo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Adriana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Singular" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Monteith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Stud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5608166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grey Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Grove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Galeotilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Don Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bush" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gorra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Paine Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Drummond Hay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chaine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64141386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Brujo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo de Vismes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Temple" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Pearl" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Rat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Wake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5273788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dickson Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fox" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Escribano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Calvo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Ruff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo San Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Parker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Snout" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Viel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Gull" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Fawn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Charles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Bone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bromley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64141904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calvo Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HPS 31 Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moreno Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ohnet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Downfall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Moreno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pingo Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olvidado Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HPS 29 Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HPS 34 Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3237424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Archipelagoes of Patagonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856196" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856196" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373258" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22373258" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22410463" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22410463" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475884" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475884" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512612" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512612" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643892" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643892" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646752" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646752" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646963" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646963" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647791" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647791" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650090" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650090" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651035" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651035" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654226" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654226" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654225" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654225" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Smallwood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Tall Tree" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta William" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Maine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Egg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Delgado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cook" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Candelaria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pilot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar (Chile, Magallanes)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Strong" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Murray" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca White" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Campbell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alonzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Silvertop" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla North" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Scot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Wingate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Wigwam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Graham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Green" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Flat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Fairway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Entry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Datum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26271915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rose" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Webster" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Richardson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Tres Cerros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Robert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Single Tree" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Malaspina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Hernando" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Gunn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes David" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Child" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Centre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Bentinck" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20669778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Canning" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Middle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vallack" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Moraine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pemberton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mehegan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Capato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22702758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Oriental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Rat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Unit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Whale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Mather" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Lamero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Kingfisher" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Henderson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Fletcher" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Devinish" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Dinwoodie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Burnt Forest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Great" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Spero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Parry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Portland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Sea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22489418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fondeadero Tizard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Lastarria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Grant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Clanricarde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Cohen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Centre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Thorn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Morgan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Stratford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Voke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Redbill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Single Tree" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nob" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coppinger Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Clements" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Bethell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921705" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5921705" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365634" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22365634" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468350" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468350" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475025" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475025" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476134" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476134" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562401" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22562401" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562538" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22562538" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305441" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305441" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642760" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642760" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644952" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644952" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648202" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648202" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650877" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650877" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652544" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652544" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654139" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654139" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Meidel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Snell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Squire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sunbeam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Luxor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Catedral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Breakwater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Adelaida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Somerset" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Yorsin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Millar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Wilson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22641479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Salvaje" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Kathleen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Dock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Burgess" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Broad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Brazo Ancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Alpen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Rice" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Topar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Schweers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Petley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Wilshere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22591071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Malvinen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Joist" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Gunn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Gort" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Febrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Espejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cecil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Brassey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Emma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gertie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Neesham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Stange" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Vereker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Picton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Kentish" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hardin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Fuentes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Arthur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Adelaida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7998582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wide Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Thumb" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Wilson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sakkarah" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Marsh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Husbands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Hastings" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Gage" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Conolly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Herminia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Staples" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Memphis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo del Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Paine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Skyring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lecky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Denderah" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30322505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iris Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Middleton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orejas de Burro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Moreton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Parque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Malvinen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Danielsen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cameron" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero White" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Woecan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Petley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Patos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Smooth Brown" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Mabel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Ladrones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Europa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Caffin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Camel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q398404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguilera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856183" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856183" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5880617" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5880617" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6092072" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6092072" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971084" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20971084" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305437" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305437" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644543" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644543" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648798" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648798" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649355" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649355" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653856" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653856" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte O'Higgins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Nueva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Veto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Seater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Sherris" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Darwin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pitilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Jones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Holland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Guillardi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Centro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Antrim" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5762822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Agassiz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peineta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Patch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Leontina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Isabel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Corn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Backout" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Averell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arturo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Choros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2890364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Grappler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ringdove" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Rule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Wilmot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Julia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Interior" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hamilton Shoulder" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Beresford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Adelaida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5880614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Onelli Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chacabuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q598762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spegazzini Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ruca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Escape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hyacinth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hayman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Freire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Dutton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1702858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bernardo O'Higgins National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Saumarez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Icy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Labouchere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Escarpado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Diamante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Celia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Carmela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Angle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Andrew" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Allard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Abismo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Herminia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Avellaneda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Marie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Edelmira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Connor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Charteris" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chapario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63982843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Spatsizi River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bertrand" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64141385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ameghino Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Southern Patagonia Ice Field Glaciers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal de los Témpanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bolados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mason" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Leith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Horacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta French" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64142374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Europa Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HPS 28 Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mayo Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Muscosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gatos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Curle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barclay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Penguin Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guilardi Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64142326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Agassiz Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q803680" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q803680" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1632031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Viedma Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2566668" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2566668" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746629" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5746629" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921533" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5921533" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5788463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Mariano Moreno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5977199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Southern Patagonian Ice Field conflict" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ladrillero Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q962630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Upsala Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839858" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839858" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841900" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841900" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395603" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395603" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459795" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22459795" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468490" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468490" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624505" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22624505" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642378" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642378" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644185" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644185" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646891" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646891" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647292" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647292" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651100" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651100" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651266" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651266" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Moyano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Nodelkissen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22367019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Valenzuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22367180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Wotan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22382139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Spengler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Marta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Lynch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Maipo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Covadonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Cirujano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Boguslawski" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Araya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Arturo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ladrillero Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Petters" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Stubbenkammer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quemada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Montague" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23253757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Valenzuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Jarpa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Camello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal del Laberinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stosch Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Orella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Roberto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ignacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hansa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Dineley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5763132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Murallón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Esmeralda Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Staude" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Von Schroeders" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Varposten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1031467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Southern Patagonian Ice Field" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Upsala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Anita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rivera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Notable" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Drechsler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Armanda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HPS 13 Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rompiente Stortebecker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Welcker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Covadonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5882411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golfo Ladrillero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Kala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Huber" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cuero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Nadelkissen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HPS 10 Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Western" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Sanz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Videla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Vorposten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Klippen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Falcon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Condell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Colmillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Riquelme" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lamire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Baudissin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HPS 12 Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HPS 15 Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91340771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campana mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hyatt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Riquelme" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402218" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22402218" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449019" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22449019" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471642" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22471642" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494636" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22494636" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623142" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623142" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625625" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625625" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305415" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305415" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305435" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305435" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643193" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643193" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644184" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644184" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647445" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647445" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647634" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647634" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651709" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651709" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Serrucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22374235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Weyer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Videla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Mutilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Rothenburg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Silla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Serrucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mitra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Luis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ernesto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Dora Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Dundee" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Dineley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angostura Chilena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Araya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Alejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Riquelme" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Torpedo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Oregon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Rocky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cabrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Gallardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Frank" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Edmonds" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Conglomerada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Boscosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Barbarossa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Adolfo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Barbarossa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Roth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estrecho Veintiuno de Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ricardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Agudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Dora Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Breaker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Alvarado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rompiente Alberich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabrales Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estrecho Octubre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Promontorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Nimrod" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Nimrod" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ofelia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Miranda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gallardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estrecho del Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Merino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Roca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Roth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Luis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Estriado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Bynoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Bynoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2705700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campana Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patricio Lynch Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Thora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Jungfrauen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Galland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Consuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Cochrane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Outer Breaks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Monte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Pacheco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Rojas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Vela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Jungfrauen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Flinn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falso Bynoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Bynoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rompiente Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Paralelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Valenzuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Maipo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lafrentz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Kluverbaum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Dyer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Dora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Edith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Breaksea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5479631" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5479631" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921505" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5921505" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1027025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Edén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448591" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22448591" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475262" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475262" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475873" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475873" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642380" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642380" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643542" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643542" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644093" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644093" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646389" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646389" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646787" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646787" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646978" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646978" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652609" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652609" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653429" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653429" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655262" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655262" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655712" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655712" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Solitario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Reindeer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Walkyren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Sur Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso The Knick" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Morales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Lawinen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Wells" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta William" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Marta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Hermanas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Hermia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Promontorio Exmouth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Byron Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bianchi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Abtao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Catalina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Machado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Sotomayor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vitalia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Perch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Walkyren Stein" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lavinia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Graves" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Falsa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Covadonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angamos Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Wilcke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Manuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Ligowsky" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Herzer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Gregory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Corto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Clarke" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cascada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Indio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1048284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wellington Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22419283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angostura Sueca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Shem" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Stoddart" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Foot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Dolores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Covadonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28162964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Edén Igneous and Metamorphic Complex" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mesing" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Round" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Reynolds" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5422986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eyre Fjord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Harbour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Gorgón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Crossover" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chipana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Medora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Morton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orella Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Bare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Solitario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Vaudreuil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Walkyria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Hammond" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Fallos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Eva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islita Bouquet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Bryer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Fallos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Sigfried" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Mogotes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Triple" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas del Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Levison" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Isla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Jervis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Good" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Greville" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Fantome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Dulce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4713463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aldea Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aldea Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Knorr" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3954996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "English Narrows" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448976" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22448976" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452239" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452239" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475718" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475718" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622143" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22622143" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305847" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305847" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636799" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636799" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643608" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643608" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644197" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644197" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644397" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644397" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646789" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646789" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646817" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646817" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649350" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649350" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650555" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650555" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655724" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655724" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657333" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657333" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Isabel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vittorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Valverde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Thomas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Stopford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Stopford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Lookout" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Jenkins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Japhet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Hall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Green" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Eva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chinnock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Astorga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Ollard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Isla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Harm" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Disraeli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Caution Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Armingen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Moat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Pascua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pemberton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Louasen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Julia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Hachman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Elizabeth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Casquete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bishop" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Becerra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Wallace" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Zealous" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Mindful" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Roberto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Willibald" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hume" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Henry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Florida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Enrique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cavour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Capac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Bories" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Armando" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Olga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Patagonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Salamandra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Zealous" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Kitt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Dimsey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Daly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rendez-Vous" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Memphis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Paradise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Halliday" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Halt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Durban" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Duque de Edimburgo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Barton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Medio Canal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Zealous" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta John" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Haycock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Erhardt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Tree" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Seymour" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pascua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Shearwater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Loney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lamarmora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Harwood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Denman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Croft" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Caution Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Bushy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Beauchamp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2613997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brüggen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2878502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Serrano Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1162722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Messier Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452140" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452140" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454322" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22454322" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468613" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468613" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475393" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475393" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475969" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475969" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512789" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512789" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636903" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636903" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642371" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642371" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644286" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644286" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644323" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644323" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644867" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644867" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644868" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644868" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646878" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646878" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647466" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647466" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647715" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647715" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647871" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647871" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648706" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648706" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652762" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652762" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653595" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653595" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Nelson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Naomi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22591103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Palmer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pelada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Stubenrauch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Eyre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campanario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Caffin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Arturo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lautaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estrecho Search" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pirula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Seal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Saliente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yelcho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hammick" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Goicolea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Farquhar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Corbett" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alexander" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5607824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Greve Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Adalberto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo del Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Murdoch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pomar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Seldenek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Seal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Marcus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Albatros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Jasmund" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caldcleugh Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ofhidro Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22591048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo del Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hillyar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Exmouth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Dreising" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Boyle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Albatross" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Middle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Williams" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Midge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Waldemar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ommaney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Hens" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Cotopaxi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Caldcleugh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angostura Alemana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2900511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Katalalixar National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Plana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nelson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Oldenburg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Teniente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Wetherall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lotten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fallos Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Heinrichs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Eulogio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Boxer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bremmer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo MacVicar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Havana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Goulden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Farquhar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Wald" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Launch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Kravel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Eusquiza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Farquhar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Cruz del Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Circel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Bunster" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Albatros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Greve Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64666134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hillyiar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64141902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bruggen (Pio XI) Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4893907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bernardo Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q215138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Fitz Roy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q312929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Viedma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q398478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguja Poincenot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1056102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Torre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guayaneco Archipelago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3044652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lautaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5064987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Steffen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388599" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388599" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414369" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22414369" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455521" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455521" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465344" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22465344" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468340" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468340" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469671" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22469671" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512595" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512595" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305302" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305302" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306505" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306505" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641385" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23641385" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645358" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645358" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648611" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648611" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652542" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652542" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Oriental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Steil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mocho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Kasper" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Hornby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Gabriel Quiroz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago y glaciar Gabriel Quiroz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ursula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6449700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Millar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q951579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jorge Montt Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93817083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Circo de los Altares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Scout" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Schlucht" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mellizo Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gorra Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bernardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alesna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q92614196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gorra Blanca mountain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mellizo Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31513428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Torre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q44644095" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q44644095" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Steil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ech" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Patio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1092454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Prat Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Doblado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Schafer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro O'Higgins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Pluddemann" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Otto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Puckel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sidney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22698679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campos de Hielo Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5552771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tempanos lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hugo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2444529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torre Egger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3824467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O'Higgins Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mikosch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64141901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bravo (Rivera) Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Francisco Pascasio Moreno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4694562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguja Saint Exupery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero O'Higgins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Phipps" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hornby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Hale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Stanhardt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nublado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Schlucht" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Lobo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64141900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glaciar Bernardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ofhidro Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Occidental Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Entrada Nassa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Royal Oak" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Tortuoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tarpeya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Indeterminado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Berguez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Alert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Agnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93812156" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93812156" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HPS 9 Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tempano Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mellizo Sur Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pascua Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64142268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chico Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5716386" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5716386" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5740021" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5740021" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921912" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5921912" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921950" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5921950" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5634891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HMS Wager" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7959515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wager Mutiny" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373415" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22373415" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449388" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22449388" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475749" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475749" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512770" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512770" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22591112" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22591112" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625556" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625556" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304863" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304863" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643210" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643210" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644188" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644188" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644275" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644275" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645033" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645033" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647403" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647403" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647894" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647894" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650876" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650876" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650918" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650918" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Sierralta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Scout" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vicente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Ramillete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Justiniano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Eva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chang" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Brown" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Brava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Juan Stuven" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Monigote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96182088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pinochet Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4849130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baker Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Codo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Canario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Boers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Austral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Arancibia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Somerset" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Tito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Porcia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Rundle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Jaures" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Eros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Casma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carpa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Baker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Anson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5922088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wager Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Swett" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Orlebar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Somerset" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tolten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Ratones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Istmo Indios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fleuriais" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2917737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Merino Jarpa Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Penguin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Scylla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Patricia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Origen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rompientes Meytre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Stean" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piloto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Li" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Joubert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22367097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Wager" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rugged" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lizard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Horacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Cock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Billard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Stonewall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Zealous" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Porvenir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Van der Meulen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Stony" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Zulema" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Plato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Laura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Larenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Home" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Capt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tetas de Ballenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Amengual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Van der Meulen Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Rowley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Jilguero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Joubert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Guatelaguen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5716481" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5716481" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5849785" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5849785" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429219" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22429219" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448474" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22448474" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453876" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22453876" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455536" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455536" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494619" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22494619" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625969" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625969" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305720" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305720" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22701498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Partido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638646" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638646" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642379" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642379" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642873" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642873" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643897" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643897" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644200" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644200" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644585" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644585" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645919" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645919" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651263" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651263" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654154" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654154" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654183" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654183" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657893" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657893" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lengua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo del Sudoeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santa Lucía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Pulpo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tianita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Pulpo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Iris" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Hazard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Graciela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gloria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Delirio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Dafne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cuchillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Saliente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Remo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lucha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Gemelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo del Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Laura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6124964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Baker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Entrada Policarpo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guillermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Diana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Crosbie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5922303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Ayauta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Salvador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Pipo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pocha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Raquel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Flora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fanny" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Farfan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Desertada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Crosbie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Cheap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Cachos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca de Canales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Remo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Merino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aurora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Albertina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Triangular" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Milo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Payaso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Safo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Teodoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Reyes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Machado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Landgren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fresia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo del Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Angela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Vesta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rompiente Susto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Sakkarah" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Solitario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Irene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Felisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Entusiasmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barrientos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ayauta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Stokes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo del Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Ventisquero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Oscar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Schulz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Vicente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Angamos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2390232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tortel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6881214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mitchell Fjord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q636898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baker River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pascua River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q200955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Tortel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387576" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387576" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391578" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391578" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22447190" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22447190" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459171" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22459171" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460425" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460425" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512851" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512851" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623643" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623643" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625385" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625385" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306504" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306504" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22517399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tortel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643030" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643030" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643112" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643112" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643570" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643570" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645920" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645920" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651872" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651872" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652471" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652471" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652573" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652573" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655627" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655627" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657892" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657892" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Steffen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ninfa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pisagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Zoila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25406994" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25406994" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Clara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Alberto Vargas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ester" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Capitán Prat Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mitchell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Tulio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22813278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Yungay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gastón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Espejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Barrios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Montalva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Plaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Montenegro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tiltil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Jorge Montt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Colma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Acosta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Estela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Steele" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nueve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Paso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Felipe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Rosina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Llay-Llay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Huemules" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Glaciar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Casas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Berta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16850447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Tortel Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q595165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carretera Austral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Teresa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Steffen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lindero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Heras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Kola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carmela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Abelardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6114895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Bravo (Mitchell)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Amelia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7606612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Steffen Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Pascua Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HPN 2 Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Troya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Quetru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Lucano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Horacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Faro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Esmeralda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Bravo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Morgan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Menor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Morgan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quillota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yungay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tenedero Fuentes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Edmundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Arturo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110250224" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q110250224" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64348270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baker Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q200948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torres del Paine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q901646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torres del Paine National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2608901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Turbio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68035143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Chile border crossing #72" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842967" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5842967" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844635" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5844635" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5064877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8558838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Río Don Guillermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q930366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera del Paine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21619469" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21619469" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842688" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842688" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844382" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844382" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392968" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392968" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393880" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393880" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394176" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394176" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396132" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396132" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396211" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396211" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396600" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396600" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466571" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22466571" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538623" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22538623" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305330" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305330" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639696" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639696" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3031982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Nordenskjöld" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651740" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651740" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bonete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Latorre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tres Pasos River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pared Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Prat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Vegas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Pedregoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mocho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Margarita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Amarga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Desfiladero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campanilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Calvo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Arturo Prat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7124873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paine River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2477323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sarmiento Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Monte Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Marías" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tenerife" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Diente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chacabuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Colonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27919361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tenerife" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897779" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897779" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta Gruesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cazador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Vargas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra del Cazador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Serrucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio de Las Chinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16858756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Prat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Otten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5064954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pared Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Jorge Montt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo El Encuentro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Guillermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110426606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kusanovic Bridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ecocamp Patagonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tierra Patagonia Hotel & Spa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2053728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Del Toro Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra del Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cancha Carrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Paine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Paine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337431" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337431" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7355937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Porteño" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7938004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vizcachas River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salto Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Voga Mala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Vargas Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HPN 4 Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Laguna Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22397675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salto Paine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Picana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baguales river (de las Chinas)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84525301" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84525301" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Northern Patagonia Glaciers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655772" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655772" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pared Norte Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pared Sur Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833541" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833541" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834469" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834469" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839395" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839395" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840685" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840685" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841662" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841662" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842300" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842300" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842307" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842307" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842308" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842308" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842309" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842309" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844426" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844426" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846141" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846141" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846832" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846832" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846843" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846843" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396874" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396874" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458813" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22458813" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22548475" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22548475" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653136" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653136" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653187" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653187" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653567" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653567" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pirámide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Freile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta del Italiano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Correntina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Cristales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuncuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Camporro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Atravieso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santa Lucía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Paloma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Vizcachas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Baguales II" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Iglesia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28040691" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28040691" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Patancha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pináculo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puesto La Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mangrullo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ciudadela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pilar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Donoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Bandurrias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Virgen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Verlika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Bote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de las Chinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Campamento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Baguales Cuarto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Baguales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Cajón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Fraile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Baguales Segundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Tapi Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Tres de Abril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Dulcinea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de la Ensenada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tridente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Jara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle del Río Bote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Baguales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillo Flores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7161722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pelque River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Lake (Santa Cruz)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Palique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa de Truco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Fraile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Obelisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Contreras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Altas Cumbres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Zamora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Verlika" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Portugués" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Minik Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Zanja Honda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de Zúñiga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Travesía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de los Cristales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta El Bote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Banderas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Baguales Occidental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96376565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dorotea Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216291" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216291" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1478566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Cruz River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6063191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parque provincial Península de Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7258541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q753898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentino Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1655986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Comandante Armando Tola International Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10849058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Argentino Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6463365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Leona River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833383" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833383" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833519" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833519" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835911" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835911" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836120" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836120" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837451" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837451" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837692" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837692" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838195" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838195" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838306" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838306" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839183" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839183" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839425" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839425" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840424" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840424" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843776" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843776" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844424" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844424" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846197" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846197" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846865" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846865" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846939" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846939" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847000" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847000" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Camilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta de las Vizcachas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Fósiles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Horqueta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito El Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cañadón de los Potros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Moyano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Buenos Aires" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Loyola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Frías" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6071580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "península de Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Solitaria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Comisión" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Avellaneda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barragán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5566113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glaciarium" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Quemado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Oro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mitre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hobler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Estancia Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Avestruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Buenos Aires" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Argentino Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Figueroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Figueroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Avellaneda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Avellaneda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q81561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Calafate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostal Schilling" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Red House Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "America del Sur Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Folk Suites" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Nakel Yenu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Folk Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calafate Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel de las Manos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Albergue & Hostal del Glaciar Libertador - HI" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Posada Larsen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Inn Calafate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kau Kaleshen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Calafate Viejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "South B&B El Calafate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hosteria Patagonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Buenos Aires" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hosteria Meulen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Sarmiento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ciervos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q215992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Glaciares National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de los Potros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Deus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Calafate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puesto Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Dos Mellizos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto La Diana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Cattle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22680971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torres de Paine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84525277" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84525277" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24942634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Nimez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Puesto Barros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campo Veinticinco de Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655729" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655729" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655762" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655762" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97189128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Irene Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216266" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216266" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216269" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216269" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746169" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5746169" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16301818" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16301818" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16302166" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16302166" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16302248" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16302248" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16564043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831332" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831332" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832494" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832494" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835945" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835945" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837140" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837140" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838379" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838379" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838765" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838765" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840037" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840037" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840219" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840219" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841238" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841238" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841789" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841789" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842110" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842110" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842690" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842690" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842689" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842689" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843994" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843994" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845559" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845559" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846651" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846651" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846766" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846766" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Tannhäuser" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Oliverio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Corpie Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dos Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Cevallos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Moro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Meseta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Salada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Moro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuadrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuadrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3998421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tres Lagos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7136980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pari Aike Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Catedral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Escondida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palenque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pastoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de las Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Criolla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bagual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pintado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ratones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pari Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Petiso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón El Mosquito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Cola del Ratón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barda Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas del Benito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pampa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Escarchados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huemules" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de los Calientes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16958002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorillo Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Sapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manantial Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fortaleza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fortaleza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fortaleza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Barón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25226674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mata Amarilla Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q918713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Viedma Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle de Río Chalia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo La Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna La Rubia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas del Esquinero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Camusú Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Camusú Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bi Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manantial Podrido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Escarchados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Ingeniero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Desocupada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra del Bagual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87064951" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q87064951" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas de las Salinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Piojo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Índice" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Trece" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de los Escarchados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Amenida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655786" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655786" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856119" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856119" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856161" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856161" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091996" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6091996" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16535342" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16535342" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16302274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Le Marchand" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17074253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Barrancosa Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q829872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pingo en lata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833840" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833840" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834227" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834227" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836113" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836113" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841315" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841315" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841634" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841634" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842884" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842884" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bahía Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito del Zorro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Taliva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Triste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de las Vacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Vallas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pirámide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pirámide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Puesto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Quemado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Observación" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas Las Acollaradas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de las Chinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15059704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Cruz formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94672769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Gallegos Air Garrison" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Tigre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Piñero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna María" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna La Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Sauces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3798469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Condor Cliff Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de la Yegua Quemada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Palos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Kollonk Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Crespo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla El Crique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Añapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de los Caballos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Barril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Yaten Guajen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manantial Man Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas El Palo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Chucuruc Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Cifré" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Cartucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Boliche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de la Bola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Monte León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Monte León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Observatorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1107158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coig River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Sargento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Mojón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Tres Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Man Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de los Indios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Kolian Kaike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Doraike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Codo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Brión" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de la Viuda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de las Matas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de los Menucos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Manantial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Corto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Falso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Zorro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Estancia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Tres Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Sección Smith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Silva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Puesto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón El Falso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de las Salinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Montes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Jack" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Tordillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Calafate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Casa Vieja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58822075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Cruz/ea. San Ramón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Desert Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa O'Higgins South Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831452" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831452" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831730" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831730" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832220" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832220" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835243" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835243" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835937" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835937" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837097" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837097" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837555" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837555" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839310" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839310" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839717" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839717" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841365" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841365" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843775" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843775" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bonete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386507" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386507" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389602" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389602" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395903" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395903" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22397079" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22397079" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458837" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22458837" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Honda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cangrejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Torre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lai Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla de Corpen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Caracoles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Meseta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Vicente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Trueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Vueltas river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q962170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Comandante Luis Piedrabuena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1323978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Chaltén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Zaino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Chacabuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Saliente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Doble" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91355666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Martínez de Rozas mountain range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Tar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Polo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Mackenna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Maipú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5808569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Desierto incident" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16488210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Comandante Luis Piedrabuena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta del Viento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833344" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Relojo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Obstaculo river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q800119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pavón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111112755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Comarca Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111112750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aylen-Aike Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111112762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hospederia Thiamalu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111112764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nothofagus B&B" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111112753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rancho Grande Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111112757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Milenarios Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111112759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mistico Hostel 23" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111112761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Condor de los Andes Backpackers Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111112773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Andino Aparts El Chalten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111112768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Los Viajeros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111112767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hospedaje Mi Rincon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111112771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel & Departamentos Kaiken" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta del Quemado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Las Latas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Kach Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Julio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5069104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chalía River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337442" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337442" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28163006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Torre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Greenschield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Chacabuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manantial de Ayuno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23869182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Candelario Mancilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Tar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manantial Trompa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Vacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manantial de la Pala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón El Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Astillado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de Monte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tobi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q57833066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago de Desierto Provincial Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dos Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Central" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64142269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "De Los Tres Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Julio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Corpen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dos Cóndores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Andes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93883760" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93883760" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655735" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655735" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655736" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655736" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655776" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655776" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655782" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655782" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215153" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3215153" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3306831" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3306831" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q992143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa O'Higgins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12695485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa O'Higgins Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Mayer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828587" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21828587" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831328" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831328" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831975" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831975" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835947" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835947" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836670" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836670" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837357" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837357" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838673" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838673" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840621" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840621" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845773" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845773" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846204" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846204" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386185" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386185" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390271" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390271" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392885" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392885" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394232" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394232" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395384" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395384" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396154" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396154" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396229" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396229" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396266" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396266" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396509" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396509" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475188" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475188" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641030" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23641030" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643953" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643953" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645172" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645172" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645173" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645173" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646491" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646491" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647327" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647327" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649120" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649120" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652483" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652483" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652574" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652574" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653693" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653693" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654214" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654214" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Karken" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Moro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Puntas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagos Encadenados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cascabel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2005708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O'Higgins/San Martín Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Las Vacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Gávido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cordón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Cascajos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Mosco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pilares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Escondida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Ciervo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cumbrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Sterea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Noveno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Greiner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Jaró" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pamposo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El nacimiento del río Pascua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Quiroga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Álvarez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hatcher" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Carbón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manantial Cardiel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Cisnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Strobel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vega Pantanosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Cardiel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Cabral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Frailes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O'Higgins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2439795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cardiel Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Pozo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Puente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta de la Muerte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Fósiles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dos Cuernos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5038354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cardiel Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Alegre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7511664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Sangra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mayer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Strobel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Cancha Rayada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Taitao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oriental Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q827962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perito Moreno National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215270" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3215270" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215651" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3215651" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Nansen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2370213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Mogote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16608795" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16608795" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107085447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Municipal Museum of Cochrane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832015" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832015" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833953" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833953" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836616" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836616" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842365" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842365" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389584" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389584" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395421" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395421" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396246" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396246" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467989" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22467989" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538543" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22538543" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306872" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306872" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636422" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636422" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644596" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644596" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645266" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645266" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651423" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651423" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653144" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653144" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653416" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653416" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653881" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653881" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cochrane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Hermanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gorra de Vasco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cúpula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Codorniz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Áspero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río del Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Sucio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Juncal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Colonia River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Guitarra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Esmeralda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo El Corral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río de Los Ñadis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de las Vacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dos Aguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Codorniz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Tranquera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro W" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Vista Alegre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Escondida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chorreado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Confluencia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Listado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5139440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cochrane River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16895595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nadis Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2608181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonian Andes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Entrada Mayer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rasgado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Doce de Febrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Cañada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Christie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Atravesadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo El Bosque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18391612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Belgrano Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belgrano Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Chacabuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cacho Carnero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16589003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago del Volcán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2179083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colonia River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago del Volcán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Heros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Árido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Claro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo La Gateada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Abutarda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cochrane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Azara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Burmeister" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Península" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yole" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tetris" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gorra de Nieve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barrancos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Ñadis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Iwan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de la Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16891054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Entrada Meyer Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro T" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico de las Vacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Catarata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744182" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744182" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214719" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3214719" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215108" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3215108" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215109" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3215109" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215186" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3215186" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2880063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Caracoles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4882672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belgrano River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7232965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Posadas Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3089010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte San Lorenzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16302255" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16302255" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490760" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16490760" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16579899" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16579899" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831454" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831454" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833486" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833486" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836823" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836823" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838890" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838890" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841693" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841693" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842065" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842065" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844033" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844033" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846650" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846650" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2400573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Posadas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305449" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305449" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Brown" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645328" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645328" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Ghio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Seca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Seca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Honda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quemado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Zorrino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peinado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pirámide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Guadal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Honda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Asador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Colorados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuadrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Cuevas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo San Lorenzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Elba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brown River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7386376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Olnie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q950541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gobernador Gregores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Caracoles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manantial del Arroz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de la Bandurria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de Barril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Brown Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1321162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gobernador Gregores Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Penitentes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Ovejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Alzados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Cochrane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Cascajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q728467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cochrane/Pueyrredón Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Yegua Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Verdún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Olnie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Bajada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Wilma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna el Tranquilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero San Lorenzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q615066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Chico Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Primero de Abril Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa los Alemanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337430" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337430" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337438" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337438" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q44821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Cruz Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de las Uñas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ventura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Primero de Abril Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Frutillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico Agudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Las Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ghio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chonque Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de Caracoles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Asador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Belgrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22697038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Runque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Grande del Río Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Klementek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del. Doctor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Árabe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655767" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655767" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655781" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655781" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655785" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655785" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1647524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Inghirami" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de los Cisnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856137" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856137" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6011384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "patagonic meset" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105320102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anfiteatro de Ticó formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15296129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Smetana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19951142" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19951142" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832104" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832104" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836771" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836771" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373050" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22373050" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512807" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512807" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623178" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623178" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653156" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653156" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de los Toldos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tornillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Picudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Pobre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Poivre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Largo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Fuego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Inés" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Evelina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Mojón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Colmena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de la Cancha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de la Cancha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Tetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Cueva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuadrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Picacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rees" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25407086" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25407086" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Diego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2367837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tres Montes Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Iliria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Gorro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Armando" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Cabezas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo del Abra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yunque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5352276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Tranquilo Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3259779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Toldos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta El Pedrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de los Calafates" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ambigua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de Armando" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Bajo Pobre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Buena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Volcán Tres Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Rocalloso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de las Ruinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sillón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Segundo Cono Truncado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Osamenta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vega Muñoz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gran Altiplanicie Central" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Dulce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Escondido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Baguales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Roca Sola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pallan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gorra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Ganso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de la Gruta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vega Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Volcán Elisabeth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Barril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Menuco de las Cabezas de Vaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Julio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Barrientos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manantial de la Pava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Brazo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Tres Montes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16976610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manantial Espejo mine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cono Truncado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Silla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Cónico Truncado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Chato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Blonde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Pardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Obtuso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Lai Aike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Manantial Caliente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Guitarra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Cónico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q99296879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Olnie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6124968" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6124968" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Javier Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20971081" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20971081" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365773" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22365773" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388417" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388417" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452530" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452530" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455122" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455122" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464180" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22464180" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470258" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22470258" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475466" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475466" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626121" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22626121" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627255" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22627255" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305329" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305329" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642134" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642134" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642377" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642377" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643539" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643539" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644641" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644641" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647637" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647637" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650310" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650310" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652519" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652519" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652520" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652520" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652749" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652749" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653676" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653676" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Stokes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Istmo Thule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Merino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Roma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Hellyer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gruesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Gemelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Eva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Finfa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Cerrote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Benson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Aramis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Alex" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Centro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Catedral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22382120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Sonora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22447256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Stokes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Istmo Riavel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Monaguillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pringle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Logan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Ignacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Escondido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cavernosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Arbusto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arturo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Anita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Amarillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1536356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gulf of Penas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Mitford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Tennis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rees" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Maldonado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Julia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Athos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mogotes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22591083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Jesuitas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Cliff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Armando" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Surania" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Riveros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lindsay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Hoppner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Esfinge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chagualat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Smith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Porthos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Waller" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22618780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto San Salvador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Javier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hereford" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Capuleto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Armando" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rescue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Mala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22362662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golfo Tres Montes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Sobrino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Holloway" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Gallegos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Crosslet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Block" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85799453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Javier Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86752360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gulf of San Esteban" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22362615" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22362615" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22382081" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22382081" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475525" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475525" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499599" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22499599" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305271" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305271" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305273" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305273" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305446" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305446" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643891" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643891" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644445" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644445" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644956" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644956" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644957" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644957" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645334" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645334" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646765" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646765" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648166" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648166" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648634" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648634" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650686" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650686" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653264" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653264" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653546" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653546" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654146" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654146" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655767" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655767" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657332" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657332" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Nueva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Serrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Tortuga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Prat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Miraflores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Newman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lynch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Camello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ister" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Forelius" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Esmeralda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Encinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Covadonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cochrane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Chato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bynon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río San Tadeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Raby" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco San Tadeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Zenteno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Latorre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gelboe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Boscoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Newman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Solitaria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Usborne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Oscuro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta O'Brien" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Esmeralda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Arbolada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Purcell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1703052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna San Rafael National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3179358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Presidente Ríos Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Esteban" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Riveros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fonk" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Doble Pico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Christie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Angamos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alejandro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Alejandro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1521286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taitailei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Presidente Ríos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Mosquito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ox" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rocallosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lumas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Condell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Byron" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arturo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Puelma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Purcell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Simpson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Lantil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Gato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Escarpada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Elliot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Circular" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Willy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mancha Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Marga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Elliot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Aldunate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Newman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Negro (San Tadeo)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nalcas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Perin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Kelly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Benito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1796125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isthmus of Ofqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q641604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arenales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1031462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Northern Patagonian Ice Field" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6986997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nef Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388254" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388254" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388473" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388473" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394194" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394194" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394305" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394305" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394717" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394717" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396287" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396287" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414219" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22414219" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459351" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22459351" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465119" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22465119" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475537" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475537" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494378" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22494378" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512744" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512744" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512751" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512751" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541928" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541928" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625074" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625074" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626965" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22626965" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643742" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643742" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644196" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644196" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644964" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644964" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645066" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645066" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646842" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646842" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646897" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646897" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647462" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647462" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649732" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649732" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Témpanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Merino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Largo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Torre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Isabel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tenedero Kelly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Garrao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cachet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arenales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Cachet 2" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7415215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Rafael Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22489397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fondeadero Pinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Porvenir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Lucac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Leones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Gualas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Falso Istmo de Ofqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Boscosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Auxilio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo del South West" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Stehr" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Montura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5148231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colonia Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Leopardos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Fiero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Exploradores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Cornish" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glaciar Exploradores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3780245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Quintín Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22680966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna San Rafael" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abra Kelly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huidobro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Elefantes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chasco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2092228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte San Valentin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2917558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Rafael Lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22414354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero San Rafael" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5421313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Exploradores Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Leonor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta James" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna San Raphael Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64142265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiero Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64142266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fraenkel Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Gallegos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golfo Elefantes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HPN 1 Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Thompson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hyades" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Burns" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64141898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Benito Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grosse Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Gualas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Aislada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87198568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Ofqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Quintin Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strindberg Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64141384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arenales Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leones Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Soler Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reicher Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451622" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22451622" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453280" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22453280" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458294" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22458294" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459537" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22459537" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460407" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460407" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306502" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306502" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306501" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306501" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636565" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636565" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642137" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642137" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642840" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642840" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642841" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642841" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643887" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643887" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643890" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643890" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645050" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645050" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647776" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647776" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651459" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651459" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654211" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654211" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Purgatorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Copihues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Clemente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Albano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26265666" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q26265666" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gallegos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Centro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Black" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Williams" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Prieto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pangal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Laurel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Isabel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Canelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Abandonados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Prieto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Puentes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ricardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Sucio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Refugio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Serrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Seal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lyng" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lobada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Flat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Flor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Clemente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Canquenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra Canal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cabras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Analao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Seal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Prorromant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Patch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Pups" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Haddington" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca Falso Pulluche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Barranco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Stripe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Verdugo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Notable" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Serrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22579260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca Wickham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Wickham" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Luis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Guillermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Gallegos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bister" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Alejandro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Taitao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Serrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Silva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mitra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tenquehuén Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Hyatt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Gallardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Desierta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Balladares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guerrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Walker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Oelckers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Copo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Oelckers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Vidal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Salas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Videla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Pulluche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Tres Islotes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Catalina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Canquenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bracey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3647813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "James Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366098" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22366098" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402174" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22402174" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402278" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22402278" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448537" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22448537" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453424" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22453424" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454124" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22454124" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461036" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22461036" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625112" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625112" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2936002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Darwin Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643888" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643888" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645246" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645246" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646894" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646894" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646895" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646895" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652258" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652258" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655611" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655611" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3647871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivero Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pisagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Scogliasa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Tres Cruces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cristina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Liucura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lem" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Eugenio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Figueroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Condell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Centro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Caniglia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Mogotes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cayo Observatorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pescadores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Potranca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote MacIntyre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Chacabuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Kent" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Harchy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alfredo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q968997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Traiguen Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Simpson Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Tuahuencayec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Utarupa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Piuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Smith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Melchor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Odger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22382201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Unicornio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Raimap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Veneria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Vallenar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Matilde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Marcacci" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Elefantes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Auchilú Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6492225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Guaitecas National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Stewart" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Pichirupa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nalcayec Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Paty" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tres Dedos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Matilde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Italia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Caracol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Angamos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Rengifo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Meinhold" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Mogote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Veneria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla McPherson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Lillian" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Lavinia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra Lejos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Italia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huemules Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Garrido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Garrido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Dring" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Unicornio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Kulczewski" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Isquiliac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fitz Roy Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Barros Arana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28162986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Traiguén Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Nalcayec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Oma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Solta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Isquiliac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Jaime" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Carrera del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Diego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Darwin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Auchil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107472541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quitralco Fjord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11123433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Victoria Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401444" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22401444" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459986" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22459986" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475544" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475544" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512695" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512695" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623169" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623169" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305467" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305467" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636784" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636784" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637154" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637154" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643581" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643581" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643898" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643898" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644527" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644527" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646788" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646788" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647460" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647460" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651119" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651119" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3110366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melchor Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sorpresa River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Renaico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rojas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rojas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Emilio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Occidental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Rocoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mitahues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Luz Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lynch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Los Maceteros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Humos Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huemules River (Tres Cruces)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chierchia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gallese" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Centro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quitralco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Meninea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Swett" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tozzoni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Melita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Peligroso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Playa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Rosario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Sanhueza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Tres Ratas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Quemada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Entrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote El Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Lamencura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Terrazas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Los Maceteros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Costa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Casma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Casma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Empedrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quitralco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Parenti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Acuao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Polizzi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Pescetto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Navarrete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22702690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Maillard" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Fernandois" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Fanny" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Carrera del Cuchi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Asteria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Desplayado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1076210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chonos Archipelago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Palumbo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Viel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Quetros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22701533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Vesuvio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Gloria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bahía Erasmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Costa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Centro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Casma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Atenais" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote del Pangal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Otranto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote El Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Ellis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Carrera del Chivato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pandolfini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rudolphy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ballico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Barba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port Aguirre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9035022" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q9035022" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106396119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mate Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5740017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Andrade" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459699" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22459699" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460837" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460837" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512603" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512603" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22618741" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22618741" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626985" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22626985" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304844" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304844" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642135" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642135" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644897" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644897" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646357" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646357" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649680" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649680" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650961" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650961" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655663" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655663" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659739" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659739" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659740" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659740" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22447172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Pinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pepa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Valverde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Graciela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Gloria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Froyo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Estrella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ester" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Trinidad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Weste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Vicho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Santander" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Searle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Navarrete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Manco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Luisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Flores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ester" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chaculay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alberto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Laura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Edwards" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pilcomayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vergara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Middleton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Minna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Riel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Squadrito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lememo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero del Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Alvarado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5849335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Copa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5921703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Las Huichas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1702897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guamblin Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Zola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quintana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tortuga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Cinco Hermanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Las Huichas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Herrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Bonito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Angosta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3116465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Macá" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Petiso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22579261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca Winthuisen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Herrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Germain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Elisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carvallo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23925965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meullin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16850437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Blanco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22382065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Rompientes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Melville" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Popea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Roch" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gatica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Devia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Pilcomayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Los Amigos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Elisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cavieses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bories" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Barrientos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Paz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Virginia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Boina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Groetaers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Eugenio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Andruche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Aminta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aysén Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453275" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22453275" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455056" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455056" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622893" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22622893" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699031" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22699031" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699119" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22699119" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305445" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305445" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641994" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23641994" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641996" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23641996" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643885" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643885" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643889" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643889" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656318" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23656318" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657873" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657873" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657889" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657889" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Memory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mellersh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pajal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Transito Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3110360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Benjamin Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Rica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla James" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Janequeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Gay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gertrudis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Elvirita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Dublé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Americano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Gemelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Beatriz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Midhurst" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Lort" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lalanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Johnson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Hulk" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Goicolea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cuptana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estuario Cisnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bolados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estuario Cisnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mauricio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107994681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nihualac Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Stokes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Level" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Liebre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Las Carabelas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Johnson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Galvarino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Florencia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Chaffers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Bynon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Philip" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Cristina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rowlett" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Silachil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Rhone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla May" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal King" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Ciriaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chalacayec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Cervantes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bustos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Broken" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Sullivan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Simpson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tangbac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Williams" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Simpson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Llenihuen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Abd el Krim" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Lautaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Teresa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Topaze" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Izaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hulaud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Forsyth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes El Enjambre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Dar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Canal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Arthur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Albo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Westhoff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ramses II" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Soria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22698979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Ninualac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo López" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ipun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Canave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Auchile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Leucoton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Moraleda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Salas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Tacna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sainec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Johnson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107722777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Americano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3651677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Magdalena Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400823" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22400823" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452046" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452046" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454922" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22454922" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455066" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455066" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460991" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460991" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624001" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22624001" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626302" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22626302" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699021" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22699021" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304963" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304963" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305443" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305443" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305452" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305452" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305768" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305768" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306498" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306498" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306497" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306497" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643538" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643538" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643537" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643537" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644292" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644292" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647459" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647459" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651965" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651965" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652939" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652939" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mercedes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rojas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sierra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Marta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lorca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Garrao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Garrao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Brieva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Cayo Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1651325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Magdalena National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tadeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Viola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Peligroso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Proa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Martita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Macetero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carmencita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Amparo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca de Afuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pen-Davis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3110392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuptana Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Piure" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pangal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Nassau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Orestes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Tahuenahuec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Magdalena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golfillo de la Lobada de Quetros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Letreros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Uspallante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Andrés Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Valverde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Villalobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Matilde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Los Yuyos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Lehuelat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Chipana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q937424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mentolat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pity" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tahuenahuec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Puyuguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Latolque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Hilda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Ferronave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Filomena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Ema" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuptana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bastias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Baeza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Skorpios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61438972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Gaviota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Oppisso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Vera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Olea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Pomar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tuap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sierra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Eugenia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bornscheuer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Senec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Jechica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Mustafa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Sodival" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Nassa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Licha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lamalec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guayanec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Garrao Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Caruso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baesler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Alanta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Copihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2935939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moraleda Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106530593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melimoyu National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401606" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22401606" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448613" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22448613" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453063" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22453063" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454161" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22454161" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621464" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22621464" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644187" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644187" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644633" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644633" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647396" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647396" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657988" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657988" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22382018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Rica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Morel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Cayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Gemelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Job" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Canalad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla El Gorro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ceres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guafo Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Serrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ovalada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Peinado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Porvenir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gusanillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote El Amortajado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Doroteo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Concoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cercana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Canalad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Burgos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Alejandro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lagarto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3110372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guafo Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Pepe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tajada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Leucayec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lagora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Gala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Bobe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla del Barranco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Atilio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Aguayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Toto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Vico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Obaid" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Miller" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Hederra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Chacao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Oelckers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rudy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Wargny" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Melimoy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Miranda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Weather" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Llanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Gusano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Harry" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Gala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chipana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Pedregoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sierra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mulchey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Los Quincheles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Manuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chaffers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Elvira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Chacabuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Catitas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla del Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Atilio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Salientes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Yack" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Soto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Jacaf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Gusano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Aparicio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Pihuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Verdugo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Riquelme" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Roa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Mayne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Enrique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ayacucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Andrade" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Amita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61438971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Gala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5730944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca del Guafo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373006" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22373006" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22385789" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22385789" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386803" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386803" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388574" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388574" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391693" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391693" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401346" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22401346" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453403" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22453403" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459410" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22459410" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467507" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22467507" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474962" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474962" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623151" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623151" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623416" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623416" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629059" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22629059" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699066" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22699066" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304992" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304992" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306475" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306475" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642356" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642356" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643040" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643040" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643464" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643464" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657848" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657848" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657994" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657994" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659795" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659795" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659796" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659796" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Surgidero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Refugio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sargento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Saturno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Urano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Marta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Laurel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guaiteca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barranco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barranco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Surgidero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17002680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Zorra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31843739" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q31843739" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Selanec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Garza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Cuervo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Constantino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Clotilde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Caleta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Betecoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Plaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Guamapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Roble" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Peligrosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Dolores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huenocoihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Fresia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Ermeralda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7683828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tantauco Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2860228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guaitecas Archipelago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Patgui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Zorra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Tuamap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Gaviotas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Doce de Febrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Bajas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Costa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Alfa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Leguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Omega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arpones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Salort" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Inio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Jupiter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tuamap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Low" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Leucayec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guacanec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cuervo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Lagreze" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Huenocoihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chayalime" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Betecoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Murta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla del Vigia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Yencouma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Pochas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tiques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Mayor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chaiguaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Beta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Las Arrayanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61438986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Repollal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856201" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856201" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386821" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386821" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391711" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391711" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394058" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394058" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396182" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396182" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396782" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396782" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474825" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474825" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624967" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22624967" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305304" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305304" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305957" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305957" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643569" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643569" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649413" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649413" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650282" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650282" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653380" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653380" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653386" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653386" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653810" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653810" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653809" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653809" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655622" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655622" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655629" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655629" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657409" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657409" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657879" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657879" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658166" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658166" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658171" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658171" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658169" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658169" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658172" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658172" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658173" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658173" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658191" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658191" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Moraleda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mercedes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Refugio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Westhoff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Caniao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Luisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6812539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melinka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Refugio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Yalac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22456233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Yates" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yatac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Loquitos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guamblad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guamblad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Carbunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Canoitad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Anita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Falsa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Canelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Locos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28056528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2016 Southern Chile earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Locos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Las Hermanas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Julia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Yalí" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Leucayec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Observatorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Quilanlar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Pato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Olleta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ascension Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farallones de Los Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Guala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Emma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Carbunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Blancos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Boigue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Melinka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Horadada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Guamblad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Los Destecados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Peligroso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Promontorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Guamblin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Guamblin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Chata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Carolina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Campos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico del Calvario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Queitao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piutipoye" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Linacre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Guedanchaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Colosia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Caduguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melinka Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63191765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Granizo River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guaitecas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2328243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gulf of Corcovado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6986998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nef River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7833454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tranqui Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387908" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387908" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388920" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388920" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393325" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393325" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396736" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396736" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413400" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22413400" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471564" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22471564" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475305" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475305" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511317" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22511317" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623925" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623925" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624154" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22624154" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624850" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22624850" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625096" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625096" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627747" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22627747" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305358" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305358" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305906" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305906" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306481" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306481" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642018" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642018" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643000" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643000" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645245" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645245" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645915" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645915" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646715" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646715" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650083" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650083" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650317" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650317" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651493" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651493" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651715" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651715" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652307" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652307" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655768" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655768" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658006" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658006" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658176" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658176" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658177" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658177" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659791" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659791" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659801" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659801" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tutil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta White" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Magallanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laitec island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cuello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chiguao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Bien Conocido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Valdivia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Paula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5088183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaullin Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Laitec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Huildad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Chiguao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Calliruca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Pilcomayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Plomo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tasca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mauchil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Linagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Yaldad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chiloe Extreme Tour Operator" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1542001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonian Ice Sheet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22618759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quellón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Laitec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Laitec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta El Pompon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cucagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Yaldad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Chiguao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de Chaiguaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7129485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pan-American Highway in South America" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12694590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quellon Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Loba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lili" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife El Navío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Coldita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22402371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Yelcho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pichagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tranqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Coldita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Caucacura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Chignao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Vargas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Oratorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yenecura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Chagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Chaiguata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Aguja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Canay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744242" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744242" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744246" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744246" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744244" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744244" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744498" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744498" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744497" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744497" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quellón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14218316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Río Tranquilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campamento minero Puerto Cristal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "General Carrera Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392851" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392851" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395403" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395403" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455749" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455749" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463948" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22463948" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539162" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22539162" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Entrada Baker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305786" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305786" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636763" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636763" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642149" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642149" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643131" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643131" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643561" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643561" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643582" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643582" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644674" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644674" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645171" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645171" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647244" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647244" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648824" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648824" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649337" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649337" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649496" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649496" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650699" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650699" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653364" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653364" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653819" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653819" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655329" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655329" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22701631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Murta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caballo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Contreras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campamento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Escondido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Esmeralda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chile Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Parvas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15241255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Cochrane National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6745123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malvinas Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16895075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Cosmelli Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Sanchez Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fachinal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Pedrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Tornillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Principio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Wood" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bertrand" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo de las Casas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16891190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fachinal Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2117404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Guadal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q576862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bertrand Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Lapparent" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Escota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Auque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Carlos Campos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6472222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Jeinimeni National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loncoche Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tamango" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22618694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Cristal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lucas Briget" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Jeinemeni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Mayor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Murta Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Murta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Oportus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pato Raro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tamanguito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Tranquilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5066044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chacabuco River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Doble" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16891053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Entrada Baker Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55629197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonia Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Sánchez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Rocillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5758501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Catedral de Mármol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Bertrand" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12692270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cochrane, Chile Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Stephanie Mary" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16622740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonia National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Los Chacales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Jeinemeni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Huacha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Collaradas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Tamangito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Trapial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56274031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toqui Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51836393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Cochrane Nature Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458590" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3458590" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Columna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6065869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2918295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ibáñez River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16622739" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16622739" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6011378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta del Lago Buenos Aires" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836938" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836938" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836942" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836942" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839906" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839906" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842277" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842277" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388126" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388126" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306846" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306846" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639726" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639726" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639733" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639733" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642519" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642519" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659705" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659705" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Honda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Laguna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Subida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Overo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lápiz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas Las Acollaradas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas Las Acollaradas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierras del Chacabuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Picacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Largo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Sapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Claro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Burgos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Sepulveda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Latas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12692215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chile Chico Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rocoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Rosada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Columma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cueva del Escorial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chacabuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Pirámide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Subida de Puricelli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna La Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Filo Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pedregoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Peñascoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Baker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tehuelche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Lucio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuadro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Sello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Volcán Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Rodolfo Roballos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas del Overo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Subida de MacPherson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Subida de Clark" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Limpio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo de las Chacras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Baño" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de Los Chanchos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Petiso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Salmosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Tamango" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago los Quetros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chile Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Toldería" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Confluencia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Baker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16608803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Zeballos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Ingeniero Ibáñez Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Horqueta Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna La Gaucha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Couto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de Ávila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Triangular Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quebrada Honda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chorrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Volcán Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salto del Page" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Subida de Couto Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Horqueta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744180" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744180" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q503842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake General Carrera/Buenos Aires" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2887713" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2887713" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68035139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Chile border crossing #70" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1870494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Antiguos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065827" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6065827" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5064873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489745" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16489745" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Buenos Aires Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832327" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832327" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835674" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835674" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838449" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838449" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839618" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839618" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842166" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842166" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463941" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22463941" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465321" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22465321" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305254" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305254" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636789" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636789" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642755" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642755" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645012" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645012" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659706" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659706" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659716" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659716" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659722" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659722" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659723" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659723" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659721" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659721" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659728" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659728" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659742" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659742" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660108" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660108" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Salitral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Antiguos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo del Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25406993" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25406993" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Largo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gemelas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Las Ánimas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Clara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cresta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2061265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perito Moreno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13403925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Murta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar (Chile, Coyhaique)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22597362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nevado de los Mogotes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cumbre Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Las Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25374211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Chacano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2117426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Ingeniero Ibáñez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3738207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ceniciento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Horquetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuatro Cumbres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Balboa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Vera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1055899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Hudson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de las Mulas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Parado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo de Nieve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Desplayado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111112748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estancia la Serena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Pallavicini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jeinemeni River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mogotes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Murta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Teta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337437" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337437" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337445" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337445" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5659083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perito Moreno Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blanco river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58820128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Buenos Aires" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Ibáñez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22618703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto del Rey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22702670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cumbre Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Manso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago El Diesierto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago las Ardillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Calle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Risco Rojo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Levican" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lechoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago La Paloma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Huncal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huemula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Caro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Bosque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Scande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas Glaciales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cabeza Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Río Jeinemeni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655766" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655766" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655778" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655778" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16627254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Palos river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q538807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Presidente Ibáñez Bridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1549684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aysén River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1909281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Aisén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391551" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391551" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392912" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392912" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455414" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455414" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474593" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474593" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639646" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639646" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644441" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644441" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644616" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644616" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647263" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647263" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648623" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648623" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648627" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648627" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648639" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648639" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648645" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648645" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649334" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649334" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651488" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651488" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652984" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652984" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653142" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653142" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655259" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655259" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659724" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659724" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659736" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659736" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo del Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mortaja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Partida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Feo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Iglesia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Aislado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manchon Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna espejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Camello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas Maletas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Totoral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Virgen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16589016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baja lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16588979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Portales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11824689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo 1° Juan Román Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yelcho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5492810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Chacabuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lomas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla de Las Nalcas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carmen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barruel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Atravesado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas el Plomo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898920" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898920" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Soffia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna las mercedes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio El Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio arredondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Pengifo Dorita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16494543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blanco Oeste River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7521137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Simpson River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q53794277" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q53794277" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Weste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huemules" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de La Paloma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Dangle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Daniel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Barroso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pascua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16588982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Riesco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "PUERTO CHACABUCO" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Loberias del Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Sebastián" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Niebla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Riesco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Burgos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Zenteno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco de Estribor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Elizalde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cumbre Partida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alargado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Acantilada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Foitzick" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla La Mentirosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Elizalde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco de Babor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Cea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Monreal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salto Rio Pollux" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Canel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Pollux" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Rosa o Las Islas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Indio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744181" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744181" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744187" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744187" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744192" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744192" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aysén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q54834353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Frei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5789506" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5789506" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7358308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yulton Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4607867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2007 Aisén Fjord earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394079" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394079" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394386" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394386" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395882" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395882" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304929" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304929" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2901027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Balmaceda Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645059" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645059" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651538" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651538" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659733" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659733" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659744" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659744" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660416" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660416" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660417" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660417" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23807423" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23807423" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969921" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23969921" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rojo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huemules River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Viviana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de los Palos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22122814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fraile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Gloria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dos Hermanas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cono Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Santa Rita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mañihuales River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12695273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teniente Vidal Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22597370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nevado de los Palos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4699223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aisén Fjord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5180013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coyhaique National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nevado de la Laguna de los Palos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Galera Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cordillerano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Baguales (Aysen)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Est. Turbio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Blanco Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ap Iwan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2844936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Balmaceda, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3785491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HidroAysén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chimborazo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23073238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aysén University" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuatro Puntas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Claro river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pangal River (Aysén)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20022217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mañihuales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2900491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Simpson River National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo del Humo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Emperador Guillermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio El Malito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagon Backpackers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60429273" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60429273" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61610394" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q61610394" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de los Carabineros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63565616" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q63565616" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Minero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pueblo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Est. Mano Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva Nacional Rio Simpson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas del nevado los palos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605128" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605128" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coyhaique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Ñirehuao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Cementerio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61930695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonian Ecosystems Investigation Research Center" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60396239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cathedral of Our Lady of Sorrows" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Frutilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Feo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coihaique River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16563663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Escuela Pedro Quintana Mansilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q53877849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Museo Regional de Aysén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Pueblo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cinchao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "E. Oyarzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Alvarado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva Nacional Hoihaique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744186" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744186" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744185" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744185" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744190" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744190" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744189" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744189" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744539" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744539" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48861252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Divisadero Group" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24960629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coyhaique Regional Hospital" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coyhaique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aysén Region" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3825651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16559731" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16559731" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7129377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Alta Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831683" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831683" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832075" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832075" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836617" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836617" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844574" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844574" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844575" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844575" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844573" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844573" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388231" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388231" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465861" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22465861" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648766" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648766" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650952" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650952" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q95118000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blanco Chico river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta del Guenguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pantanos del Coyhaique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Coihaique Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chapalala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Chalía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peñascudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Chata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Ñireguao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Pedregoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bella Vista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Patos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colmillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna las Perdices" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna 4" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Loma Quemada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Oscuro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3712452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Doctor Ricardo Rojas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Pedrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Lorenzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo La Galera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadones Gemelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cónico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mano Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Escondida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Coihaique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Cinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Avestruces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "E. El Predegoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6023314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monumento Natural Dos Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Cuarenta y Nueve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Negro Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Richards" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago El Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Dos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Uno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5968892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Pollux" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8196723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Río Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51838004" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51838004" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Quilchamal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de la Aduana de Valle Huemules" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Compañía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta del Monte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Huemules" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Almeira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra Solitaria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Thompson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Acantilado Las Margaritas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Las Mellizas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3609062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aldea Beleiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Punta del Monte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico de Richards" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Lagos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68035164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Chile border crossing #90" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Río Guenguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Galera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coyhaique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro Boscoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Pampa Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Estatuas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Mano Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagos Las Margaritas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Pichi Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colchón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Coihaique Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Misterioso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Tres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago El Espejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28163001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coyhaique Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1544156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Deseado River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16256982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro mine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q766588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pinturas River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21573855" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21573855" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831488" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831488" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836936" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836936" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839623" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839623" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840155" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840155" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840156" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840156" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841482" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841482" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841945" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841945" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843808" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843808" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bonete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Salado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Matreros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de los Flamencos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas Coloradas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chapalala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Charcamac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Cerro Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Monsalvo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Volcán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24936202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomada de Leiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo Castañón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Rodeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rosado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de las Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta de Pincharraias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pirámides" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro El Retiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Gambarana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Esquinero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Cinco Mil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Caracoles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta del Senguerr" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Gambarana Primavera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Ghisalberti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Kensel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Chipanque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Catamarca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Meseta Sumich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Sumich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo del Ruso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de la Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Coyte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas de Claudio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Tapera Marcelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Saco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guacho II" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta de la Horqueta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Infierno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas del Coyte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón El Pluma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Claudio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Cide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo Saavedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5511667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fénix Grande River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q223385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cueva de las Manos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Ovejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de la Yegua Muerta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadon Vega de Granja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Verdún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de Mortinqueo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Galpón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Chicharra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de Baño" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas de la Bezonartea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Boina Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Botello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Sumich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Vasco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Pirámides" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Olvidado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Guadal Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Coyte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Clark" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de las Chapas de Fuentón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Portugués" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de las Flechas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salto del Feo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Cañadón del Baño" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Planicie del Arroyo Page" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843275" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843275" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93377081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Mayo Army Barracks" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16589033" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16589033" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831485" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831485" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832208" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832208" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833686" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833686" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835766" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835766" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838739" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838739" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839803" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839803" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840159" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840159" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840161" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840161" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844167" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844167" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844549" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844549" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844569" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844569" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bonete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bonete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2204862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Heras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de la Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Ramírez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Rastro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sirven" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Slapelez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Montiel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Guadal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta del Guenguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chapalala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cocodrilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12693550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colonia Las Heras Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuadrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1774936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Escondida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna La Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Carril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Carril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Moleres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Moleres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Buitre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chenque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Setenta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Meseta Jiménez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de Janarez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo del Catamarqueño" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Abra Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuatro Puntas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5659175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Mayo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Walda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Slapelez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta de las Lagunas Sin Fondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Guadal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Cojudo Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Romberg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de las Mesetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338484" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338484" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Vázquez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cojudo Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Cojudo Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yegua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5614819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guenguel River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Wenceslao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Rastro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Romberg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle del Río Deseado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Sirven" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de los Leones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Kensel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Doce Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Clark" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra del Carril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84510555" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84510555" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84516017" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84516017" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58821989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Heras/los Perales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Setenta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Moleres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra La Picuda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de los Leones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo del Kensel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Curva Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569641" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569641" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655747" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655747" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655748" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655748" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655749" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655749" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655759" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655759" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655763" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655763" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sarmiento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3738267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Facundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5732517" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5732517" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844937" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5844937" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6034603" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6034603" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7178806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petrified Forest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11077084" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11077084" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4848907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Barreal Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16144002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sarmiento Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831353" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831353" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834234" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834234" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834276" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834276" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837139" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837139" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837166" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837166" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843940" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843940" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844000" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844000" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844479" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844479" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Musters" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Seca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rojo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ricardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de Pastos Blancos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Matasiete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Hermoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Cantado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Tetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Romero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salina Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Chata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Calaveras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Crestas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Bernardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Águilas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cresta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enrique Hermitte train station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1088722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sarmiento Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tapera Gaitán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de la Loma Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Pedrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas Bajas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Tacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Tacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gran Bajo del Salitral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra San Bernardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Guadaloso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guacho del Salitral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas de Caicheque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de la Salina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Leman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salina Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Cuadrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Cantado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón El Jagüel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Catorce del Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cachetamán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48987606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Musters and Lake Colhue Huapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5847655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Km 191 train station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo del Rosillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Choique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Teta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338474" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338474" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338483" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338483" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de las Hormigas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de la Cancha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colhue Huapi train station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9184479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caperr" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa María Santísima" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Verbera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Mallín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Faquico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872385" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872385" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84509815" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84509815" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pastel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puricelli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Cordón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas del Faquico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Avilés" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Abigarrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569606" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569606" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569644" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569644" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93381988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "“Sarmiento” Army Garrison" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q691021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1429070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cisnes River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coyhaique Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1108272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Musters and Lake Colhue Huapi#Lake Colhué Huapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834353" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834353" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22385851" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22385851" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389387" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389387" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390899" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390899" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394304" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394304" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458723" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22458723" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463929" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22463929" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465310" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22465310" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541875" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541875" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541937" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541937" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622597" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22622597" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tortuga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94665844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Amengual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643025" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643025" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647633" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647633" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653836" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653836" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660105" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660105" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cabezón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Hondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Pedregoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gallo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ganso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Copa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aguada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle del Marta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio El Toqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q123203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1927 Aysén Region earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Kepí" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chenques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Pedro Aguirre Cerda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nieto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Macetero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Escondida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Delta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alberto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Marta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15241259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Las Torres National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de los Guanacos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de la Flecha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Picaflor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22407335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Nuevo Reino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Presidente Roosevelt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tiltil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Cisnes Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51837073" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51837073" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pampa de los Guanacos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Colhué Huapí" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ñato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22527310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barranca de Tierra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Soto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pearson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Magdalena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Isla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Guesalaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Elefantes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q940455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Cisnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago La Plata Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo del Avestruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Humo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Picacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Goode" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cubillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Buist" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bennett" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Melillán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de los Galeses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Baya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Macetero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyuhuapi Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Las Quemas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Cay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aserradero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cisnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Callado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de las Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Callo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Los Canelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de las Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Krauss" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Grande (Cisnes)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Las Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744183" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744183" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744184" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744184" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94603197" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94603197" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago La Plata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1703011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Queulat National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847969" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847969" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389222" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389222" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389348" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389348" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390169" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390169" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391596" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391596" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394946" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394946" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395867" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395867" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396192" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396192" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454828" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22454828" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628105" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22628105" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640319" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640319" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642048" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642048" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642871" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642871" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643481" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643481" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646718" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646718" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646717" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646717" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650687" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650687" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651248" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651248" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651706" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651706" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652450" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652450" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660120" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660120" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3411127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyuhuapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Pedregosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cono Fontana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Overo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Hermanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Robinet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntiagudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Ventisquero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Moro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cumbre Lisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Quemas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Ancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Aguja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25104409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cesar River, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3108968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melimoyu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Figueroa River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ventisquero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Sibbald" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seno Queulat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mancha Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Escondida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagos de la Loma Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Diente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Ancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899201" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899201" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22981909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyuhuapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Melimoy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rosado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Siete Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Camargo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Melimoy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Zapato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Katterfeld" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo del Poncho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Luco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Jorobado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Galvarino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Diablito Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta De Vitts" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aldunate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6472276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Rosselot National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7191020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Risopatrón lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Morrongos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Duncan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portillo Cerro Catedral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Ardilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lac Fontana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12694578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyuhuapi Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Solís" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Queulat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5352257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Toqui mine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cumbre Media Luna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Gennell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Bobadilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Apablaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Dinamarca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61910005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Témpanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dedo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Orestes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moro river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104833717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cascada de Ventisquero Colgante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2383641" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2383641" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2424220" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2424220" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215134" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3215134" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Pico Número Uno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10854187" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q10854187" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14084558" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q14084558" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831492" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831492" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835095" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835095" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836793" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836793" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838733" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838733" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839746" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839746" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839840" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839840" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845774" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845774" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846054" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846054" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387972" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387972" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388050" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388050" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388558" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388558" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389036" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389036" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389369" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389369" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305180" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305180" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305843" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305843" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636634" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636634" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647429" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647429" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651676" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651676" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652351" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652351" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652352" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652352" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658142" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658142" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658170" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658170" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658168" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658168" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Pan de Azúcar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de los Contrabandistas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Magdalena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Turbina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de las Casas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cacique Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Las Cruces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5287294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Doctor Atilio Oscar Viglione" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16891150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estancia Río Cisnes Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Central" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Steffen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lote 15" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Baguales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portillo Cumbre Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cobos Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Buitre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1774299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Pico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2842280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Tapera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898989" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898989" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Payambre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gaucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Buitrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cumbre Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago 3" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51836206" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51836206" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Omkel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera del Gato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago 2" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Carlota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Melimoyu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16850207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cacique Blanco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Tapera Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q54826244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva Nacional Lago Carlota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Botella Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Teta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23292527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Segundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chacrita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Desnudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Botella Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago 4" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Winchester" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22524098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tres Morros Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Shaman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Patos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Golondrinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pepita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bonito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Verde Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arraigada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago 5" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Perdidos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo los Matreros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Loma Huacha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Las Golondrinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569642" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569642" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60785369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Frías Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68035137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Chile border crossing #68" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palena River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5850306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Junta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3571838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yanteles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13538040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palena Volcanic Group" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22385688" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22385688" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475199" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475199" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22591092" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22591092" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643230" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643230" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644738" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644738" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648265" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648265" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649333" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649333" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649376" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649376" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651101" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651101" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657625" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657625" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658009" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658009" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658067" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658067" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658070" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658070" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658069" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658069" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658135" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658135" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658133" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658133" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658138" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658138" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658144" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658144" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658145" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658145" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660122" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660122" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Escondido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Serrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Pajaros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Maldonado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Los Leones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Los Erizos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pampita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle El Parque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mallines" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caldera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Junta Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20880946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Marín Balmaceda Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Escondido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pescadores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22618713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Palena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Los Canales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla de La Boca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ester" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barros Arana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Palena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Claro Solar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Mirta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16508618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rosselot Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tictoc" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tictoc" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Escondida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Huerta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Frutillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Becerra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Montura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yeli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Laura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Veco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Horacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Garrao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oeste river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16901652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tic Toc Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Piti Palena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tictoc Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5483661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port Raúl Marín Balmaceda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Huepan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Falsa Isla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes de los Amigos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mirta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yali" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Jimena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Tictoc" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Zancudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Miragualai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Palena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lipipe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Islote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barros Luco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Trebol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Palena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Rodríguez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rosselot river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tictoc River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tolva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Claro Solar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Trebol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8051453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yelcho River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003727" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21003727" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386230" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386230" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386426" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386426" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386642" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386642" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386719" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386719" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388012" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388012" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394287" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394287" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395438" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395438" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396024" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396024" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396324" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396324" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396761" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396761" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428829" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22428829" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541560" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541560" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541859" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541859" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541918" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541918" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22564243" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22564243" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2900871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corcovado National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2631575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futaleufú River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305991" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305991" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644602" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644602" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645249" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645249" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646488" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646488" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646714" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646714" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647958" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647958" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648175" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648175" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651508" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651508" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653417" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653417" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653888" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653888" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653889" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653889" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655056" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655056" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655327" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655327" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658130" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658130" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658131" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658131" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658154" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658154" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658152" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658152" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659821" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659821" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659858" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659858" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659856" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659856" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659857" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659857" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659863" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659863" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Puduguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Yanteles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Navarro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Gemelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Novoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corcovado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Plomo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Santa Lucía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Picachos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q248276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corcovado Volcano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3110434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yelcho Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pilcomayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yelcho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rosario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cucagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Carmen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yuegas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cordón Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas Peladas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Hornos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Corcovado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Corcovado (Golfo Corcovado)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Abreojo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Frío (Palena)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Enredaderas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hornos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Curagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera El Palenque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Enredaderas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Roberto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palvitad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Desnudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Morrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cascada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Moraga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Daye" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Julepe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Palvitad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22619702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Macizo Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Linagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cascada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Becerra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Serrania Avalanchas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cadena Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Mancay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Gil de Lemos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Amarillo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palvitad river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94605418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Amarillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q45856423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Lucía lands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palena Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1774337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corcovado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2364832" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2364832" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214741" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3214741" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214864" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3214864" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Los Niños" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6142710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Termas El Amarillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q766498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palena/General Vintter Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835753" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835753" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836705" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836705" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839288" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839288" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840349" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840349" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840521" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840521" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842296" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842296" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844076" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844076" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847984" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847984" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541550" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541550" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541841" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541841" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11824209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Palena Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644630" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644630" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645170" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645170" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647398" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647398" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659648" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659648" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659810" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659810" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659824" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659824" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659854" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659854" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659853" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659853" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futaleufú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Lajas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Herrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campamento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3660720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carrenleufú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cortado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Baya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Hermoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Bajos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Palena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Tigre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Guacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Central" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Riñón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Nevados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Llano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Siberia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cóndor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Don Javier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Virgen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Hondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fierro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Las Matreras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51837268" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51837268" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Guacho Superior" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21044381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jaramillo, Chubut" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Engaño-Tigre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Carrenleufú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q54557532" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q54557532" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo López" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de las Tobas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coffin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Teta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo EL Moro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Moro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58821996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Corcovado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Cono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Cárdenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas del Engaño" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Vinter" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Encuentro River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Mallines" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cadenas de Las Lobas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle California" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Poncho Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Corcovado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Palena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Espolón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744159" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744159" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569626" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569626" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458594" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3458594" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458744" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3458744" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3665153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065817" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6065817" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Rosario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490458" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16490458" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16508624" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16508624" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16508625" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16508625" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16622722" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16622722" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16627200" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16627200" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Situación" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831974" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831974" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833205" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833205" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836052" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836052" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836703" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836703" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837568" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837568" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839698" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839698" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839755" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839755" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840121" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840121" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840512" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840512" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841199" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841199" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841201" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841201" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842415" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842415" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845639" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845639" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846046" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846046" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846665" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846665" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386164" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386164" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396695" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396695" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2368288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trevelin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659823" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659823" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Rosario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Uñas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ver" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón del Putrachoique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bandurria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ventisquero Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Morros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuadrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Picudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Refugio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4713469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aldea Escolar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6682626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Cipreses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ventisquero Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futaleufú Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cónico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Catango" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Situación" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Terraplén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Arrechea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Tecka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Serrucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5510463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futaleufú National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Bellavista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17636367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Situación" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bagillt Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Número Uno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Serranía Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cónico Falso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Caquel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12692779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futaleufu Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Williams" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro la Portada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle de Putrachoique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Grasa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ascensión" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338487" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338487" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futaleufú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pirámide Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de los Galenses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Greda Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Picados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58821994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trevelin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sin Fin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Serranía de los Derrumbes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Serranía de los Barrancos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Quila Seca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84511153" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84511153" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84511176" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84511176" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84511184" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84511184" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84511190" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84511190" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Tepuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22419190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angostura del Muelle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Las Monjas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744160" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744160" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58821703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corcovado/ea. Caridad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569647" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569647" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58821701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estancia Tecka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108618019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Putrachoique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48816877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amutui Quimey Reservoir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68035134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Chile border crossing #66" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1088724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Senguer Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843873" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843873" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5968896" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5968896" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9051065" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q9051065" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8190287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casimiro Szlapelis Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q178740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Río Senguer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11169200" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11169200" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1015513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "José de San Martín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3609061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aldea Apeleg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5838727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Escuela Nacional N°18 de Río Corintos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832292" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832292" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836141" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836141" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836235" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836235" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836618" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836618" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837380" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837380" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841290" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841290" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841585" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841585" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844039" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844039" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barrancas Blancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2737219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Trochita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tecka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Shaman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Shequen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampas del Senguerr" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Pastos Blancos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Pastos Blancos Chicos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Mate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna La Salada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Crespo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cangallo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barranca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Colorados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Rosario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Cronómetro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tomás" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pedrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de las Mulas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Chenques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Antinao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trinidad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108617802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Shaman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1773893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gobernador Costa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada del León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta del Overo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caquel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón del Cherque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6388876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Genoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16488844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Apeleg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Toma Sola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Excursión" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ayosh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de los Aisladores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60305418" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60305418" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48852402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Chenques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Teguer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gangeik" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338479" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338479" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338477" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338477" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5659140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "José de San Martín Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada del Sapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Malaspina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito El Mirasol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cinco Piches" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Plater" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Michiguado Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Las Acollaradas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ciarlotti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Apeleg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872105" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872105" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84509868" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84509868" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nahuel Pan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sasien" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Mojón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Langueley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Genoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Gurruchaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Bajo Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569571" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569571" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569614" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569614" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569628" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569628" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569638" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569638" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569636" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569636" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569643" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569643" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569645" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569645" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2259996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tecka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6472915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Palacios Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16631475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Nevada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q980641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tehuelches Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21651674" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21651674" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832314" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832314" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835366" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835366" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836397" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836397" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839398" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839398" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840324" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840324" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846449" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846449" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848453" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848453" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Nevada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tecka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo del Pedrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro la Peinada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Pelada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mentira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Mojón Hierro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Igneo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dos Pircas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro la Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Montesino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Salada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Salada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Soledad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Zapata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cacique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de Tepuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Talquino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro la Peligrosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedras Camino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Putrachoique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Mococain" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Linares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Escuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bagual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de la Buitrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Aguada del Matrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mojón de Hierro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mojón Camino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Conito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q372333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Languiñeo Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buen Pasto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro la Toba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Picos Prieto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Quichaura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Crestas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Galés" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Escabrosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arrondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Tecka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Tronador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pedrero de Monteserín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quichaura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Montgomery" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de los Juncos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo Epul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lavado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Cautiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manantial del Pelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra la Buitrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Mojón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Lanza Niyeu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peña Granito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de las Horquetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Camino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Cañadón Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle los Baguales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Miche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338486" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338486" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ventura de Los Vientos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillada Mallín Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Baja Mojón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peña Velázquez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo Epul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Plataforma Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Corrientes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Cuadrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Buen Pasto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Palacios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Payahilé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta La Yeta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Acollarados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mallín Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2385561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Indios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3682502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colan Conhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6066219" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6066219" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10859805" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q10859805" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490736" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16490736" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835506" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835506" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836377" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836377" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846515" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846515" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846516" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846516" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848168" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848168" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Saturnino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Pampa de Agnia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pirámide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pirámide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corral de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Cutancunue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Amarillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Amarillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Baja Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Borde Sierra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Burgos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campanario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Virgen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fortín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Granito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Chivo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Borrego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Moro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mesa Chata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5064874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carnerero Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tecka River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Urquiza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Urquiza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Languiñeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lomas Bayas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Indio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Catreleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mesa Cayulef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bardita Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Aleusco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pichinan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa Chata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lonco Trapial Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gorro Frigio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de la Escuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Escorial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Casanova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bargas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yuncón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Guacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Da Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Boquete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3609063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aldea Epulef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Rodado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Mallín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gaimán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro J. Calfuñir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mesa Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barcelona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q980073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Indios Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Torta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de la Tranquera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trompo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Paso de Indios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Bagual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9054905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Agnia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Trompito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Roelse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Neira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Guacha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Hoyo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dedo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Colan Conhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Aleusco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872237" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872237" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83873411" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83873411" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mesa Raquileo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Rojizo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Oscuro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Olte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Milla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro L. Alemán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lonco Trapial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Lonco Trapial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Boina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569639" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569639" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4721856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alfaguara project" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5064904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cóndor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22385730" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22385730" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386605" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386605" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386662" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386662" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386684" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386684" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386914" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386914" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387423" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387423" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388999" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388999" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390961" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390961" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391199" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391199" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394363" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394363" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401271" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22401271" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476171" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476171" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538434" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22538434" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539223" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22539223" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622660" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22622660" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623571" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623571" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628191" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22628191" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305864" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305864" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643045" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643045" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645307" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645307" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647248" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647248" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647674" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647674" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647730" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647730" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647968" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647968" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648536" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648536" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649514" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649514" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650076" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650076" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650103" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650103" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650288" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650288" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651585" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651585" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654084" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654084" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658187" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658187" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659790" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659790" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659788" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659788" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659794" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659794" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659799" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659799" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Metalqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cuevas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lebicán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gruesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Escondida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Checo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Tepuhueico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bonita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Planchada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Tarahuin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23297094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Saliente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Sefton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tabladura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898898" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898898" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paildad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Metalqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pilol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Refugio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tablaruca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tajamar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Terao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Catiao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Anay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6011681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Metalqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Corcovado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7198128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pirulil Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q47772047" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q47772047" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1052122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Asfalto Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Comp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abtao river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chonchi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q369640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HMS Glamorgan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de los Loros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Reñihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pirulil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48990045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Calcáreo Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campana Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Reñihué (Chiloé)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pichihueico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14202857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cucao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Huelde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Comp" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Conejos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ayao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alguac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Pirulil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Ralihueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Coihuin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Metalqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago de Natri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Vilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Lar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chadmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ahoni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97304419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Adobes Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Queilén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1656413" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1656413" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2118779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puqueldón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5976755" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5976755" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q99519317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cucao river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q500720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Vilupulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q501093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Detif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q501126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Ichuac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q501103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of San Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1702892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chiloé National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16611205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nercón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q177608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chiloé Archipelago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q500215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Chonchi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1510858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aldachildo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22382042" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22382042" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388272" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388272" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388838" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388838" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391947" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391947" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394452" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394452" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395362" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395362" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396535" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396535" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625017" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625017" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304958" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304958" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643524" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643524" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648802" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648802" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650343" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650343" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651031" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651031" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651439" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651439" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654204" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654204" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658186" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658186" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658184" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658184" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659786" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659786" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659787" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659787" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Castro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tutil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yaotal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llicaldad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Dalcahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Cucao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Detif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26720862" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q26720862" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16576676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Humedales orientales de Chiloé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q202396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Detif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q501153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Nercón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Yal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tranqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yelqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yutuy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Linlinao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calle Centenario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q504449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chiloé Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11824388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gamboa Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898788" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898788" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898793" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898793" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Pullao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pullao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Castro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aguantao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5990614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mall Paseo Chiloé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q501433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Aldachildo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1788353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lemuy Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Lemuy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Ahoni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110426585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gamboa Bridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chiloé Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q500808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Rilán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "PUERTO CASTRO" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enjoy Chiloé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60825026" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60825026" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5192314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cucao and Huillinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curaco de Vélez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Castro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tenten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gamboa river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fiordo Castro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Huillinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuchao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23763107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuerte Tauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Calafates Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huenao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Promontorio Detif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Detif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chulequehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Atal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744245" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744245" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744248" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744248" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744459" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744459" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744499" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744499" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Churches of Chiloé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chonchi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106432028" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q106432028" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curaco de Vélez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61527663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llaullao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61643109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rilán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q500764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Chelín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6138211" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6138211" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2123211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quinchao Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Quenac Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431068" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22431068" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451752" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22451752" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452107" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452107" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475219" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475219" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628025" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22628025" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304941" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304941" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304970" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304970" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636804" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636804" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637248" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637248" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642807" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642807" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642808" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642808" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646985" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646985" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648086" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648086" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648542" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648542" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650111" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650111" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650122" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650122" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650156" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650156" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650299" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650299" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653322" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653322" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654242" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654242" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654241" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654241" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655655" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655655" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Quinchao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pindo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Minna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Vettor Pisani" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huelmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Esmeralda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Driver" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Chaulinec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650344" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Chalinao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Apiao Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Quehui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Queldao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Detico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chuit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chomio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6449731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Quenac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q500718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Quinchao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899319" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899319" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20881068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Queilén Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Pulilihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4677966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Acuy Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22698799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Olsen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mechai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo La Barra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Apiao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Alao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5977827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llingua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q944690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Desertores Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3740002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Achao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Teuquelín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Imelev" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Holcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Chaulinec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chaulinec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q501072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Santa María de Loreto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote O'Higgins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Salvo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Apiao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quinchao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Solitario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quintol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Johansen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Inconveniente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Aitui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16207735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Achao Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22400357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal de Yal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Putique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yancuque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Machaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Llingua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huilque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Desertores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chelín Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22447267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Surgidero Tres Redes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Quenac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Matao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Libno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Imelev" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Desmonte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Conchas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Chaulinec" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Apiao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Alao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aitui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Acuy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra Achao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Quehui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744243" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744243" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744241" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744241" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q500796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Our Lady of Sorrows" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5768480" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5768480" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4871753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Mocopulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5210282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dalcahue Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2065592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of San Juan Bautista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16544352" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16544352" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7262717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puñihuil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387849" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387849" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390997" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390997" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391259" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391259" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391829" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391829" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392129" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392129" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392481" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392481" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394530" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394530" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394903" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394903" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396468" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396468" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396490" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396490" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427716" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22427716" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455139" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455139" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475891" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475891" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494612" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22494612" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541362" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541362" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304943" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304943" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304971" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304971" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636899" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636899" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636900" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636900" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639812" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639812" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643122" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643122" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648364" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648364" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648365" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648365" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648500" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648500" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649400" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649400" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649618" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649618" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650154" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650154" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651874" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651874" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651961" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651961" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652257" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652257" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658178" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658178" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658182" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658182" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658183" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658183" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658180" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658180" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659784" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659784" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659785" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659785" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659806" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659806" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659804" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659804" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659805" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659805" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24290765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Pindapulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tromacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gaona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Caguache" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco del Astillero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ahuenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Almando" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5478906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mocopulli Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Duhatao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Degan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Coluco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Ahuenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Choros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6084438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes de Puñihuil Natural Monument" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q501097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Caguach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Tantauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Palqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pulga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Chepu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7273102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quíquel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de Quiquel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Espinosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Nueve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11824697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pupelde Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Navarro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Barrientos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecifes Polocué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22478271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tetas de Teguaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Veintiuno de Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tilduco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Imeley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5976758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Linlín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Pudeto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19872284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ancud Volcanic Complex" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huy Manao Cerro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Dalcahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tiloluco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96404906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Pedro Wind Farm" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ancud la mejor ciudad de chiloe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dalcahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96374910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chiloé Wind Farm" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85867165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dalcahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q88779277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teuquelín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q89204926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chuit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q500226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Colo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5765297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chauques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6141490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tenaún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395500" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395500" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395561" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395561" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401305" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22401305" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22447182" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22447182" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453341" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22453341" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455029" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22455029" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494599" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22494599" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499324" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22499324" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499418" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22499418" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538462" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22538462" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624528" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22624528" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624539" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22624539" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625185" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625185" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625298" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625298" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627601" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22627601" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304714" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304714" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305243" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305243" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636876" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636876" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636898" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636898" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648566" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648566" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648564" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648564" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649770" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649770" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651007" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651007" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651008" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651008" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651635" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651635" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653899" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653899" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653900" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653900" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654187" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654187" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654188" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654188" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654189" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654189" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piche Niche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quechuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343657" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25343657" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ilto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Chauques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Chauques Oriental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cheniao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lilicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25507801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Butachauques Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Pulmunmun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Quilahuilque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Yahuen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Palos Negros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quilque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lamecura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Hueihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Dungech" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Conev" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q501110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Tenaún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11683846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898764" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898764" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898784" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898784" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21044354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caucahue island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pumol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tubildad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Bracey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Morro Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Pillihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tubildad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Pido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Peligro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Teliupta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Voigue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chillidque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Coche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "PUERTO QUEMCHI" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23301674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Queniao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huechuque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Escaleras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Chauques Occidental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Chauques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Buta Chauques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1727947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mechuque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Chauques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Cheniao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Aucar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Concura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Butachauques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20881079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quemchi Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Queler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tugnao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Chincui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Cheniao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Aucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56283234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puduhuapi Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Tac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22618798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Voigue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chohen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quemchi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100571809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Butachauques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3379027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Agüi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5814002" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5814002" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856197" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856197" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Corona Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16569805" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16569805" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386302" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386302" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390652" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390652" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393702" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393702" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454929" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22454929" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623932" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623932" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624904" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22624904" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85759403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada de Guapilacuy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637275" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637275" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639968" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639968" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640910" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640910" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642800" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642800" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643583" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643583" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643676" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643676" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643861" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643861" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643980" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643980" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644332" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644332" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645344" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645344" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646803" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646803" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647655" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647655" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650236" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650236" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651012" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651012" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651175" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651175" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653852" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653852" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654115" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654115" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655355" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655355" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657405" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657405" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660375" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660375" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660376" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660376" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23895087" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23895087" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Puquitrín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pasaje" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lacao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farallones Goigoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Esmeralda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Esmeralda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Corona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barrancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Alto del Perú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Elvira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15622021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carelmapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6449629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cochinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7673497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tabon Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83413152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de San Francisco, Ancud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peime" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tenten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quetrelquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Horcones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Chacao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farallones Carelmap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5870503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Castillo San Miguel de Agüi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5909184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de Carelmapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898790" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898790" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20894680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lacui Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3321287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maullín River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22362594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golfo de Quelalmahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Osorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Amortajado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golfo Coronados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peninsula Colilquihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mutrico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa de Llagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huechucuicui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Ded" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Submarino Amarillo Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chiloe Austral Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "13 Lunas Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecifes Talcahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huicha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Ded" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605126" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605126" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25226888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lacuy Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16493335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuerte de Chaicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ancud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30590377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Chonos Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Caucaguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77334671" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q77334671" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Inglés" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pulilehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Llayehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lenqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chocoy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ahui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Llanquinelhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lincay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Guapacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744240" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744240" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744247" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744247" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744466" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744466" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744503" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744503" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23900999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuerte San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6061712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pargua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2984718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Abtao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490207" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16490207" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5680284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chacao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386253" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386253" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388763" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388763" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391105" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391105" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391384" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391384" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475110" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475110" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305242" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305242" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305375" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305375" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307170" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307170" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636774" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636774" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639999" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639999" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640110" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640110" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644160" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644160" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645648" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645648" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646180" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646180" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647592" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647592" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648091" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648091" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648189" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648189" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651104" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651104" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651539" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651539" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651770" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651770" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651772" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651772" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652767" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652767" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652962" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652962" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653362" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653362" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653847" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653847" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653887" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653887" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655648" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655648" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657472" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657472" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659888" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659888" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Polmallelhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tres Cruces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mañío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lagartija" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huenuguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Godoy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Coronel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Abtao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barranco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quenuir River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pangal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quilque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4670005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abtao Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Matanzas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Lagartija" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Solitaria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Nutria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Quenu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pulique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Cumbres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Quenu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Codihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Chalin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Remolinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Gallan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Abtao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Poza Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5765317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chayahué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Corvio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Cola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Abtao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1058373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chacao Channel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30590425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Godoy Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Lami" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Estaquillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Culenhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Corvio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Estaquilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q381404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chacao Channel bridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Quen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Quihua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Godoy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Polmaltahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pureo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7353674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Remolino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera del Sarao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Polmallelhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Soledad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Chacao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Quihua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30590356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parga Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quillagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23301675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Quihua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajos de Lami" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chullegua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Peuque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744155" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744155" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maullín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q90378672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puluqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393448" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393448" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494386" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22494386" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305374" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305374" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650082" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650082" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650208" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650208" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651699" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651699" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657407" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657407" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657465" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657465" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658204" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658204" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659880" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659880" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659884" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659884" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659896" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659896" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659913" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659913" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659926" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659926" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659937" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659937" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659979" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659979" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659989" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659989" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Tautil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Machil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Guatral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Calbuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Yahuecha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Totoral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Rafael" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Capilla Antigua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huechuquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ahuenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bellavista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bonita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta La Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31843737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q31843737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5088181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaullin Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Llancacheo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Guar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Chidguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pozo Pureo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta La Picuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Alvarado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calbuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5018657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calbuco Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Ded" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quinched" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Poza de Llaicha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Plan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Tomate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ramada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rulo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Puluqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Caicaén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Avellanito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Anclote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Molin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2888085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calbuco Archipelago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22401325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Quihua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Tautil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chidguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Machildad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quiecho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lolcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chucagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Chechil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Putun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Cocosto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Tup" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chucagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lilecura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Llaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Pilolcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5910911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de San Miguel Arcángel, Calbuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chechil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Aullar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Yale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pilolcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Rulo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Chelles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Con" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Menea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lenque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calbuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Siete Islas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Metrencue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Los Tiques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cholche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Tautil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aullar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chauquiar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744156" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744156" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105099947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quihua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94318527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chidhuapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q975775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6492691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Vertientes Reserva Natural Privada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22385710" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22385710" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22385873" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22385873" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387795" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387795" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388359" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388359" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388378" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388378" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388497" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388497" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388533" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388533" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389134" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389134" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391280" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391280" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393519" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393519" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394117" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394117" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394491" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394491" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394856" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394856" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305870" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305870" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636488" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636488" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638434" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638434" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642797" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642797" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643001" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643001" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643041" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643041" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643489" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643489" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644239" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644239" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644349" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644349" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644624" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644624" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645634" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645634" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649118" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649118" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649516" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649516" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649819" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649819" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649843" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649843" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649845" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649845" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650127" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650127" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650490" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650490" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650488" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650488" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650544" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650544" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651797" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651797" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659912" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659912" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659966" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659966" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659965" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659965" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659968" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659968" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660029" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660029" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tranca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Panitao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Tranca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Elisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Buena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cumbre Vistosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Rosario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Cuervos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coipo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islita Caullaguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Paraguay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Surgidero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Mañío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Arcos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lamedi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Boecho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Aguas Negras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6492692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Vertientes – Reserva Natural Privada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25507680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Capitanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llico River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Teñio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Parga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chincui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Arena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chincui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chacalluta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Oscuro (Maullin)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Las Rocas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Huevos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Panitao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6023325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lahuen Ñadi Natural Monument" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2756149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Tepual Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Puchegui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Casitas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Capacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Largo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Camilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Muermos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Negro (Maullin)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Misquihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ilque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Huelmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hondable" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chillcon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Caullahuapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Trapén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Mallen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pisagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Concha Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93011203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chinquío Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3460278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teatro del Lago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6140248" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6140248" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16638460" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16638460" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16616049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5716473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Pedro Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16891469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frutillar Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20022171" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20022171" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1420061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nueva Braunau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387322" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387322" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389175" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389175" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389200" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389200" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389292" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389292" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393553" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393553" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393639" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393639" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21002756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Avellano Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304927" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304927" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304928" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304928" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305904" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305904" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636500" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636500" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638881" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638881" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642977" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642977" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643525" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643525" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644626" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644626" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649387" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649387" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651432" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651432" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655273" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655273" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Piuchén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Polizones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4870960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of El Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de la Laguna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chaquihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Fría" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fresia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frutillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Corrales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Quedal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pichilaguna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Kuschel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huempelen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de la Expedición" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de la Compañía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collihuinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Alvarado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pozo de Oro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Guacha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Huella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Guacha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de la Plata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Vega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Poza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Arena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Cofiana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5869901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Frutillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16900203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sinking of Janequeo and Leucoton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q287852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valdivian temperate rain forest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12061375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Vertientes Private Nature Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Napaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pampa Bonita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero López Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de los Colhuines" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14947497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Janequeo (ATF-65)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llanquihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fresia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frutillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pilildeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pitildeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Puquitrahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quillín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Jardín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Coliguay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Bonita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Planchado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16891468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frutillar West Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mirales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farallones San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Pellines" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Población" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chingue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichilaguna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91706896" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91706896" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744154" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744154" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744152" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744152" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85225279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corrales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q69315784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Río Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5404777" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5404777" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5847848" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5847848" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6173857" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6173857" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6107874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riachuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6090632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puaucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6090791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pucatrihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Contaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386894" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386894" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387212" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387212" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388140" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388140" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391927" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391927" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395112" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395112" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395285" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395285" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396304" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396304" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396924" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396924" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622588" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22622588" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307509" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307509" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307558" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307558" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636479" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636479" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646281" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646281" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648532" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648532" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648598" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648598" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648631" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648631" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648714" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648714" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650219" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650219" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652240" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652240" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652954" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652954" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653391" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653391" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rafunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lumaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huillinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huillinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lliuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Contaco River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Purranque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Ñadi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Potrerillo de las Yeguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ulmuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Trahuilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106623504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corte Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5169990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Pelada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ganso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Forrahue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5740027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Cóndor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Junta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899265" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899265" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rodriguero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pucatrihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mañuca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Loma de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cancha Rayada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Burro Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lindero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16828325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Añorada Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Millantué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paragua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paso Malo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Picaso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pitril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Covadonga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huellelhue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Trufún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farallones Los Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llay-Llay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Palizada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Futa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Crucero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16627270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maipue river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60668506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Corte Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16837009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bahía Mansa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corte Alto Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llesquehue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichi Llay-Llay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Mansa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Llesquehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Cholguaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de los Capados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9026989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maicolpue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Purranque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Pescado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pangua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Salca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Manga de Millar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Riscos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Tres Esteros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huanteleufu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Riachuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hueyelhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743971" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743971" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743972" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743972" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63305067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Casma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61984410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cementerio de Forrahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110438924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Riscos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q843257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rahue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2881046" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2881046" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6054117" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6054117" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6062468" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6062468" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106608760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huilma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6075903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pilauco Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9031045" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q9031045" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9586285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Alegre Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2889645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuerte Reina Luisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16145587" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16145587" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490373" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16490373" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490436" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16490436" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5400479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Rubén Marcos Arguello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16609772" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16609772" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5758415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "St. Matthew's Cathedral, Osorno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa de Enrique Schüller" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387680" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387680" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453392" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22453392" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538450" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22538450" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22829860" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22829860" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305715" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305715" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306282" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306282" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636832" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636832" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651957" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651957" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655657" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655657" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Putame" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Putraiguén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22653009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yutreco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Gajardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Concagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campanario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Osorno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28501779" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28501779" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9071738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Damas River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1927801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañal Bajo Carlos Hott Siebert Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cunamo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Osorno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Folilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6023262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monumento al Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898338" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898338" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42961947" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42961947" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichi Damas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Remehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Santa Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tromen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5756277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casino Marina del Sol Osorno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16896258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Osorno Pilauco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llancacura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichi-Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pilauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de la Trinidad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Ovejería" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Futa Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chahuico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Juan de la Costa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tijeral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605124" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605124" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Pablo Airport, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Osorno Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Osorno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5777165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "St. Matthew College, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lañinagual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huilma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chapilcahuín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa de Federico Stückrath" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Hollstein" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16627297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Negro River (Rahue)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7895645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Universidad de Los Lagos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Melileufu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pocopio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Sagllúe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tregua Traiguén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Forrahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cuinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cinico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cashicue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa de Germán Stückrath" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16896257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Osorno Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91688852" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91688852" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91698564" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91698564" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91700659" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91700659" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743979" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743979" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743976" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743976" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743980" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743980" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743981" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743981" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744144" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744144" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744145" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744145" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744151" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744151" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744148" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744148" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744153" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744153" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744502" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744502" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744501" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744501" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744839" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744839" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60789584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Osorno–Llanquihue Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Pablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5965412" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5965412" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5757582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Castillo San Sebastián de la Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3051491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Capture of Valdivia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3467946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alerce Costero National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5067774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaihuín River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6445174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hueicolla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Castillo San Pedro de Alcántara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16569811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuerte de San Luis de Alba de Amargos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16838189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barra del Río Bueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387343" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387343" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390354" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390354" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393501" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393501" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393584" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393584" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395721" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395721" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305865" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305865" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306751" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306751" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21044395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Galera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636510" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636510" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637077" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637077" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640131" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640131" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648504" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648504" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650318" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650318" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650319" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650319" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651002" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651002" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651528" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651528" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652139" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652139" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654197" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654197" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657901" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657901" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Unión" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Altos del Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Peuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lumaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Galera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Viga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lameguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Guape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Escalera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Dollinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Carimáhuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Amigos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4985505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bueno River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hueicomilla Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cascajal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5019542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaihuín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16627250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llollelhue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16642999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trumao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42962713" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42962713" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Polcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5051413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Catamutún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Falsa Galera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Conde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Caracol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fronton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7909435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valdivian Coastal Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Daglipulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51838178" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51838178" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paso Malo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada San Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Palo Muerto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Ánimas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Dahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7826057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tornagaleones River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7909433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valdivian Coast Range" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q47003097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alerce Costero National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q428033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mancera Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "PUERTO DE CORRAL" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q62005980" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q62005980" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Valdivia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5150434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colún River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Hueicolla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Guape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Catamutún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19421733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Unión" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Guadei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hueicolla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Dehui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Galera Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17989892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chaihuín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91570186" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91570186" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91683466" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91683466" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91685701" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91685701" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Roble" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Trumao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Lameguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743929" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743929" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743934" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743934" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743945" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743945" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743957" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743957" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743973" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743973" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743978" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743978" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60028288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Galera Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q160687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valdivia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1674044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teja Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2179215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valdivia River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3300152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla del Rey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4761906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angachilla River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6158789" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6158789" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5194805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curiñanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5848314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Parque Municipal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Centro de Salud Universidad Austral de Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2879629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corral Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16638131" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16638131" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5510433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futa River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6143212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1837 Valdivia earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107519117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Millennium Nucleus of Ion Channel Associated Diseases" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Our Lady of the Rosary Cathedral, Valdivia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16500105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torreón Los Canelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390201" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390201" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448581" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22448581" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622279" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22622279" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22828593" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22828593" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307517" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307517" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647913" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647913" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651927" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651927" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659692" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659692" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piojo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5041779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carlos Anwandter Nature Sanctuary" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Gonzalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Sofia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28517371" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28517371" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18355925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Molinos, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guacamayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Gaviotas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faro del Fuerte de Niebla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla San Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q961982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Austral University of Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Universidad Austral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4210495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calle-Calle River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106074095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guacamayo Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lacal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Juan Latorre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Castillito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7386254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Cruces Bridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16566889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Feria Fluvial de Valdivia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18809829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Castle of the Pure and Clean Conception of Monfort de Lemus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2887762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caucau River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5196856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cutipay River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55433968" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55433968" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cuchimalal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carboneros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Calfuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Europa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16623008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vergüenza Mundial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7826179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torobayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9050099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niebla, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111111769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Airesbuenos Hostel & Permaculture" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "BAHIA DE VALDIVIA" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5676453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arboretum de la Universidad Austral de Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Valdes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Curignanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605119" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605119" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605121" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605121" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q70493596" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q70493596" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3008681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chilean submarine O'Brien" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5926866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jardín Botánico de la Universidad Austral de Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5991778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia San Francisco de Valdivia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casas y Parque Prochelle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cutipay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calle General Lagos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743942" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743942" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743941" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743941" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743946" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743946" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743947" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743947" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743944" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743944" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743951" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743951" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743948" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743948" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743962" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743962" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743961" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743961" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743966" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743966" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743964" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743964" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743965" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743965" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743970" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743970" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743968" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743968" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744567" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744567" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744568" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744568" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744780" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744780" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744788" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744788" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744798" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744798" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q99439705" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q99439705" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30264383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dirección de Investigación y Desarrollo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107426466" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q107426466" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106854905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Gonzalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110250073" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q110250073" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106570438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Pellines, Los Ríos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106577848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Bosque Urban Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94598380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1737 Valdivia earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5847963" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5847963" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5064948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Oncol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5169998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Queule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5777429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coliseo Municipal Antonio Azurmendy Riveros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16567388" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16567388" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16567397" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16567397" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6553998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lingue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7160051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pedro de Valdivia Bridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387444" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387444" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389507" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389507" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475314" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475314" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11098528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chan-Chan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305866" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305866" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305887" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305887" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647689" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647689" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651955" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651955" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652468" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652468" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659686" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659686" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660363" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660363" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valdivia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Arenal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rialejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3845170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cruces River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Cruces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Malalhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chelle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Bonifacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bellavista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25374224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Animas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28221956" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28221956" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7271590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Queule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663483" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663483" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663485" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663485" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663488" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663488" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28664038" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28664038" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28664037" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28664037" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28664042" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28664042" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28664043" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28664043" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28664041" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28664041" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1426113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toltén River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lotos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3647893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oncol Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5021812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calle-Calle Bridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Huezhui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guindos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curahuche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Bonifacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7194302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pilolcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7198332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pishuinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16500103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torreón Picarte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1348911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1575 Valdivia earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1433154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichoy Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898671" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898671" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3084020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Curiñanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río San Jose" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llancahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6492315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Marías Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9031228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mehuín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Plalafquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Venados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ronca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chungungo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7260621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punucapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pirén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tambillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puralaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22591947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nehuin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rocura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Choco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605122" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605122" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605120" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605120" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ralicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Puralaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5015720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Blanco, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llillil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huezhui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guallamo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chaucha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Brava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pelluco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pullafquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quechué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Traillen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Maiquillahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santuario de la Naturaleza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Queule River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22547473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta de Queule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Epucó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743955" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743955" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743952" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743952" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743956" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743956" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104534187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "schans bij Valdivia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Ríos Region" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q200926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nueva Toltén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1798868" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1798868" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5706732" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5706732" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6120263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Bárbara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17107613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toltén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q450127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Imperial River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393094" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393094" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395186" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395186" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396105" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396105" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396802" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396802" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438642" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22438642" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454971" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22454971" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628576" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22628576" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636810" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636810" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638273" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638273" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644195" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644195" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644740" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644740" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646792" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646792" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649476" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649476" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650331" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650331" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652122" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652122" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657903" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657903" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3296928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Budi Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Oñoico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Oñoico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Patacón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quillen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Yuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mañío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Malalcha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lolcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Islotes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huillinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Estero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Dollinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curilebu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curipel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cauten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Allipén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lliuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Butaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28056904" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28056904" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moncul river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Millinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Traiguén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Llollehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Hurcaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coilico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Budi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Molco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paifú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Matrilhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llancahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llicoca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla del Guapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collileufu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chapille" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Andimuen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pulol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Trentren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quinchihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Puyehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q52580697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Saavedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lluco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lídico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Camare" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bollico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q188135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teodoro Schmidt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Neicuf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Puancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Desertores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Budi Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Queule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Talcan Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saavedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Tendedor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Poguilcha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Naranjo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Nahuelhuapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llallehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Budi Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pilar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Jorge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Comoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Perquite" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pucolón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Hullinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cudico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Champulle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743891" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743891" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743894" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743894" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94657609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Domínguez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94667389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nehuentúe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q152380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaité" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5764112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaiten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2553917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Michinmahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16858872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaitén Pumalín Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Ranco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835225" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835225" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839007" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839007" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843989" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843989" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387885" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387885" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391320" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391320" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392466" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392466" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392812" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392812" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395074" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395074" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428651" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22428651" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432732" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22432732" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22447307" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22447307" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465331" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22465331" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475273" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475273" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627822" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22627822" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636959" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636959" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643900" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643900" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649619" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649619" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649633" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649633" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649729" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649729" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650330" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650330" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651120" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651120" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654266" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654266" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657489" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657489" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658090" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658090" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658091" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658091" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658095" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658095" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658093" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658093" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658119" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658119" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658122" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658122" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658120" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658120" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658121" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658121" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658126" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658126" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658124" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658124" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658125" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658125" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658128" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658128" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658158" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658158" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658157" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658157" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658160" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658160" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659847" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659847" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659851" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659851" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659849" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659849" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Treinta de Marzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blanco River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bravo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Plomo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Navarro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piedra Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Serrucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Demetrio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5658954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaitén Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7319923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reñihué River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q239518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pumalín Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tengo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Quemada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Llahuen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16858871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaitén Pillan Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro las Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Austín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Tengo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Refugio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gris" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Buill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16858873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaitén Renihue Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pichi Nichi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Recoba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hambre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Reñihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Elevados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Centro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605127" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605127" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7319922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reñihué Fjord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Vodudahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Inferior" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Gonzalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Cuerno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16858870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaitén Caleta Gonzalo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pantjolín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Nihuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48816792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuevo Chaitén Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Pasto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Litueche Midango Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20760557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vodudahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744508" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744508" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97999954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buill landslide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chaitén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65040230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ayacara Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856244" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856244" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16490734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003129" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21003129" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003167" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21003167" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837786" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837786" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22365848" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22365848" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413480" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22413480" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453361" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22453361" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625137" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625137" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305465" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305465" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636492" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636492" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639549" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639549" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642736" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642736" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643057" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643057" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643060" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643060" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646557" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646557" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652164" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652164" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653375" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653375" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653608" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653608" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654067" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654067" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658097" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658097" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658115" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658115" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658113" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658113" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658117" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658117" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658161" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658161" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659843" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659843" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659840" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659840" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659841" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659841" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659846" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659846" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659845" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659845" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3100317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gulf of Ancud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trepado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Nao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Porcelana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pizarro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huequi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Gruesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bellavista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Coam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hufa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Soledad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carabantes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Quiaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Torrecillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Liliguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Chauchil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Calle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20881010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poyo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ayacara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rolecha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Vidal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piutil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Porcelanas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3066185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Volcán Huequi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barrientos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Buill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Poeguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barrientos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Nao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16836225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ayacara Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huequi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lleguimán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Porcelana (Chile)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Rolecha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huequi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo la Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chulao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Camau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vodudahue Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Nao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22557004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Vodudahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Trentelhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle de los Loros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Ica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Coma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cadena Tres Comadres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Chauchil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Ugalde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Poe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huequi river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Coma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chauchil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Ayacara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Alerce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Rolecha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Quetén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ascencio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quiaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cama" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q95143894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Queullín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56283765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ayacara Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5902291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hornopirén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003146" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21003146" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003207" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21003207" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846661" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846661" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387834" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387834" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23008233" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23008233" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cahuelmó Fjord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305189" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305189" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305280" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305280" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305433" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305433" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305464" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305464" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636424" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636424" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636428" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636428" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636517" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636517" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642947" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642947" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642948" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642948" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643432" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643432" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651693" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651693" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652964" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652964" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657488" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657488" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658100" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658100" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658106" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658106" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658107" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658107" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658104" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658104" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658108" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658108" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659835" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659835" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659838" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659838" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659837" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659837" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659998" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659998" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660009" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660009" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660014" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660014" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660022" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660022" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660040" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660040" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660046" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660046" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660047" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660047" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pelada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichicolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichicolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grupo Llanchid" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Calzoncillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Abel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Abascal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Varal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río El Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Cuervos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Silla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carabantes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quincho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Negro Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mutri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5150574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Comau Fjord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Llanchid" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cuchillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Andrade" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cascajal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hualaihué Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta El Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Perras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Quintupe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quebraolas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Llanchid" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Linguar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cascada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cabras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tambar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo El Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5935116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huinay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1702881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hornopirén National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Pichicolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piti Horno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Serranias Los Laureles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q57420836" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q57420836" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q617293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apagado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20828213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rincón Bonito Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Krüger" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Pichicolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón del Pico Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de las Pirámides" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piti Horno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Cholgo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5862206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quintupeu Fjord" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Cholgo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Coimio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Polde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Blas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Calamaso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quintupe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ugalde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Garzas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Argel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Huevo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cadena del Pico Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Lago Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hualaihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216279" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216279" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3675379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cholila, Argentina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5399225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Esquel (meteorite)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1573380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16627352" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16627352" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dos Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19361191" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19361191" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q581399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futalaufquen Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828669" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21828669" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831469" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831469" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831558" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831558" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832017" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832017" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835324" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835324" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836713" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836713" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839397" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839397" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840439" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840439" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841256" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841256" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842058" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842058" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844260" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844260" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845997" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845997" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846649" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846649" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Cholila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Menéndez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Stange" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Laguna Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntiagudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mogote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Diego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Colorados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coronado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Rivadavia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Rivadavia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9093821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Lago Rivadavia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17452280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bellaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q374155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futaleufú Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q828291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Alerces National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Lezana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Cisne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bellaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q53367400" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q53367400" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto del Dedal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q57415879" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q57415879" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q57415992" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q57415992" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q57902385" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q57902385" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q59383733" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q59383733" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111119162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dormís Acá" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58821705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cholila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Subir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Riscoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro la Quemada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338465" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338465" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338493" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338493" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338496" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338496" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q81656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Esquel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q662056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cushamen Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Zeballos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Químico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11705101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Futalaufquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30266821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Centro de Investigación y Extensión Forestal Andino Patagónico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Techado Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rivadavia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro la Momia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872091" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872091" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872088" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872088" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872097" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872097" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872100" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872100" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872900" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872900" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83873407" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83873407" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84509756" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84509756" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84509772" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84509772" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84509787" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84509787" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84509797" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84509797" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto del Petizo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569543" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569543" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569544" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569544" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569549" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569549" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569552" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569552" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569562" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569562" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569574" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569574" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569596" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569596" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569602" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569602" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569613" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569613" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569616" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569616" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569624" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569624" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569648" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569648" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48815801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Cholila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1719443" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1719443" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3209806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Hoya, Chubut" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3825767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Puelo, Chubut" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5822418" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5822418" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843016" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843016" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843342" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843342" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843685" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843685" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5973659" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5973659" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065880" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6065880" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6110222" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6110222" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5968867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Epuyén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q584491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Esquel Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q828353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Puelo National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Carlos Pellegrini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15640779" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q15640779" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15640810" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q15640810" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832014" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832014" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833500" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833500" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837167" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837167" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838208" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838208" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840513" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840513" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848345" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848345" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848395" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848395" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659831" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659831" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Seca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuevas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Pelados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tercera Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Azul River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago de Las Rocas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Correntoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6037516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nahuel Pan train station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24691258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Desaguadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16609798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Museo Leleque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pilquí" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ocaso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Leleque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Churrumahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Totoral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Aguja Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Correntoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Serrucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27665963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva forestal Lago Epuyén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón del Derrumbe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Esquel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cholila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Derrumbe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16627192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Epuyén River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Epuyén Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Buitrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cárdenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Agua Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Anexo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28376216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pirque provincial park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morrudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de Cholila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Interior" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Barrancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5962644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Cancha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Aguja Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2252802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puelo Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Plataforma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Leleque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Nautilus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Ventisquero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Ventisquero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18599653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glaciar Planchón Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Loma de Tarro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mechai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Segundo Corral Airfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Segundo Corral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56274510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Plataforma Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cubridor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de Esquel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Boscosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569651" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569651" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58820131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago La Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Maitén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2515820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leleque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3720934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Hoyo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5734540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5734540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841209" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5841209" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842054" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5842054" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843336" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843336" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4985515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buenos Aires Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6409316" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6409316" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5970446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Golondrinas, Chubut" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q955354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chubut River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15640763" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q15640763" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16301516" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16301516" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003121" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21003121" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831504" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831504" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835323" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835323" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835812" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835812" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837232" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837232" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837408" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837408" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838720" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838720" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839340" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839340" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840800" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840800" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842163" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842163" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390687" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390687" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511269" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22511269" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304848" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304848" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643130" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643130" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Piltriquitrón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estuario La Poza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Ilto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24704762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parque Serrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de Apichig" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Cóndor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chagual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quemquemtreu river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Perhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quildaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Pollollo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5763188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piltriquitrón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1323928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Bolsón, Río Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48795711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Poza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta La Tranca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5350832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Bolsón Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cauquenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Poza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Joy Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Earthship Patagonia Eco Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Luz Clara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Casona de Odile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jardin de Rosas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Pueblito EcoHostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Piltri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pehuenia hostel y cabañas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Meridiano 71" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Los Cisnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Maitén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quildaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337647" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337647" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337644" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337644" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338453" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338453" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338463" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338463" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338469" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338469" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338482" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338482" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64338491" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64338491" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5685419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Maitén Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q50319954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de San Nicolás de Tolentino, La Poza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3730773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Epuyén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Chulta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra del Maitén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Guacha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chagual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Corral Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84509720" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84509720" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84509729" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84509729" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84509743" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84509743" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84520934" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84520934" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Paleta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pampichuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569538" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569538" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569627" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569627" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569632" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569632" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569637" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569637" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704731" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704731" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704747" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704747" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704847" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704847" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704872" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704872" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704894" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704894" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5990141" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5990141" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5746845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Tenglo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391018" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391018" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394674" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394674" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460727" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460727" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304847" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304847" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304845" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304845" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304961" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304961" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305179" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305179" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305272" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305272" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636957" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636957" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637261" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637261" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637264" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637264" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648045" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648045" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648796" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648796" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650243" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650243" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650308" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650308" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650463" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650463" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650465" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650465" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659911" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659911" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660032" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660032" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660038" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660038" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660037" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660037" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660043" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660043" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660041" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660041" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660044" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660044" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660048" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660048" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660049" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660049" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660063" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660063" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660061" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660061" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660064" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660064" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660072" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660072" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puelo River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pelada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tres Cruces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Horno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quetrulauquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Cuervos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Chaica Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q88832543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Capehuapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta El Horno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pedregal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta La Arena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22511243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Pucari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada Contao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Chaparano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21503437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Contao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cuervos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farallones Caicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Arena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chucahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Pululil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2666561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reloncaví Sound" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mutrihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mellizos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Chaica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cementerio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Barquitas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla El Colle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7699817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tenglo Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "PUERTO MONTT" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Chilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chaparano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Capeaguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cuitúe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta La Manga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5926149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huar Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Contao Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q949601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Regional de Chinquihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lenca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chaica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chaparano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Chaica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cholhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chencoihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Caicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Griffin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barquillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Capenguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alerces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Nico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tenglo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744167" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744167" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744168" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744168" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744169" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744169" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744791" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744791" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744789" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744789" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744801" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744801" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104890326" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q104890326" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5410015" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5410015" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5665853" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5665853" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4716204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alerce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5703431" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5703431" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5990616" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5990616" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6062284" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6062284" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6092136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Paloma railway station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86256935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sentados frente al mar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489790" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16489790" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16641613" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16641613" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6071028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pelluco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22385809" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22385809" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475325" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475325" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642733" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642733" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650135" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650135" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650206" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650206" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650368" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650368" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659974" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659974" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659975" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659975" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659973" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659973" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659976" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659976" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659977" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659977" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659991" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659991" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659992" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659992" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660031" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660031" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660054" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660054" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660058" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660058" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660057" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660057" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660074" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660074" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pangal River (Los Lagos)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Quillaipe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Roble" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Montriel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Chaiquenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marcel Marchant Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28518889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de los Padres Jesuitas, Puerto Montt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1702923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alerce Andino National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539344" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Sargazo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quillaipe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106411982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Instituto Tecnológico del Salmón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Coles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Metri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichipilluco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Pauly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pilluco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22449094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Metri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de la Paloma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5777147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colegio San Francisco Javier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107749323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barrio Puerto (Puerto Montt)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12692557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Mirador Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chaula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23678715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Hernández" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111115526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Perla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111115527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hospedaje Vista al Mar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111115529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Seminario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111367083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coihuín landslide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abba Presidente Suites Puerto Montt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Manquehue Puerto Montt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pilluco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Tacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chávez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Elefante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Montt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605125" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605125" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8199627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angelmó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Quillaipe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quillaipe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8843246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Arrayán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Lagos Region" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87383540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q87383540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q90196623" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q90196623" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21158110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cathedral of Puerto Montt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91935368" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91935368" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744162" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744162" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744163" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744163" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744166" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744166" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744165" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744165" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744170" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744170" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744171" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744171" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744172" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744172" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744178" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744178" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744495" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744495" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744496" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744496" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744506" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744506" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744504" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744504" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744505" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744505" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744785" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744785" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744838" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744838" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744853" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744853" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26720835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hospital Puerto Montt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q36214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Montt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96103212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Montt railway station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q89700720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Historical Museum of Puerto Montt" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1586649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1628555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hornopirén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19845049" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19845049" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19951093" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19951093" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387776" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387776" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387812" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387812" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391062" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391062" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391088" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391088" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393037" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393037" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394265" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394265" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395148" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395148" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436706" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22436706" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475729" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475729" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627083" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22627083" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644890" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644890" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648092" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648092" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648263" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648263" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649379" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649379" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649455" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649455" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650207" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650207" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650205" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650205" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652963" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652963" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652961" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652961" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653812" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653812" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654264" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654264" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655326" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655326" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655782" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655782" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659916" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659916" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659917" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659917" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659922" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659922" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659921" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659921" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659927" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659927" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659924" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659924" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659949" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659949" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659954" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659954" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659955" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659955" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659956" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659956" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659983" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659983" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659980" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659980" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659981" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659981" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659987" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659987" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659984" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659984" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659993" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659993" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Frio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Frio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Luis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Marimeli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Cochamó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fontenia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Bellavista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta La Cabeza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Témpanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1567978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chapo Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2901370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llanquihue National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Puelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Iglesia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Cabrito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pichilaguna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Frío Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puelo Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Maldonado (Cochamó)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabrera lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Cristales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hornohuinca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Cululies" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Playa Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1893304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reloncaví Estuary" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20022125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Correntoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20828090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cochamó Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Manso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Rollizos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Tagua Tagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Canutillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Poe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22643218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llano del Yate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de las Gualas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Estriado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro el Campanario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Puntiagudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Concha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pangal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Tronador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Canelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago General Pinto Concha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río del Este (Cochamo)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Botella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puelo Bajo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cochamó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22407424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa San Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22352549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Costa de Pucheguin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La División" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Antamó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85432616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Cabrera landslide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5574540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5574540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5655960" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5655960" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5754270" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5754270" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5754320" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5754320" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5977737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5977737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6092206" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6092206" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6151505" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6151505" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490473" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16490473" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16543958" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16543958" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16544002" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16544002" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16638464" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16638464" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5912821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia del Sagrado Corazón de Jesús, Puerto Varas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17385322" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17385322" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19827827" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19827827" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1026302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calbuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387113" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387113" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389712" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389712" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392594" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392594" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394325" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394325" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395126" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395126" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475356" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475356" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Junta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639785" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639785" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642143" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642143" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644666" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644666" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646478" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646478" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648264" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648264" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649117" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649117" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649380" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649380" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651906" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651906" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652008" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652008" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652958" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652958" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653135" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653135" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659918" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659918" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659919" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659919" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659920" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659920" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660082" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660082" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Oriental" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22407462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Venado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Puentes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de los Ingleses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de los Chanchos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cabras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Freire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bodega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6098757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ralún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16543966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Kuschel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q574399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petrohué River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q656001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuernos del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llanquihue Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Torrecillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trinidad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5139283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cochamó Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Christie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna La Poza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Cristales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Junta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Frick" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16544009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Yunge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q826464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llanquihue Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Vidal Gormaz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Valverde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Pichijuan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111119082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Apel Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111119083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Margouya Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111119086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Gioia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111119084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostal Climb House" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111119085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Compass del Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Park Inn by Radisson Puerto Varas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enjoy Puerto Varas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Radisson Hotel Puerto Varas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Cabaña del Lago Puerto Varas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Cumbres Puerto Varas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuernos del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pichijuan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5880603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Glacier La Paloma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Copihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Valverde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Maquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de La Cimbra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río del Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Philippi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cuervo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22367079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Villar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744150" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744150" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744161" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744161" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Varas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110438293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Riscos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3054947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ensenada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q858808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Osorno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6073628" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6073628" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q430990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petrohué Waterfalls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386206" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386206" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387083" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387083" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387719" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387719" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387738" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387738" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389563" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389563" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390049" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390049" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390069" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390069" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391238" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391238" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392108" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392108" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394696" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394696" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413853" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22413853" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471409" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22471409" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475403" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475403" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305899" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305899" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2943430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cayutue-La Vigueria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641608" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23641608" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642445" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642445" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643048" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643048" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645264" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645264" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645265" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645265" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647325" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647325" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648353" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648353" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648554" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648554" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649116" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649116" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650538" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650538" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650539" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650539" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651637" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651637" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652432" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652432" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652956" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652956" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652957" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652957" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652960" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652960" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653098" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653098" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660371" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660371" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bonete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Población" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntiagudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Patos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Plata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Picada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huillín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huillinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huillinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Buena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huillín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla de las Cabras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30914434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Cascadas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22385934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río de los Patos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nochaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Meseta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Los Bajos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97860362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Calzoncillo Waterfall" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de la Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16494551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coihueco River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Octay Las Araucarias Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Varas East Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1427480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Todos los Santos Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Octay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3753060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bosques Templados Lluviosos de los Andes Australes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Del Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Juliet" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Derrumbe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Cabras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16895882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nochaco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1800404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rupanco Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coligual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Choroico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Oscuro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Cascada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Cascada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6682479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Bajos, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Juan Kemp Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Varas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lavas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Bonita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blanco river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q763180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vicente Pérez Rosales National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1139840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntiagudo-Cordón Cenizos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Octay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Puma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Venado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Calzoncillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Cabeza de Vaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Marias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Esperanza River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Zanjón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743974" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743974" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61982166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Fonck" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2363389" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2363389" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2370757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2370757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2997203" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2997203" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214932" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3214932" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216282" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216282" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065877" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6065877" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6073747" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6073747" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9024155" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q9024155" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10870414" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q10870414" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Escondido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490762" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16490762" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834288" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834288" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838903" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838903" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839207" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839207" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839908" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839908" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387373" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387373" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394610" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394610" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461627" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22461627" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538396" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22538396" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644256" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644256" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651918" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651918" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652411" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652411" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652955" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652955" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655600" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655600" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Steffen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Diecinueve de Febrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Aguirre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Granito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Torre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sarnoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Techado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santa Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Feo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Casa Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Fría" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cenizos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7386432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Villegas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2880908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Martín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Linco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Christie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ventisquero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bastión" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Martín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Quemado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Baños" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24695407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Área natural protegida Río Azul - Lago Escondido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16627417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Villegas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12693639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llanada Grande Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Uribe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro del Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pescado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Quemados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Huacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25336897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Área natural protegida Cipresal de las Guaitecas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Manso Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7930432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Mascardi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Hess" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Julio A. Roca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Peulla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leones river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111120720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel el Mago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Serrucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fortaleza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ruful" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5351286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Foyel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5351550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Manso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24877186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva El Guadal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Guillelmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mascardi Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Fischer" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58822085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Escondido/hidden Lake S.A." + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16627197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Foyel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17347107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago de los Moscos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Pisos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Largo Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fuerte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Cochamó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo El Bastión" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Piedras Altas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24827201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parque Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60299876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cascada de la Virgen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60299997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Guillelmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peulla Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704705" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704705" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704710" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704710" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704709" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704709" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704756" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704756" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704777" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704777" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108314551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle El Manso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q422835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tronador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215018" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3215018" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216271" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216271" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216276" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216276" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5763099" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5763099" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842272" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5842272" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5847708" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5847708" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065888" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6065888" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1055804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Catedral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11682105" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11682105" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490741" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16490741" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7930292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Cerro Catedral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833220" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833220" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838928" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838928" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839130" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839130" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839659" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839659" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839740" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839740" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839751" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839751" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840546" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840546" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841688" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841688" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843844" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843844" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844365" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844365" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844511" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844511" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845424" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845424" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848008" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848008" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bonete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22353540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461636" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22461636" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Honda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro V. López" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Serrucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Pérez Rosales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón del Ñirihuau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Obelisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Hormigas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Bariloche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Calv" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Quemado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Quemado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carreras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Vichadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Sierra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11705024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gutiérrez Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Frey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Nevados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de los Ñires" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Ilón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Corazon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3151718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Balseiro Institute" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico Quemado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de las Nubes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Saltillo de las Nalcas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Linda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fonck" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro David" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel y Camping Los Coihues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1191325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ñorquincó Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Fonck" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Mascardi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salto Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de las Bayas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Capitán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337626" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337626" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16301121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fitalancao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q292866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ñorquincó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q312432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Volcánico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64142260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Frías Glacier (Ventisquero Frías)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64144388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "South Cirque Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Vuriloche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mogote Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Lluvú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Césares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Confluencia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Deseado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Balcón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagos Anasagasti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16858757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Catedral Heliport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63982864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "South Sister" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64141381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alerce Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Villegas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84521064" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84521064" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventisquero Frías" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Catedral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Lagunitas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704848" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704848" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704852" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704852" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704931" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704931" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64142261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Castano Overo Glacier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64143949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Tronador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q664558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago A. Gallardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215017" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3215017" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215068" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3215068" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216259" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216259" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Ortiz Basualdo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065863" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6065863" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6092122" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6092122" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q829012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Arrayanes National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93283088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bariloche Army Garrison" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490679" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16490679" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17320225" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17320225" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17624496" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17624496" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18755476" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q18755476" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17451407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Capilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9287193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llao Llao Hotel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831930" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831930" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832425" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832425" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835259" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835259" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837231" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837231" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837392" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837392" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839299" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839299" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840520" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840520" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840754" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840754" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842425" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842425" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842633" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842633" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842991" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842991" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846798" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846798" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Frías" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Hermanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Utne" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de la Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Moreno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ceniza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bella Vista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Capilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Frías" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4863731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barrio El Pilar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7258544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Blest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Tres Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de los Raulíes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Constitución" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Península Beatriz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Tacul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Machete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5922077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso los Raulíes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campanario Bariloche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carbón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5148259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colonia Suiza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5763158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Otto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q827817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nahuel Huapi National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Beruti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4860750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bariloche Atomic Centre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Boquete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25249325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parque municipal Llao Llao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7930284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Campanario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7930397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Llao Llao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111110632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Selva India Hotel Suite" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Like Quijote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Selina Bariloche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Justina Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Millaqueo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Moreno Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337645" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337645" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337689" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337689" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65553309" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q65553309" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65553606" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q65553606" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7930398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Los Coihues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q47772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bariloche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21038685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Ñirihuau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Macizo Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colu Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Millaqueo Segundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83869398" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83869398" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quetrihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Millaqueo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704715" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704715" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704751" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704751" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704780" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704780" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704806" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704806" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704817" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704817" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704822" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704822" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704823" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704823" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704824" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704824" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704833" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704833" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704840" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704840" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704841" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704841" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58822084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Carlos De Bariloche/complejo Llao Llao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58820168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Carlos De Bariloche/arelauquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68035133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Chile border crossing #64" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844158" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5844158" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6061018" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6061018" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bariloche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5483730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Francisco Moreno Museum of Patagonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6018564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mission of Nahuel Huapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q498371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nahuel Huapi Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1470945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Limay River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836341" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836341" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836608" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836608" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839343" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839343" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839881" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839881" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840971" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840971" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841370" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841370" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844304" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844304" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844496" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844496" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Bonita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2942784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cathedral of Our Lady of Nahuel Huapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Lagunita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16533398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "BAR" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lepún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8078664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ñirihuau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9009577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huemul Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gaucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q370274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Carlos de Bariloche Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bernal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Monjes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nirihuau train station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6106178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Andino Norpatagonica Biosphere Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25174341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva Isla Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Casona Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Los Troncos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Berkana Hostel y Bar De Playa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moving Hostel Travel Bar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hopa Home Hostel Patagonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hospedaje Penthouse 1004" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Nix" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tangoinn Hostel Downtown" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Green House Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tangoinn Club Hotel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Achalay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonia Jazz Hostel 2" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Periko's Youth Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Km Alaska Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pipperland Hostel Brc" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bonita Lake House" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Inn Bariloche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marcopolo Inn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonia Jazz Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111126445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "KM Sun Hostel Bariloche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60142870" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60142870" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60142871" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60142871" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60305648" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60305648" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60500416" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60500416" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3028234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dina Huapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Cautivo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mallín de la Mula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coyagh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Borcoli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337627" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337627" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337628" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337628" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337632" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337632" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337655" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337655" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337659" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337659" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Carlos de Bariloche train station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25115480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva Laguna Los Juncos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16642466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tren Patagónico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3064833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huemul Project" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Serranía de la Fragua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campo San Ramón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mallín Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Cuyín Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carmen de Villegas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83868967" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83868967" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872021" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872021" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872028" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872028" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872033" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872033" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872060" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872060" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872065" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872065" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872069" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872069" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872073" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872073" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872078" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872078" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872082" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872082" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84521040" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84521040" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84521086" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84521086" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Nahuel Huapí" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Coihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704717" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704717" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704767" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704767" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704850" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704850" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704849" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704849" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704923" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704923" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704934" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704934" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704944" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704944" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huitrera Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77084706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Centro Científico Tecnológico - Patagonia Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58821993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Nahuel Huapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3896976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Sapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5660270" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5660270" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5721537" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5721537" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4924976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blancuntre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6400386" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6400386" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12201540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q12201540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1773881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gualjaina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1016275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gastre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7142282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Sapo Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q773277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunita Salada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828649" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21828649" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835801" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835801" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836647" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836647" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837581" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837581" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837635" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837635" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838791" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838791" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838943" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838943" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838974" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838974" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839438" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839438" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839657" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839657" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839693" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839693" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839831" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839831" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840002" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840002" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840184" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840184" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840425" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840425" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840550" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840550" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840876" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840876" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841712" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841712" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842561" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842561" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843791" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843791" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843792" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843792" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844075" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844075" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844513" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844513" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846849" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846849" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tres Cerros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Seca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Taquetrén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salina Quililache" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de Gastre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Calcatapul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chacay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Chata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro la Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Escondida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25412399" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25412399" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25038539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crater Basalt volcanic field" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6075267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra Parada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8961914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fofo Cahuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Taquetrén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Piré Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro Gualjaina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mallín Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7930396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Llanquín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1008487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gastre Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas Blancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q53369612" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q53369612" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trauen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Caliente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Buitrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6059324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Gastre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111117475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra Parada Climbing Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1016794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cushamen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Tacatrán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Moligüe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Añueque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Almohada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337682" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337682" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Chico, Río Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Zeballos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Ubledo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fo-fo Cahuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Garraf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Jalalaubat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23925955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crater Basalt Volcanic Field" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8047289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yala Laubat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salina Las Niñas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Huancache" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Escorial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blancutre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alba del Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quililache" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Lipetrén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569623" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569623" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569631" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569631" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94569635" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94569635" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85776182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lefipán Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108617782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fitamiche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pilcaniyeu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1936853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pilcaniyeu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5840711" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5840711" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841500" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5841500" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841625" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5841625" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843569" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843569" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843963" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843963" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844181" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5844181" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844209" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5844209" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5871857" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5871857" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6049487" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6049487" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6061023" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6061023" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Comallo train station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5131460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Clemente Onelli, Río Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16300961" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16300961" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16301360" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16301360" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832291" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832291" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832385" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832385" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835153" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835153" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835685" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835685" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836135" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836135" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836559" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836559" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836621" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836621" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837580" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837580" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838423" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838423" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838436" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838436" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838611" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838611" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839360" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839360" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841371" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841371" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841403" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841403" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842361" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842361" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842461" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842461" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842602" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842602" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844095" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844095" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844725" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844725" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845610" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845610" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846577" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846577" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846735" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846735" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tronador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1954924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Comallo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11690410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mamuel Choique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pichileufú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dos Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Dromedario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Carhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Casa de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Amarillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Áspero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quebrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Volcán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Leña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Capilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6492069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Bayas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Indio Muerto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Comallo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Chivas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chacay Huarruca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Arco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Rehauh" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Roth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta del Portillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Cuadradito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Anecón Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Camello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Buitrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caballete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futa Ruín Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Planicie Pedregosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guaguel Niye" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337668" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337668" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6074930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichi Leufú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de la Viuda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Futa Ruín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Comallo Viejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Riquelme" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Yuquiche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Altiplanicie del Quila Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mamuel Choique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Miranda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Fita-ruín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704703" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704703" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704826" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704826" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704890" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704890" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704918" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704918" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216257" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216257" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843457" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843457" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106623520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cancura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q985718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Entre Lagos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833738" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833738" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836317" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836317" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836367" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836367" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837052" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837052" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840170" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840170" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387063" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387063" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387699" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387699" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389687" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389687" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2205145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ingeniero Jacobacci" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643354" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643354" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649452" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649452" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649825" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649825" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650414" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650414" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Seca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Menanqué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Milico Gorro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Moro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuevas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peñasco Cuatro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dos Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de la Estancia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peñasco Cinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Chancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carpa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Salina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5144800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coli Toro Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huillín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huillín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Callipulli Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Palo Marcado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Morley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta de Colitoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Cari-Laufquén Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pilares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Polloico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108618078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quetrequile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1061324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonian Desert" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ucale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ruinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pipa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro Feo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Mesaniye" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Maese" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta de Cari-Laufquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Cajón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6862734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina Santa Teresita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyehue La Capilla Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro Grueso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Huitrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Lil-Huao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Liqueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Crockett" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de Cari-Laufquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Atraicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chioca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56374804" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56374804" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24707940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parque Laguna Carri Laufquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q593862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ingeniero Jacobacci Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Kirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Bella Vista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337634" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337634" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pulputa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lipetrén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Cari Laufquén Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5412591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ingeniero Jacobacci train station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Encanto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yuquiche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Lipetrén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Colitoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Anecón Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mencahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichi-Lag" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Treguaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84521036" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84521036" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maquinchao Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Rosales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Colitoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704698" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704698" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704699" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704699" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704697" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704697" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704701" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704701" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704738" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704738" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704774" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704774" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704908" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704908" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94704917" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94704917" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5047973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casablanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5640728" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5640728" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1800395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyehue Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Furniel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crucero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387098" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387098" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387291" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387291" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389886" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389886" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389910" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389910" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389952" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389952" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391768" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391768" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395340" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395340" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475177" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475177" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305305" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305305" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636811" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636811" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644480" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644480" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644722" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644722" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647702" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647702" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647727" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647727" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648806" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648806" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649866" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649866" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650311" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650311" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650454" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650454" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Bueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Nevada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lumaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Palmar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chamul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Encanto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Maitenes de Villa Vieja Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rucananco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2946775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peak Pantojo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12692544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Cardal Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Puyehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Traiguén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Aguada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22631634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huiño-Huiño" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Pasos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18350978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ignao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898215" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898215" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Pantojo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Rucatayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4774886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antillanca ski resort" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5580675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Golgol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Fresia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Frutilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Encanto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5968904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107060188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puente Chirre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Machmar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17492405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cayurruca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q576985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antillanca Group" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q630522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cardenal Antonio Samoré Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2877413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hueinahue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Poza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Carpa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7262645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyehue Hot Springs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110682369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguas Calientes Hot Springs" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Ranco Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60535891" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60535891" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nilque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pitruco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cotreumo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Bueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Molhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quillín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chaullén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68035160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Chile border crossing #88" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Ranco, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago de los Palos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Forrahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Cuicui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cancagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16568652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fortín San José de Alcudia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyehue Lican Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60583611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Peters" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Purrahuín Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pantanoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pescadores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quebrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bolsiquillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743935" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743935" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743959" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743959" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743967" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743967" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97409073" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97409073" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3775337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2011 Puyehue-Cordón Caulle eruption" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5697314" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5697314" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5979877" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5979877" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q577700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyehue-Cordón Caulle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4774881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antilhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Nuevo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa del Fundo El Llolly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7348334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maihue Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16895891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nontuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q634183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyehue National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386625" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386625" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388707" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388707" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389929" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389929" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390130" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390130" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392947" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392947" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428732" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22428732" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468465" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468465" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468515" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468515" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22562514" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22562514" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622605" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22622605" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2940365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carrán-Los Venados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640000" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640000" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642766" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642766" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642786" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642786" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648814" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648814" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649115" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649115" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649918" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649918" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654221" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654221" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mocho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Radal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Yolque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Nevada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mal Paso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lumaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25513738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Laureño" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huequeco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Dollinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Virgen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5918118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Institute of Rural Education" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loncopan Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18350414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Esteros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2997207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Caulle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ralitrán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106590105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Llolly" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Los Tayos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cuñocuño" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Colcuma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chilcoco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6057289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Paillaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18350411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Conales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18394163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reumén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pescado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lipingüe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cuicuileufu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Collileufu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chapuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Orientado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nimahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pupunahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Corrales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huiñahuiña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Hirrevilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cauye" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Bandurrias Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61994305" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q61994305" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q62102314" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q62102314" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30590784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulpún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero la Plaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Overa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rinconada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Husco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Huichahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5968899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Rucatayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68046726" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q68046726" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68048142" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q68048142" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17986459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Choroico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30590008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cheuquemó Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mulpun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Venado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5935220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huishue Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Lagos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21044399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santo Domingo Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar (Chile, Los Lagos)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Colcuma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18388448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichi-Ropulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salto del Nilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pozo Brujo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91548949" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91548949" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91552490" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91552490" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91557205" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91557205" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91560164" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91560164" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rucaquilau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Machaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743930" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743930" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743937" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743937" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paillaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106963007" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q106963007" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106623522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pajaritos, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valdivia Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85751247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Central San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5065026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Quimán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7339153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riñihue, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5169988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5196572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guapi Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7003698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nevado Las Agujas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1756649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riñihue Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1800398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ranco Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386857" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386857" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390295" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390295" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391363" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391363" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391968" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391968" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391987" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391987" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392636" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392636" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393662" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393662" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394632" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394632" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395092" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395092" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22452797" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22452797" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467656" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22467656" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625694" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22625694" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305281" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305281" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636473" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636473" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636490" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636490" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636491" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636491" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643044" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643044" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647690" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647690" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647703" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647703" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649481" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649481" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Macalla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lumaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106590032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chabranco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663309" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663309" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663312" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663312" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llifen Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riñihue Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28664006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pucará" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Panqueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Punahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rucanahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4407311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Pedro River (Calle-Calle)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mariquina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Guapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Calcurrupe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curriñe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30590017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tralcán Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ponpongo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Remehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5064941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Maltusado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coshue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colegual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q951240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calcurrupe River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4394738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riñihuazo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Llanquihuapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cumilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coñico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Chichitivas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4217608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caunahue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Montolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Noschaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quillén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quilahuentr" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Malihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Llilleipen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5977825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llifén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pilmaiquen River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605118" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605118" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16833867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arquilhue Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9071984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nilahue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65119427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2004 Futrono mudflows" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4461856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tralcán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tralcan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Culpeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Coique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6109324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riñinahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7194124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pillanleufú River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llifen Calcuruppe Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Llacudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Llahuapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carran" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pucono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Punco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Legleufu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chollinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65040354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nochaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60785196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futrono-Riñihue Batholith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65086966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llecué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Futrono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q313632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214717" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3214717" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215237" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3215237" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4532009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enco River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5507324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuy River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q597922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Espejo Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q389770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seven Lakes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835785" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835785" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841603" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841603" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845999" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845999" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846573" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846573" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391145" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391145" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392332" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392332" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394797" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394797" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395327" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395327" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22701045" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22701045" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643105" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643105" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652431" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652431" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3089300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Traful Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pantojo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Laguna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Las Mellizas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Crespo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Traiguenleufu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Millaqueo Primero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Hermanas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4271239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llanquihue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llamue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cua-Cua river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6887628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mocho-Choshuenco National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa La Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puñir River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3132346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mocho-Choshuenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Correntoso River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Central" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pueimanque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Totoral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Gris" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Gabriela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6106393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Residencia El Messidor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6990839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neltume" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16858927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chan Chan Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q582238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neltume Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Lagos Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle de los Machis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rincón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Golgol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Constancia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16895275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Molco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q635930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Correntoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51837895" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51837895" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2522982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Road of the Seven Lakes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2900183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huilo-Huilo Biological Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lac Espejo Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Montes de Oca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4316806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neltume River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntiagudito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111111110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel La Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Lago Gris" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuyín Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Constancia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5105354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Choshuenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337752" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337752" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Mocho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605117" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605117" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reca river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Truful" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piramidal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chanchan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Panguinal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Fray Menéndez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coligüe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Belvedere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas Gemelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chaiquemahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salto del Huilo Huilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519847" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519847" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Traful" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Laguna Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pallahuinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Constancia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561915" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561915" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561963" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561963" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561961" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561961" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562228" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562228" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q37854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huilo-Huilo Falls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104879139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Constancia Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214704" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3214704" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214870" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3214870" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9093841" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q9093841" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Meliquina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833371" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833371" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835484" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835484" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835580" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835580" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835725" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835725" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836361" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836361" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836947" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836947" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838849" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838849" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840192" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840192" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840334" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840334" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840511" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840511" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841323" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841323" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841651" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841651" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841872" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841872" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842715" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842715" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843770" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843770" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844343" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844343" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846514" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846514" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846572" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846572" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21849869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393181" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393181" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22597381" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22597381" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21037381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Cuyín Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651776" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651776" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peñascoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pirámide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas Mellizas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Crespo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Chichahuay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843853" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Camello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22547554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta Raizuda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5197120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuyín Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Clavo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7832597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Traful River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2206153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Traful" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yerio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Repollo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra de Moler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mallín Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huelta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Boscoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Leones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5097316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chihuío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Hermoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Machónico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Villarino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Recado Chileno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuerno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Escuadra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q46854701" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q46854701" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25017316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paisaje protegido Río Limay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Filo-hua-hum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Nuevo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Lilpela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mallín de la Cruzada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Córdoba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Crespo Poniente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago de los Cármenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Cacho Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Queñi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Crespo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra de la Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Oivlis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Filo Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pico de Nihualhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Falkner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Córdoba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Buque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Cacho Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Aguada del Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6548420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lilpela Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meliquina River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Lago Hermoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra de San Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Las Horquetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ezpeleta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Falkner" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Chihuio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562046" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562046" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108617198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214788" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3214788" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214827" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3214827" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5684731" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5684731" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5705832" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5705832" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7258582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Pirihueico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18517634" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q18517634" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8558191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huahum Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q828206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lanín National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1019152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Martín de los Andes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835559" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835559" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835728" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835728" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836072" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836072" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836313" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836313" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838735" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838735" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839983" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839983" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842370" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842370" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845964" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845964" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846739" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846739" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848155" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848155" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849934" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21849934" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556897" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22556897" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643707" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643707" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651254" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651254" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3124917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Epulafquén Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Queñi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Quelhuenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Malo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huanquihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Chivo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Ángeles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4363335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pirihueico Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Lipinza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6557533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liquiñe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7258558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Fuy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663335" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663335" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26852017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rañintuleufú River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Escondido Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Lolog" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3301092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chapelco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Dientes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Península" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Jaramillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Curru-huinca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Quilmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llizán River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Ancacoique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Nonthué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra del Trompul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huecuifa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuerno de Chihuihue Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Aseret" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Oconi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Escondido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5039671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carirriñe Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Huirahueye" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26851988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rañintuleufú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2037541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lácar Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huahum River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3645899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huanquihue Group" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Rucu Leufú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huemules" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quelhuenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Maiquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Lipinza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mentirosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25104691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lolog Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q53559799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quila Quina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60305644" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60305644" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huilo Huilo Nothofagus Hotel & Spa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Changlil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Lipinza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Currhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Acol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Panguileuf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta de los Guahanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605116" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605116" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26852053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carránco River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quilanlahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ciénaga Mallín Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Traleufu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Llollehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68035128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Chile border crossing #60" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra Ruca Ñire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Pirehueico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Liffi Lafquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Carirriñe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519525" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519525" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84520075" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84520075" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de Auquinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Encanto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuerno de Chihuihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562219" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562219" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214826" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3214826" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5556687" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5556687" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115374" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6115374" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115587" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6115587" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q546774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lácar Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831392" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831392" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833876" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833876" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835039" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835039" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835557" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835557" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836123" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836123" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839408" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839408" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839622" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839622" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840537" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840537" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841696" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841696" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842929" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842929" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845841" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845841" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845947" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845947" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846571" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846571" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393119" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393119" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305826" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305826" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Ventanitas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lolog" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corral de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de la Ensenada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Chivo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Horqueta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Media Luna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santa Julia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Pinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2421713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huechulafquen Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Pichi Currhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lanhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chapelco Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de Chapelco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chenques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Chenques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Atravesada de Palitue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Calabozo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q538584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huiliches Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q952426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Junín de los Andes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2900990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aviador Carlos Campos Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Virgen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle San Cabao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Currhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111117110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alhue Patagonia Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60142863" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60142863" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60305641" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60305641" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60305646" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60305646" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60305660" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60305660" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tipilihuque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337698" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337698" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337697" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337697" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337714" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337714" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337761" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337761" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58821731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Martín De Los Andes/ea. La Candelaria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58822081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Junín De Los Andes/ea. Palitue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25858190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Área protegida Boca del Chimehuín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2886742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chimehuin River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2915363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Collón Curá River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Contra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de la Cumbre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20616703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iñaque River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Planicies" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chimehuin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colo Huincull" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872363" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872363" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519880" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519880" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84520053" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84520053" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84520102" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84520102" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84520128" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84520128" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84520155" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84520155" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84520181" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84520181" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Perro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Piedras Paradas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58822082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Junín De Los Andes/casa De Lata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561911" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561911" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561931" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561931" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561947" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561947" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561966" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561966" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561965" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561965" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561975" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561975" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561993" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561993" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562013" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562013" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562028" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562028" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562032" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562032" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562198" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562198" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58822083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Martín De Los Andes/rancho De Montaña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5396843" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5396843" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5999223" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5999223" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5018337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calafquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5659456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Afquintué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6035342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Máfil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6728588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Madre de Dios Mine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7190668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichoy River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11120320" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11120320" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1800389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Panguipulli Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105332031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Death of Francisco Martínez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curaco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16896414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papageno Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387409" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387409" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390320" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390320" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391408" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391408" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394434" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394434" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395224" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395224" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642701" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642701" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643838" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643838" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648694" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648694" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650326" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650326" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654222" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654222" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656322" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23656322" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nalalhuaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quinquichán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Nilcahuin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Panguinilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mañío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Leufucade" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Dollinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Collalla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loncoche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6464491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Plaza, Pichilemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28057249" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28057249" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28529607" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28529607" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663302" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663302" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663303" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663303" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663306" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663306" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663307" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663307" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663310" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663310" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663311" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663311" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663308" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663308" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663315" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663315" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663313" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663313" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663987" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663987" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nonuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pilico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Trailafquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vegas de Mahuidanche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Cullinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7909434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valdivia Pulp Mill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puyehue Creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pucay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bahía del Peligro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Laulau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Huiple" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Cayumapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22700005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neltume" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Niguen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5770315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Ciruelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16874781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Panguipulli Batholith" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16896373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Panguipulli Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niltre river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quillén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Mahuidanche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cahuinhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5978661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Loncoche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6741208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malalhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605123" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605123" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q52585943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San José de la Mariquina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mariquina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loncoche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mulul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Runcahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Tralcan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Choshuenche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16500102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teatro Galia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Metrinlehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Punguichay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cusilelfu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Lanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Máfil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Panguipulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huellahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Melisque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nalalguaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Correltué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743895" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743895" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743933" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743933" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743938" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743938" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743939" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743939" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743940" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743940" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64972453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melefquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65086756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Troltrolhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5756301" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5756301" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5431378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Faja Maisan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5755697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6543563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Licán Ray" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villarrica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1746706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zona Zyr" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4348364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pellaifa Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20022134" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20022134" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373781" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22373781" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390936" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390936" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391423" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391423" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392049" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392049" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395244" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395244" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396656" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396656" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305857" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305857" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636474" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636474" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636947" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636947" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643096" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643096" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645228" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645228" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648041" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648041" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648891" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648891" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649606" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649606" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655042" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655042" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rehuelhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Luma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llaullau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huilio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6661118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llancahue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663317" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663317" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663322" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663322" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663323" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663323" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663324" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663324" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663325" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663325" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663481" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663481" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663991" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663991" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pullinque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30612152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quinchilca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villarrica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichilefén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pidenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Tracalhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22643326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llanos de Pallalef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chalipen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898806" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898806" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Panguipulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Voipire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Donguil River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Comul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Claro river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7259473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pullinque Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20881003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curimanques Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Viloco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Dichas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111113417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chili Kiwi Lakefront" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111113419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lacustre Trip Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111113427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gecko Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111113423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostal Emalafquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111113421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Selina Plaza Pucon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111113431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostal el Nogal Pucón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111113429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel French Andes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Enjoy Pucon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Antumalal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel CasaEstablo by DOT Boutique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1800379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calafquén Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5180169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coñaripe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Llancahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cumin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1800412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villarrica Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pucón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tungui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66622466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ñancul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Mahuidanche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lungoico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16634870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sitio de Villarrica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villarrica Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77272207" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q77272207" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pucón River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llollelhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Antuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malloco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Niltre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Putros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Quinchilca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lliulliu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lolén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chircos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chanleufú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Carrileufú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743896" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743896" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743897" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743897" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743918" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743918" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743922" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743922" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pucón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paseo de la Memoria Herida de Villarrica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843738" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843738" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6077002" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6077002" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6094452" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6094452" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6162018" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6162018" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6415007" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6415007" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6095433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quitratue Railroad Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5934952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huichahue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cautín Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1030915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maquehue Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395844" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395844" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474806" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474806" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636493" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636493" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636506" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636506" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647994" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647994" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651711" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651711" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Metrenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pillanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quitrahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Meulen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4732703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Allipén River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5104258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cholchol River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llamaico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cumbli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chucauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chapod" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Botrolhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Allinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitrufquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llancao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nueva Imperial Railway Bridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27926332" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q27926332" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28056855" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28056855" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28057247" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28057247" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7271306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quepe River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pitraco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tugo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Trapehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coilaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cancura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bollilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Barranco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nueva Imperial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898317" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898317" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898854" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898854" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898857" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898857" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3114600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Greater Temuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tabal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4946189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tromen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ineique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Codihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chomio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Freire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16302206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Labranza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pulul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huilquilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Finfín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ralipitra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Único" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chailef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Padre Las Casas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gorbea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitrufquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pipilos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quelihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Traitraico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5054716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cautín River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huichahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Barrozo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17516120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aeropuerto La Araucanía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nueva Imperial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pelal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Sepulco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q89677609" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q89677609" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Freire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5883528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gorbea station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5869220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Freire train station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Molluco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Picuche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tranoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Yadquihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Laja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huenchuleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guisno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Boroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Alinilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743893" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743893" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743898" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743898" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743904" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743904" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q101069367" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q101069367" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Araucanía Region" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q82128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5763456" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5763456" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841259" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5841259" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844033" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5844033" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6086126" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6086126" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6150070" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6150070" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6445008" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6445008" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q101857394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Easton Outlet Mall Temuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96828194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patio Padre Las Casas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489695" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16489695" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16563623" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16563623" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16579859" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16579859" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16589413" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16589413" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16620154" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16620154" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16620487" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16620487" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17622195" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17622195" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17630898" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17630898" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pumalal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Trabunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Truftruf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Temuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cailaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28517903" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28517903" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q911911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Municipal Germán Becker" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21209417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "St. Joseph Cathedral, Temuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3551326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "University of La Frontera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lleupeco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6033577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pablo Neruda Railway Museum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16616258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parque Para La Paz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100979921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "German School of Temuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2744138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temuco Catholic University" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Neculqueo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pusulhuin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16545357" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cementerio General de Temuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16576015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hospital Doctor Hernán Henríquez Aravena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16608862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monument to Caupolicán (Temuco)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichi Temuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Entuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Batuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holiday Inn Express Temuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Dreams Araucania" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111552291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Category:Chile Pavilion of Expo 2015" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pillo-Mallín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5065022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ñielol Natural Monument" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605110" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605110" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605111" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605111" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605109" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605109" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605112" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605112" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605113" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605113" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Temuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curichapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30296116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agriaquaculture Nutritional Genomic Center" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56317858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cautín railway bridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nielol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huilchico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743903" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743903" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743900" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743900" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743901" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743901" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743906" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743906" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743905" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743905" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743910" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743910" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743908" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743908" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743909" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743909" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743914" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743914" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743915" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743915" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743912" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743912" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743913" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743913" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743916" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743916" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743923" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743923" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743920" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743920" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743921" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743921" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743926" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743926" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743927" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743927" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743925" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743925" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743928" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743928" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744545" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744545" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744805" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744805" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744822" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744822" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744823" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744823" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744826" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744826" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744863" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744863" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744864" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744864" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96575224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pedro de Valdivia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97669414" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97669414" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98140941" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q98140941" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98280409" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q98280409" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98280429" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q98280429" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98398195" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q98398195" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98700208" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q98700208" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97977454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Universidad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104627041" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q104627041" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105116830" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q105116830" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105595614" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q105595614" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107240385" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q107240385" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107240524" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q107240524" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q606749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villarrica National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Paimún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5654777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quillelhue Lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Lucía Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832013" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832013" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836953" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836953" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846648" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846648" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386931" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386931" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387657" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387657" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389427" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389427" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391128" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391128" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392516" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392516" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394219" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394219" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395205" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395205" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396445" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396445" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396824" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396824" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462139" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22462139" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493810" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22493810" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304916" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304916" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307529" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307529" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636518" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636518" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649246" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649246" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649405" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649405" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649524" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649524" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651967" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651967" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654205" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654205" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Quillehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Paimún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Totoral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paulul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Petrenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nahuelcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lumaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663326" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663326" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663327" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663327" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663330" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663330" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663328" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663328" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663329" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663329" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663333" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28663333" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Colico Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q389121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lanín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94198381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cherquenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Arenal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Huilipilún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cunumbueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curileufu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Barranco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vilcún La Malla Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1643896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vilcún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tromen Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Puello" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Zallel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lindero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Paimún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Litrán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barbecho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tapelco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ulmos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quinquilil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Quelhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5018659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calbuco River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5194601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curaco River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Choroico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Plaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1189752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quetrupillán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Milla Licén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caquituco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Carilafquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vilcún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichilleuque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22547501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta de Trancura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Epuralal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vilcún Agromanzun Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1425453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colico Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Hunaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Hunaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6557534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liquiñe River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6746000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mamuil Malal Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quechereguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quema" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quintrilpe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68035130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Chile border crossing #62" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Guayes Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quilaleufu river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Quetrú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Troquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Trumpulo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llamuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coltúe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649593" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chucaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743886" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743886" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743890" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743890" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743889" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743889" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743892" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743892" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97655280" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97655280" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q427003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pucón Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5705537" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5705537" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6142703" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6142703" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liucura River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5015859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caburgua-Huelemolle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16494547" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16494547" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19399653" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19399653" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21189781" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21189781" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831742" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831742" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833190" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833190" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835560" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835560" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835700" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835700" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837749" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837749" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838255" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838255" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839371" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839371" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839440" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839440" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840459" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840459" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841689" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841689" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845957" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845957" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846928" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846928" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391748" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391748" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392008" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392008" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396004" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396004" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636946" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636946" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636955" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636955" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639941" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639941" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642699" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642699" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642790" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642790" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651039" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651039" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654190" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654190" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Quillén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sur Divortium" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Troquif" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Tromen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador de los Pozos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de la Laguna Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Malalco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coloco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Chanchos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Áspero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bella Vista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Desfiladero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maichín River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de Coloco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chuquilcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2367464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Hui Hui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Víboras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Uña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Picos de Tromen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Tromen Primero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Malalco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Hui Hui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Curapille" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Bella Vista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1048225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villarrica Volcano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42387044" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42387044" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Utrailil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Rilul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Mamuil Malal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111113425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Okori Hostel Pucon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Tromen Segundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Auca Pan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Nahuel Mapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curimeno River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6142680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Termas Huife" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7833389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trancura River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ponom" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nahuel Mapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guampohe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q37684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ojos del Caburgua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mogotes Grises" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chohuécura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Añihueraqui Primero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22532239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mogote Remeco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Loncovilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Rilul Segundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quillén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Caballadas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Huirindil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58820129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Junín De Los Andes/hosteria San Huberto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105181870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Category:Iglesia de San Sebastián, Curarrehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curarrehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q164121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llaima" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aluminé Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Rucachoroi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065866" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6065866" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5968902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tinquilco Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q560495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trufultruful River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q447844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aluminé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q573136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caburgua Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832387" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832387" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833159" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833159" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833588" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833588" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835137" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835137" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836129" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836129" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836403" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836403" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837579" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837579" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838908" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838908" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839336" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839336" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839418" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839418" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840549" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840549" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841405" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841405" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389760" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389760" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394420" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394420" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396857" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396857" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22532210" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22532210" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22701786" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22701786" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melipeuco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305211" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305211" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305966" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305966" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306358" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306358" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636398" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636398" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643763" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643763" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647639" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647639" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647681" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647681" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650128" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650128" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651561" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651561" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655089" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655089" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656446" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23656446" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Llaima" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Horqueta Puipucón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Iglesias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santa Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Malalhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lumaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Canelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huepollén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Teta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Silla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q940121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sollipulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón del Rucachoroi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pichi Rucachoroi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22597400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nevados de Sollipulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Huerure" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curinumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Canelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Folilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1124254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huerquehue National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trujillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Membrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Lleuques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Picos de Llallicupe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llolle Norte Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Sallipulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31567978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nevado de Sollipulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Liñeco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Huerere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chufquenpalemo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nevados de Caburgua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Trujillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Pailepaile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337719" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337719" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7930943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villarrica National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Nellocahui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quenuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Melo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Picos de Llollicupi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Checat" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campanamahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78063918" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q78063918" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas de los Tábanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Dollerepu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melipeuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Rahué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rucachoroi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639582" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lanlan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huechulepán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Filcun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Picos de Caburgua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561958" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561958" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562161" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562161" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2421330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alumine Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5907990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5907990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065825" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6065825" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115342" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6115342" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Pilhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16303019" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16303019" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833341" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833341" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833350" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833350" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836134" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836134" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836382" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836382" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836636" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836636" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837049" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837049" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838851" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838851" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838969" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838969" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840794" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840794" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841600" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841600" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842619" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842619" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842935" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842935" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844098" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844098" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391513" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391513" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391533" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391533" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392078" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392078" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392928" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392928" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393915" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393915" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395675" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395675" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463965" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22463965" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468943" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468943" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307515" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307515" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643765" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643765" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648357" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648357" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648609" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648609" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650129" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650129" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651162" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651162" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Polcahué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969907" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23969907" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Picudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Lonco Luan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Icalma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Ignacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mocho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Batea Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5985023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Icalma Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marimenuco Airfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2960697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Pehuenia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huefur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Coiparahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Quililo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arenoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Allillonco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Galletué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26230540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva natural Chañy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898688" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898688" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3099243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aluminé River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Ñorquinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Relem" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Polcahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colihues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curacalpu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bío Bío River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q680312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Conguillío National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51836828" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51836828" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Taraya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Lagos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coipocahué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chañy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Batea Mahuida Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q53677921" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q53677921" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Treupillan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111116006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Andino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60305638" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60305638" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moquehue Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Melún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Cipreses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Cipreses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4784459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Araucarias Biosphere Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5099788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "China Muerta National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337743" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337743" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cabeza de Indio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lonquimay Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8539015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Batea Mahuida Volcano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28163076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nacientes del Biobío Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Pulmarí" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Liuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Mallin de Icalma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Santo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Teta de Vaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trelel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rucañanqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Melipilún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Impodi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Clucnú Chumpirú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Reigolil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Mallines" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35422355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Rucañuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3215510" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3215510" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5940815" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5940815" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7142252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Flores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831668" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831668" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831818" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831818" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833117" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833117" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833136" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833136" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833210" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833210" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834275" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834275" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835106" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835106" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835139" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835139" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835156" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835156" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835410" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835410" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835561" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835561" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835678" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835678" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835684" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835684" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838321" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838321" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839427" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839427" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839655" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839655" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840049" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840049" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840220" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840220" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841151" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841151" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841188" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841188" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841306" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841306" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841382" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841382" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842167" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842167" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842534" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842534" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845751" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845751" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848429" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848429" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1786179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alicurá Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395769" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395769" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650427" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650427" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Granada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Pilahué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mariana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de Achicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campanario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pedregoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Montoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Palmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7194506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pilquiniyeu del Limay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Ranquel Huao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla La Paloma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Llano Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Baguales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Los Manzanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Flamiché" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón El Sauzal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Esquinero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Tres Morros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pichi Lonco Loan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro María Sofía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta del Arco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Pino Hachado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6472788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca, Río Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25513824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva natural Batea Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tomasa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Lomas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pampa del Unco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Paso Limay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Petiso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piñihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Sección" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lonco Loan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Los Chacayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Liucura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Laguna del Torro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fitahua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Arco Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Saltillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Planicie de Panquehua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Menta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Pedrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Buena Parada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Enterrada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de Lincopán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Mallín Chileno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Cura-Laufquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Alicurá" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quirinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "María Sofía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Choqueyán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chucán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Arco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562044" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562044" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97354104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Flores Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Collón Curá Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843902" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843902" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6114960" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6114960" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1015985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra del Águila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833407" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833407" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833890" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833890" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833889" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833889" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834273" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834273" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836342" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836342" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837126" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837126" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837291" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837291" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838294" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838294" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839344" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839344" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839409" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839409" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839615" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839615" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839616" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839616" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840396" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840396" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840538" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840538" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841700" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841700" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842114" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842114" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842605" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842605" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844171" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844171" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844206" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844206" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846114" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846114" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846856" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846856" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848433" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848433" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Escorial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Zaina Yegua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Filemón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Feo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Horqueta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Fría" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Chenque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Casa de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de los Chacayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Árbol Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Pintada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santa Teresa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1477845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra del Águila Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tapera de Rojas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quidel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Molle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Pajaritos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de la Horqueta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Salitral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Carilauquén Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Paisanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Echado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yuncón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quili Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dos Cabezas de Carnero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Molle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60142866" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60142866" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tropezón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pedregosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Muleros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa La Fría" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337705" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337705" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58820126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Junín De Los Andes/san Ignacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1806556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichi Picún Leufú Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Zingoni" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barda de Santo Tomás" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra Agujereada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Nogueira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Llachapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Litrán-cura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de la Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58820125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra Del Águila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58821730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Catan Lil/ea. Santa Isabel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Michai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mallín Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huaiquimil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Contreras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Carancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carro Quebrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519782" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519782" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Bandurrial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Carro Quebrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562210" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562210" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65055757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Collón Curá Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58822077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra Del Águila/transener S.A." + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4694469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Guzmán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5141891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colan Conhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6981306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naupa Huen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16622727" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16622727" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7420559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santo Tomás" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833569" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833569" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833836" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833836" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834128" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834128" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835577" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835577" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837382" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837382" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839842" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839842" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841278" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841278" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841406" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841406" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844427" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844427" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tres Cerros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Honda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Altiplanicie del Pilquiniye" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de las Overas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Michihuao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Feo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Hondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón La Blancura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón El Arenoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma El Pangaré" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Calderón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Barros Negros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas Bayas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corcovado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Buitres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q388990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mencué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yanquihuén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de Trapalcó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sombrerito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de la Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Quili Malal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de las Overas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mulaniye" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Carneros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Planicie Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5788409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera del Viento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yeguadas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rancahué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Palenqueniyeu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Plan-Loan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Lenzaniyeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Curache" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Catán Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Barrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Retiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pillahuincó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañada Puesto Lafie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Horquetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lonco Vaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lonco Vaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de las Horquetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Colan - Conué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colipán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de los Baños" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60305643" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60305643" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61886950" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q61886950" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Trapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Trapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Quiñi Huao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Mencué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Cura-Laufquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma El Moro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Arenoso Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Traful" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quiñenao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Reuque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pecuma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Mallín Largo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carahué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Torta Frita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de las Rosillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quele-Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro Palenqueniye" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Mulaniyeu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de Lonco Vaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de los Malacaras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Kakel Huincul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de Chasicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pilahué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Olivos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Michihuao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chillaniye" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de Aranda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65121696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajada Colorada Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108617931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1016900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Coloradas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Catán Lil Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1667953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Amarga Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828565" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21828565" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831584" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831584" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833121" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833121" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834055" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834055" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834144" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834144" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838260" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838260" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838455" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838455" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838921" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838921" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839136" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839136" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839708" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839708" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840810" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840810" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844220" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844220" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844225" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844225" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844342" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844342" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844509" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844509" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844642" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844642" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844643" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844643" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845764" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845764" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847009" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21847009" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848246" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848246" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848247" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848247" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23907503" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23907503" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quemado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Sapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de la Pichana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Picún Leufú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Patos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Horqueta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Come Yeguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Calcatre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portillo de Arce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caichigüé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Marucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Coloradas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chacaico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Media Luna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santa Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra Parada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Chiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Lonqueo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mallín Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cullín Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Escuela Ochenta y Cuatro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chihuido Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Catán Lil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pulido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Engorda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Bonete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada La Carpa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro China Muerta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Casa de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5939240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Aguerre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yanincoló" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Teta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Tiza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Lengas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Curacó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trapial Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Overo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lonqueo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Charahuilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arañomún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bardón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa del Rincón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Viento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337755" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337755" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quiniliyeun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de la Piedra Santa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mallín de Ibáñez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Capaollanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cullín Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Carro Quebrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Agua del León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519720" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519720" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Panqueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colocó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Agua Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562197" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562197" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108617380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caichihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q828531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4252438" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q4252438" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5705559" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5705559" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6128008" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6128008" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5968996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6682571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Catutos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831635" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831635" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831935" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831935" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835574" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835574" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835576" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835576" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835723" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835723" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835803" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835803" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836053" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836053" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836607" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836607" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838184" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838184" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838435" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838435" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838652" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838652" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838915" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838915" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839038" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839038" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840125" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840125" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842858" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842858" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842857" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842857" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844272" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844272" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846569" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846569" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trocoquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tres Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Vacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Palau Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ñireco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Lajas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guadaloso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Cabra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vega de Molina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mocho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Arena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Leña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bodega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5647586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Primeros Pinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zapala train station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5762866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Atravesada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Montón de Trigo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Llano Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mallín de los Caballos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chachil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Chachil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833743" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Salinitas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Zapata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Palau Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portillo del Ñireco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo La Atravesada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cochicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Cañadón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Nueva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quili Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lohan Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Manchado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Macho Viejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Sanquilcó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pul-Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Llamuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Grande de Mallín Largo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Corderos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón del Chachil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Avestruces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Agua de las Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337717" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337717" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337739" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337739" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pichi Ñireco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mellizo Sud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Michacheo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Agua del Hoyo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4408027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zapala Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6011374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta de la Barda Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23925953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blanca, Laguna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palau Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Riscos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cansino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Atravesada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de las Flamencas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huemul Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carreri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Chachil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561881" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561881" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561890" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561890" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68035157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Chile border crossing #86" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q922199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Picún Leufú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1287364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Chocón Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214875" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3214875" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q263760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Picún Leufú Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16301703" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16301703" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835605" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835605" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842620" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842620" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846945" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846945" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3291391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mariano Moreno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra del Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Hondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Jagüel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Chenque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Vagón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embalse Ezequiel Ramos Mexía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Atravesada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bustamante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bardita de Alarcón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alarcón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Puntas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Torre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Gigante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Quemado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carrizo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Atravesado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barrio Llenquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q147196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zapala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1191283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zapala Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo del Palenque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de Pablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5790388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Covunco Centro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7290520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ramón M. Castro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lotena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Frasco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7335271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Limay Subgroup" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Encaramado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15964622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Molles Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1032944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Candeleros Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60142865" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60142865" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60501589" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60501589" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2545515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa El Chocón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Michames" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo del Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón El Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chilca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barrial Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1656218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cutral Có Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Sosa Leufú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de los Tordillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Velazco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Picazo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Los Leones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5762988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5935123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huincul Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Zapala" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Sotera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Potrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Maruco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de Corral de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón de los Candeleros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872018" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872018" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519578" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519578" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519690" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519690" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519753" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519753" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84520442" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84520442" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61793648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ernesto Bachmann Paleontological Museum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Las Toscas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Liebres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón del Carrizo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Chara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Aquebeque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561872" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561872" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561902" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561902" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561936" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561936" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561945" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561945" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561991" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561991" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562190" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562190" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562206" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562206" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562207" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562207" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562227" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562227" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562351" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562351" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27431243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva El Mangrullo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q980712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plaza Huincul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5795109" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5795109" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5847880" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5847880" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97276170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Bastos Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6081476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mocha National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1635008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mocha Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373884" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22373884" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307514" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307514" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650457" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650457" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de los Molles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Monte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Cabeza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Farias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de las Torrecillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quiripio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Santa Celia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22451535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla del Muerto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Manito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Manuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Santa Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Illinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Challaco train station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mocha Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Mocha Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Sombrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Cordero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina California" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Trancura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Consuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Burime" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Boyacura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arvejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Poduco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Quechol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Palo Santo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de Las Islas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Anegadiza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q970536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cutral Có" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Barrosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cochicahuin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1324895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Museo Carmen Funes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60305658" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60305658" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60305659" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60305659" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60318109" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60318109" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Las Liebres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Tobiano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337706" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337706" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337704" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337704" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337708" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337708" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337727" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337727" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337736" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337736" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337746" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337746" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337745" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337745" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337750" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337750" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337759" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337759" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337767" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337767" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta El Saco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Pedregosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ruca Pehuen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4848915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de la Carpa Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Trovolhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Macha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Ramos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Peral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Desconocido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo El Salitral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rucaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rumalhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Maquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Hassler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Boquerihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561894" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561894" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561892" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561892" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561899" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561899" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561896" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561896" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561903" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561903" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561918" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561918" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561919" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561919" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561917" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561917" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561922" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561922" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561926" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561926" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561924" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561924" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562139" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562139" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562178" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562178" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562236" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562236" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q101003053" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q101003053" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97276336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Barrosa Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q834227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lanalhue Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6151579" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6151579" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6553538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lleulleu Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q212618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1960 Valdivia earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389527" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389527" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390634" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390634" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392613" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392613" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627829" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22627829" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22640174" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22640174" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636432" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636432" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636480" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636480" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636886" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636886" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643121" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643121" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643351" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643351" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647650" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647650" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647729" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647729" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653908" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653908" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pangue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pidelco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Tenten" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mahuilque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Llancao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huillinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curilebu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chimpel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca Leb" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Barros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lebu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tranquilvoro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622419" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Morguilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6511443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lebu River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q188183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tirúa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26720771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hospital Santa Isabel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ranquilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Treinta Ganchos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tromen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Los Laureles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Batros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curanilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6094694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quidico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6188283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jesus de Huenuraquí" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quinahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Puyehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Matranquil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lincuyin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chacras Buenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16901726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tirúa Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60327057" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60327057" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60329070" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60329070" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilquilci" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Trancalco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Licauquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Idaico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chanquin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Bocarripe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16223029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Transporter Angamos (1890)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16818575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paicavi River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lebu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65929671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plaza de Armas de Lebu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Trovoltrovolco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Quidico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tucapel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lorcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Junquillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huilmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Esquilluco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chimpel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lanalhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7271819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quidico River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7809295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tirua River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lebu Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28163147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lebu Group" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22367604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Molina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Toscas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tranaquepe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Trilaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Melinchique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Medihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Charrucura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86852542" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86852542" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86853887" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86853887" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86857767" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86857767" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87088027" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q87088027" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87089130" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q87089130" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ruca Ruca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Tranaquepe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colcuma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Catribolí" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25227026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ranquil Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q99303591" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q99303591" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eltun de Antiquina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105809658" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q105809658" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108939971" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108939971" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q79032241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Lloncao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5870545" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5870545" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5762838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9035024" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q9035024" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arauco Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22381978" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22381978" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390027" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390027" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392311" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392311" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395733" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395733" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622193" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22622193" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2834505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quiapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644465" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644465" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647651" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647651" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647658" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647658" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651705" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651705" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651723" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651723" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660137" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660137" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ruca Raqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Millaneco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nahuelbuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5037684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caramávida River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cullinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campamento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28551862" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q28551862" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Primera Agua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ranquilmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Locobe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Huenteguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cayucupil River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Antiquina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28163149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tubul Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2997143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Nahuelbuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898702" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898702" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898945" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898945" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104599545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parroquia San Enrique de Purén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Misiones Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quidico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Nahuelbuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nahuelbuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chupalla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bolleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5763469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Millonhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6520468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leiva River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48893570" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q48893570" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Reñico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pino Guacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pino Labrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Pichi Manquemahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pilquichohe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5055453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cayucupil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Villa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3067075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1960 Concepción earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Tres Pinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Callín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cabrería" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Álamos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Repute" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4843119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bahía del Carnero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Licauquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bulleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichillenquehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pangue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guallaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Descanso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de la Cueva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Anguillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16609804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Museo Mapuche de Cañete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86839325" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86839325" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86841734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86841734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86847017" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86847017" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86848318" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86848318" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87075038" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q87075038" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87079328" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q87079328" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87079535" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q87079535" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87081253" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q87081253" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87081976" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q87081976" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87083311" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q87083311" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q87085908" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q87085908" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pilmaiquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Batro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744221" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744221" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744224" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744224" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744229" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744229" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744486" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744486" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744484" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744484" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744485" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744485" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98828636" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q98828636" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q102089889" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q102089889" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86794195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Purén station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108694585" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108694585" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Purén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Contulmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1617262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Quiapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5722574" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5722574" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5740060" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5740060" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5777366" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5777366" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5794878" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5794878" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6071565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arauco Peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q427569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quiapo River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17631565" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17631565" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387360" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387360" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387928" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387928" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388686" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388686" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388728" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388728" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392265" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392265" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395622" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395622" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305883" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305883" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307260" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307260" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636485" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636485" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637109" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637109" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643120" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643120" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643350" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643350" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643349" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643349" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645343" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645343" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645870" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645870" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647269" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647269" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649113" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649113" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649864" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649864" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652201" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652201" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652337" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652337" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655730" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655730" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Meseta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Gloria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fraile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lengua de Vaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Claro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Pie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5656134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7322108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pilpilco River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curanilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22373211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Rumena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Carnero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Pichiguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pinoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Pinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Chicharras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Chupalla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chilcoco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899195" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899195" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Plegarias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Polcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mundo Nuevo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Salicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lucanay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Longaniza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Liles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Liles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Litre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Aguadas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cifuentes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paso Hondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mundo Nuevo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Macal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Quemas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Maule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichitropen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Sirena Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rulo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lacobe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Carnero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ánimas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Trehuaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lipelipe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huitanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Cockatrice" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curanilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Menural" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Uchaguapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rumena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Pinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Rosas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curanilahue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colico Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cabrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Hector" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22364028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pilpilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22408641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plegarias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Retumbador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Los Piures" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Caripilún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744219" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744219" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744530" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744530" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744529" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744529" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110439056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Ríos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105728794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Category:Hospital Dr. Rafael Avaria Valenzuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2883515" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2883515" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3440349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Imperial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5490590" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5490590" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5702361" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5702361" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5748873" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5748873" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856194" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856194" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5970039" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5970039" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6033422" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6033422" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6086017" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6086017" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6123900" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6123900" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6078304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105757158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de Jesús Obrero, Schwager" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4874188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bay of Arauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16556275" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16556275" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5776678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16572249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gota de Leche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1032063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HMS Monmouth" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20022207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teatro de los Mineros de Lota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386142" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386142" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386562" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386562" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390090" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390090" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390576" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390576" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392392" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392392" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473604" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22473604" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628592" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22628592" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306469" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306469" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636796" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636796" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638631" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638631" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644855" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644855" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645004" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645004" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648226" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648226" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648839" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648839" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649899" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649899" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651678" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651678" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655626" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655626" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24718255" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24718255" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pesca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Malloga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cochinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Aguada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5470952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fort Colcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laraquete Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1032039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HMS Good Hope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5037677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carampangue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Chilcas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuchillo Bari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6488699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laraquete River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Santa María Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898860" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898860" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899044" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899044" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nahuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4753500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Andalicán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Chivilingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5882429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golfo de Arauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6150081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torre Centenario, Lota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1591668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa María Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Puchoco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tubul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5037678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carampangue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Delicada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Colcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6062246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parque Isidora Cousiño" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26202354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arauco Basin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9029056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marihueñu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111386808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "CORONEL" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60346356" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60346356" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28379875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de San Matías Apóstol, Lota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2338555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Marihueñu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q62702846" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q62702846" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5351017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Chiflón del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mal Paso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Dolores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6055595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pabellón 83" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q40144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Coronel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lota" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ortiz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pichicui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5102590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chivilingo Hydroelectric Plant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lutrín lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6488698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laraquete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7850927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tubul River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quiques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coyunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Cascada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tres Cuevas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrecife Dormido de Afuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743619" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743619" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744226" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744226" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744225" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744225" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744483" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744483" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q98859878" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q98859878" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5484221" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5484221" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5674945" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5674945" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5676445" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5676445" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5720356" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5720356" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5720425" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5720425" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5762850" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5762850" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5818013" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5818013" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5874735" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5874735" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5905088" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5905088" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5917681" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5917681" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969087" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5969087" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969127" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5969127" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5978597" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5978597" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6062098" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6062098" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6079527" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6079527" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091111" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6091111" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091198" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6091198" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091311" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6091311" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5158363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Concepción Chile Temple" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5817988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Edificio Alto Río" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Chiguayante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Diagonal Biobío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Hito Galvarino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Pedro Medina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Universidad Técnica Federico Santa María" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Chica de San Pedro de La Paz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puente ferroviario Biobío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q170362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Greater Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100980040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "German School Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10972024" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q10972024" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11071501" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11071501" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16641545" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16641545" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5788800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Coronel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Juan Pablo II" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16492820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Alborada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16606254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Memorial 27F, Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538490" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22538490" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Cardenal Raúl Silva Henríquez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652993" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652993" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coronel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Biobío peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25406869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25406869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5136267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Club Hípico de Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Coronel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llacolen lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5401623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Costa Mar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25408885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Huinca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25408894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Cristo Redentor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1369442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Federico Schwager" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Manco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teltren hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Andalue Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Los Perales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6139847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teatro Biobío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26037129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación El Parque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898210" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898210" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898290" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898290" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Biobío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chiguayante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Del Conejo hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islotes Los Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Central de Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55664452" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55664452" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24110098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Laguna Quiñenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25408872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Los Canelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabrias del pique Arenas Blancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3636492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Lagunillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Lomas Coloradas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Universidad Técnica Santa María" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cullinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6300680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Juan Pablo II Bridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605101" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605101" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santuario de la naturaleza de la península de Hualpén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hualpén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coronel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22516985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Minas Schwager" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Grande de San Pedro de La Paz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q81529971" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q81529971" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q81530175" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q81530175" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Boca Maule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lilemo peninsula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estuary of Biobío River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86281301" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86281301" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86281646" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86281646" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86281871" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86281871" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91107622" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91107622" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chiguayante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743618" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743618" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743625" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743625" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743638" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743638" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743637" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743637" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743641" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743641" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744799" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744799" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744800" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744800" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744829" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744829" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106410802" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q106410802" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19344" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Pedro de la Paz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1631474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Sebastián University" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2843653" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2843653" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5407725" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5407725" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5475524" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5475524" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5552018" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5552018" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5553653" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5553653" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5650782" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5650782" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5713953" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5713953" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5720669" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5720669" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5720966" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5720966" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5742578" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5742578" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5754202" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5754202" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5762901" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5762901" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5763078" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5763078" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5766436" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5766436" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5770726" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5770726" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5789502" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5789502" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5802925" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5802925" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5817993" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5817993" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5818003" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5818003" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5818314" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5818314" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5855001" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5855001" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5855092" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5855092" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5901283" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5901283" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5902854" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5902854" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969290" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5969290" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5978978" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5978978" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6046958" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6046958" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6057687" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6057687" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065598" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6065598" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6079397" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6079397" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6079467" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6079467" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6079493" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6079493" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6079773" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6079773" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6080194" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6080194" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6139895" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6139895" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5475772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Lorenzo Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8341804" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q8341804" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q210869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cathedral of the Most Holy Conception" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q432297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siege of Concepcion" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1188652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Historia de Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11704269" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11704269" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77084289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Millennium Institute of Oceanography" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490927" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16490927" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16491653" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16491653" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16638167" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16638167" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5899648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Historia de la medicina y la farmacia en Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21044383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lycée Français Charles de Gaulle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1778689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Universidad del Desarrollo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5819879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Education: Past, Present and Future" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caracol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6017971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bismarck tower in Concepción, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q199948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "University of Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q683218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Ester Roa Rebolledo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1251039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Catholic University of the Most Holy Conception" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2893139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arco Universidad de Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5390424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa del Arte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas del Gran Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898296" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898296" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107518966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Interdisciplinary Center for Aquaculture Research" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5762848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amarillo Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7911889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle de la Mocha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5470915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fort Chepe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Tucapel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55906963" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q55906963" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56565528" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56565528" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16490400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa de Pedro del Río Zañartu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q62604168" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q62604168" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5062117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Central market of Concepción, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5230430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Presencia de America Latina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5840849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Andalién" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chepe Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amarillo Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6034033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Museo de Historia Natural de Concepción (Chile)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6062145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parque Ecuador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605098" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605098" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605099" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605099" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605100" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605100" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17085693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plaza Perú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "University of the Bío-Bío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6139702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teatro Enrique Molina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hill El Golf" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mausoleo de José María de la Cruz Prieto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743616" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743616" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743622" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743622" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743623" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743623" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743631" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743631" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743635" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743635" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743632" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743632" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743643" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743643" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743654" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743654" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743655" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743655" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743656" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743656" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744458" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744458" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744471" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744471" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108499637" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108499637" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5716546" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5716546" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5740040" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5740040" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5778641" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5778641" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844837" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5844837" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845043" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5845043" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5847927" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5847927" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856266" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856266" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5902787" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5902787" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969107" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5969107" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969105" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5969105" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6099360" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6099360" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6142797" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6142797" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5351557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9020002" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q9020002" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1369306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Las Higueras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1567981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casino Marina del Sol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5145752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coliseo La Tortuga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6139682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teatro Dante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1639516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huáscar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413793" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22413793" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22475557" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22475557" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22512816" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22512816" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643768" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643768" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657751" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657751" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658264" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658264" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658268" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658268" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22815260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hospital Las Higueras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mendoza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal El Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Navia Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Naval de Talcahuano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2129866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ram Poderoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22080214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Rocuant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Teta Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Los Corralillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Isla de Los Reyes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fuentes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Villa do Burdeos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fuentes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla de Los Reyes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94587229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1657 Concepción earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898291" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898291" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talcahuano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Teta Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca La Viuda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Prenzel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Talcahuano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Marinao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Fronton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Marinao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Marinao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Mercado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punto Pesquero de Talcahuano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Navia Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lilies" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación El Arenal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60318172" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60318172" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60319037" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60319037" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "BAHIA SAN VICENTE" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holiday Inn Express Concepcion" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mds Hotel Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wyndham Concepcion Pettra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ibis Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21044380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huachipato, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punto San Vicente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Isla de los Reyes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banco Galvez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Pesquero de Talcahuano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ras Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q127721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carriel Sur International Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q962877" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio CAP" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4874197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bay of Concepción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Hospital Las Higueras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Los Cóndores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Longan Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Talcahuano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Comercial de San Vicente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Galvez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Biobío Region" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q41997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talcahuano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Condell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743630" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743630" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743634" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743634" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743633" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743633" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743642" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743642" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743650" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743650" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743648" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743648" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743649" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743649" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743657" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743657" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Andalién River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856190" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856190" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856296" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856296" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5740057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta Tumbes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21822558" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21822558" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389543" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389543" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390554" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390554" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392652" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392652" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392754" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392754" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459432" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22459432" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647912" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647912" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649135" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649135" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657811" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657811" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perquenco River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ney" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Nielol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Temuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5776587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Los Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Altos de Chenque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Allinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Faro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Buey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Butaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Percán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pitraco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ránquil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pilmahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trabun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tranahuillin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Madilhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Llullun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guamaqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Bluff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Tablas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7272590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quiriquina Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16623400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tumbes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tumbes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Molpichagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Monlu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nielol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nilpe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ononoco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ononoco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichi-Cautín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pispico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Malalche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bolleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bolleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Antucol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Vallerenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrosde Nielol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Humbulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collimallín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chapunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Buchoco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cerro Armarillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60319115" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60319115" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tinvuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mapui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huimpil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Los Viejos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Plata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Galvarino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rumulhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Aychuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Este" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6703007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lumaco River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cholchol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22448692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Quiebra Olas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llaullahuen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Deille" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ancapulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Garzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pillahuenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rehuecoyán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Vocolhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cucao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cohueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chacaracón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bulluco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109326258" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q109326258" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5712995" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5712995" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5643476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Pillanlelbún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Quíllem" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q79932314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quechereguas (Traiguén)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Lautaro Centro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838020" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838020" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21903340" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21903340" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389844" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389844" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638341" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638341" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q200961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Freire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646773" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646773" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649248" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649248" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649608" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649608" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655613" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655613" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Traiguén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Remeco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Posta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Machihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lolenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lingue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Gualcutemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Mesas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lautaro Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16901932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Traiguén Quino La Colmena Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Victoria María Ester Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dino Stagno Hospital" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Meco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lumaquina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Longlong" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32751414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rucanuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lautaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Licura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Liuque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chumay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coyanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6931215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Muco river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichi-Cautín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilacura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ranquilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Temulemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22517200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torre del Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q32751376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Meco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Hueico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guiña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bolleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Perquenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7272323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quino River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3656938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Capitán Pastene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paso Malo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Reñico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nueve Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ancatraro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Lautaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Los Temos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñirca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Layenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Alhueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605115" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605115" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pinilmapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quetraltué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tricauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llullun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curavipi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Challacura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chapuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7832704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Traiguén River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16901933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Traiguén Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78052111" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q78052111" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perquenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lautaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rillahueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Liucura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huelqueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chingue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Santa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Adencul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pihun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quiñaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Soldado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22697099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Peupeu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llopinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lehueluan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collipulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743884" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743884" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744228" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744228" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Salvestrini" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97613545" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97613545" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lumaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q200999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843474" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843474" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6161510" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6161510" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7261177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puren River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18416945" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q18416945" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839447" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839447" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467318" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22467318" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541654" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541654" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643353" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643353" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647438" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647438" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7926549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Victoria Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431010" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pelehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Guillermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tromen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Milladomuche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santa Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huillinlebu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chacaico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Catrileo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cajón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Blanco river (Cautín)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ellallicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Queuque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Radalco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pilihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Traiguanque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Medahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llallicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lingue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Violén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cahuentué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Púa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nihuinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Poipoico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ranquilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rarirruca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ronquillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mongoles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lilipulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Toscas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curanilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chumil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Catrimalal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Victoria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malleco Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1629355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Disaster of Curalaba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Púa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Trecacura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ventrenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pailahueque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pichichamahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quinahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lolohue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Tambor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pilenechico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilquilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Maitenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Las Tablas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Enulhueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cipreses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñirepu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilapan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mallenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lualahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lilipulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lemor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guadaba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Veinte y Dos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16891913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guadaba Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Sauces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Trueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pehuenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pilihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Mina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dumo River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colliguanqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Arquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Antaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86782337" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86782337" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86786724" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86786724" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20829816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Esperanza Airport, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91392469" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91392469" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91393638" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91393638" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niblinto River (Araucania)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Motrenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñereco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pillunmamilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trentren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Conquehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3282188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malleco River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5840861" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5840861" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845121" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5845121" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5848161" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5848161" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6063428" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6063428" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6079882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plaza de Armas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839547" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839547" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392407" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392407" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392695" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392695" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392773" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392773" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460252" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460252" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465451" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22465451" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640993" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640993" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649432" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649432" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3636323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Angol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de las Niñas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rucacalquin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Temumeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Pidenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Maitenrehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agua Fría" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lolenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hueleguaico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huelehueico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chequén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nupangui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Panqueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pidenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quinahueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rallinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Loanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coilaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chiguaihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cancura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Calabozo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alboyanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16828542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angol Los Confines Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898816" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898816" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105406237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Museo Histórico Dillman S. Bullock" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425768" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de los Pantanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de los Pantanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Panqueto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pino Hueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22526988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tromenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22618681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puertas de Palo Botado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Itraque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cangulo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16935392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nicodahue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Picoiquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mininco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichilolenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huentraico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñipaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Palo Botado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Troncura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embalse Huelehueico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Pangal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Deuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coicoimallín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5929279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huequén River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1702917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nahuelbuta National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30590361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mininco Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rehue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Pellomenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Tijeral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Las Pircas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coipué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Choquechoque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chicauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Anay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Meñir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Vedaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Nilontraro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Soberano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quichamahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Nupanqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cherquenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Habas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quicho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Raqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Raqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Lleulles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apiñilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744235" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744235" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744233" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744233" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744239" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744239" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744236" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744236" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744811" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744811" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744832" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744832" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744842" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744842" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744841" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744841" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Renaico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5926395" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5926395" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6865510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Mininco (Renaico)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6933847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulchén River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7312375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Renaico River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q76824857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulchén hospital" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387391" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387391" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388657" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388657" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390110" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390110" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395566" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395566" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458022" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22458022" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465109" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22465109" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305289" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305289" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636828" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636828" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650367" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650367" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651949" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651949" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656333" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23656333" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660134" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660134" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Collipulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3085334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malleco Viaduct" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Monte Loma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pelehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quimpo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Libertad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cullinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Collico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5401017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Calbuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chacaico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Diucas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Micauquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mondungo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Munilque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Máquina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Bellavista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Renaico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16826183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agua Buena Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898950" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898950" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899135" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899135" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899326" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899326" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Indio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chocombe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chacahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5802206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mininco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tumarcuicui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pailahueque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Malven" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Liñeco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chumulco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5794868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Rihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Polucos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pozuelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rahuelanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Luanrelún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Licura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cochento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6141469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temucuicui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605104" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605104" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Collipulli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Negrete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Recinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ullinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Cuartos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lirque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Jordán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Mulo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curihueque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ercilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pemulemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichicallín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Raquilca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lirgueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91384952" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91384952" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91386485" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91386485" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91387113" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91387113" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91388533" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91388533" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91389821" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91389821" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91390977" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91390977" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rehuén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Triunquilemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nilontraro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Picae" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Junquillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Calcaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744230" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744230" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q99769249" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q99769249" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30590452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cholchol Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110849753" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q110849753" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110851303" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q110851303" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110851700" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q110851700" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110851909" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q110851909" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulchén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q50745389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of St. Leonard of Port Maurice" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Bárbara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q521660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Nevada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843097" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843097" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843699" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843699" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844847" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5844847" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6557684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lirquén River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9027090" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q9027090" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20020577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Segunda Compañía de Bomberos \"La Esmerada\" de Curacautín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386984" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386984" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387617" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387617" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387639" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387639" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389968" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389968" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390004" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390004" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391221" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391221" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22642899" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22642899" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21002710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curacautín Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642863" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642863" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643037" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643037" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646574" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646574" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649114" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649114" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651053" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651053" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651593" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651593" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652952" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652952" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656334" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23656334" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Barbara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Puentes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Queule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rucacalquin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343418" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25343418" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pemuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Malleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Laureles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chequellame" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Bella Vista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arenales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Mona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quillehua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Mayos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curiche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto del Padre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16895493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poco a Poco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9068226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malalcahuello National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898882" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898882" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nihuinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Quepe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Los Mayos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lirquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lirquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de La Mora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Hirrampe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guindal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Choique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Caracol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Rastrojos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Porfiado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nueve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Alerces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Intermitente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Conillio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1636294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Conguillío Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q62269124" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q62269124" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mininco (Biobio)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pilquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Vergara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Reñaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Quirquincho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5762204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Raíces Tunnel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Plancha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Epucheguin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605106" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605106" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605107" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605107" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pelhuenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rampahuen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de Prado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Peuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Las Raíces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curacautín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nalcadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Jarpa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Fiero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Águila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collícura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilapalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quillaima" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Manzanillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lefuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Altos de Chilpa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743876" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743876" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744234" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744234" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93910545" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93910545" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104398464" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q104398464" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quilaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q202629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lonquimay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3530589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tolhuaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105061757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ralco Reservoir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14638264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22384369" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22384369" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386838" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386838" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388618" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388618" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389308" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389308" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389405" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389405" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389465" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389465" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389868" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389868" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390476" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390476" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391885" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391885" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395262" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395262" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396555" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396555" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428792" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22428792" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471321" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22471321" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541567" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541567" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541585" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541585" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541673" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541673" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541680" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541680" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22642907" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22642907" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305962" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305962" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636615" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636615" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636619" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636619" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636617" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636617" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636945" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636945" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638261" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638261" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638418" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638418" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640188" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640188" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643352" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643352" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643465" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643465" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643764" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643764" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643773" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643773" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645623" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645623" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647983" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647983" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648526" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648526" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648527" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648527" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648704" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648704" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650535" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650535" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650537" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650537" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651959" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651959" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653556" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653556" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rahue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Piedras Rojas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ruca Manque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Pemehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Motrulos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Naranjo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Casa de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Lanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cristales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Juntas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6106276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malleco National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6674806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lonquimay River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Malleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Litrancura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de La Calluda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Boscoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Auquinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6741205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malalcahuello-Nalcas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898216" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898216" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Mesacura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Malleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Lonquimay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Cuchillahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de las Termas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Niblinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bancocura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6106281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nalcas National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51881726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liucura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lolco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q54826229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liucura River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Villucura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lonquimay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1702795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tolhuaca National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rucañanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Potocura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Pedregoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Nalcas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Malleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuchillahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Portales Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Niblinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Limenmahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Lancú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guachicahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chameramahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Racui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Termas Tolhuaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744231" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744231" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744232" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744232" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6071153" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6071153" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839027" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839027" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842539" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842539" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846908" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846908" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389445" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389445" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389486" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389486" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389989" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22389989" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390411" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390411" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390457" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390457" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391180" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391180" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392284" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392284" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393140" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393140" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460235" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460235" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541614" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541614" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541622" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541622" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541897" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541897" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541946" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541946" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305181" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305181" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305444" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305444" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305469" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305469" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636444" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636444" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639552" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639552" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642700" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642700" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647344" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647344" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647374" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647374" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648528" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648528" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650426" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650426" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650534" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650534" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650533" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650533" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650995" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650995" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655290" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655290" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bonete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bustamante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campanario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tahuao Mallín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Potro del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Romero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de la Mona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22557083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portillo Pehuenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25374335" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25374335" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirador" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Llame" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada El Huache" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campamento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Bruja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de Romero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón del Atravesado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ventisquero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459718" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Moncol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Menuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Menuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tralihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Pinares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Máquina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7196378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pino Hachado Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Mariñaqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Pulul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de las Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñirreco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichi Tralihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón de Los Barros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Morros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Engorde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Tabaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lolco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Aguas Blancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Pulul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Vicultura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Nacha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Amargo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cuncura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Altos de Cule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Banchuto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2900904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Bío Bío National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Codihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Butahuao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pacunto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trubul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada La Olleta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sutanao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Rahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Codihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pemehue Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Pelada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huinecahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Butaguao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Boñipen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mallín de las Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chapulul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Carinancagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q312930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Copahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q101516299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pangue Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2934098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Callaqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15216269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Barco Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22384338" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22384338" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388981" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388981" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390434" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390434" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391446" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391446" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391731" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391731" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391809" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391809" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391904" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391904" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392092" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392092" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392210" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392210" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392832" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392832" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395305" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395305" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395752" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395752" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541260" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541260" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305993" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305993" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307507" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307507" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636954" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636954" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642695" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642695" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643032" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643032" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643036" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643036" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643756" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643756" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649211" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649211" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649251" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649251" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650492" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650492" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651920" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651920" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pitril Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Troquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Jote Segundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Boquiamargo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cristales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Agua Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Padre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6106265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Altos de Pemehue National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30680753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cola de Zorro Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Moncol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Hilotregua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guallalí" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1712013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ralco Hydroelectric Plant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105061749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ralco Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Saltuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Siete Picos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Almendras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Agua Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Moncol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Teguanieque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Vilotregua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar (Chile, Quileco)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pemehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dos Puntas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Las Placetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Epun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihuequito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera del Carmen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cañicú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Butaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Barco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8343540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pangue Hydroelectric Plant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28162975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trapa-Trapa Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2900197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ralco National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón de Chenque Pehuén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Niremetún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pelahuenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quillaileo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quellega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Reri-Huire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20170659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Central hidroeléctrica Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Mayamaya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Macizo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5793663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de la Huria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de Cauquenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Huachi Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pitril Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cañicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mininco (Biobio 37.70°S)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trilile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de la Mula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Collochue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Callaqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Manzanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Bío Bío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q101516291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pangue Reservoir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85331201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Malla-Malla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2840711" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2840711" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2933737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2933737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3364663" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3364663" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5787933" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5787933" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5055123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caviahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9020013" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q9020013" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q746157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caviahue-Copahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Coihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5870573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fort Nativity" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7689154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tavolevo River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831946" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831946" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835707" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835707" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835726" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835726" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841304" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841304" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842542" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842542" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846568" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846568" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848171" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848171" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390393" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22390393" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399137" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22399137" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465361" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22465361" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307069" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307069" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636469" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636469" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647659" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647659" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648066" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648066" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3214694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Caviahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nacimiento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Peñón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Compul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichipehuén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chacay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campamento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cachidivoill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Buena Vista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653736" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Arinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5776584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5778670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Mesamávida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Pucón Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Baya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trapatrapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Purgatorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coyanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Caillihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Agrio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Rincón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Pilunchaya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parque Nacional Copahué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ratones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Coliqueo Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Choroico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Arco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28162958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cura-Mallín Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3733253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Espíritu Santo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Risco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle de las Damas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nieves" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mundo Nuevo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Cachañas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Espigado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Copahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico de Choroico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6114906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bureo River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7921254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vergara River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q430611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caviahue Airstrip" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60326224" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60326224" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Trocoman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Mellizo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Coliqueo Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Jerónimo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Trapa Trapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Notros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Aromos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cullileo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Burro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6142698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Termas de Copahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nacimiento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Copulhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chanchoco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23579676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coastal Batholith of central Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de los Coligües" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Duqueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paso Ancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Sótanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519552" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519552" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Trolon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Copahué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Puelón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Trilile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Nirivilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5759004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caviahue (Neuquén)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de la Engorda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743873" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743873" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743879" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743879" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561930" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561930" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5638226" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5638226" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6016482" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6016482" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091140" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6091140" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3815514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5778759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Tarpellanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación El Porvenir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6138209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talcamávida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q768797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laja River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3636379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Catirai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna La Señoraza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puente ferroviario Río Claro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Juana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392065" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392065" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392791" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392791" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639805" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639805" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644345" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644345" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646341" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646341" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650436" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650436" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651897" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651897" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655617" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655617" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pileo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Laja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Potreada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Huaqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colchagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chacay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Calquinhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llollinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Diucas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yumbel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Buenuraqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Los Acacios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Río Claro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Unihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Morera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Moya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Nieves" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colliguay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Buenuraqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Millantú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899212" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899212" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4567734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1953 Concepción earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Desagüe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647261" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Desagüe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chillico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Diuquín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Quilacoya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación San Rosendo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Turquía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Valle Chanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7419446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Cruz de Coya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Toca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q52095379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación San Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paso Hondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ninhueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7419449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Cruz de Oñez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilacoya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22441007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Yumbel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Gomero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Talcamávida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605103" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605103" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605108" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605108" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7294559" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rarinco River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8779038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Laja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Santa Fe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tricauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llahuilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna La Potreada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Copinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hualqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7310906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rele River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Rosendo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quinquihueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Cristóbal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Cristóbal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tricao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Villuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huecó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Claro de Yumbel River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chuchuico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas de Castro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nininco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Raquecura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Turra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curamávida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743620" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743620" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743871" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743871" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743875" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743875" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744472" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744472" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105611579" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q105611579" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104414511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Callejones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110438216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60785281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Juana Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2979293" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2979293" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yumbel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104717189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santuario de San Sebastián de Yumbel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5727799" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5727799" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5778683" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5778683" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841854" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5841854" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843388" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5843388" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5870543" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5870543" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5884276" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5884276" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5412998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Las Cangrejeras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Yumbel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5847543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Yumbel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5659049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "María Dolores Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5758596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "St. Mary of the Angels Cathedral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6022566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Águila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19923570" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19923570" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20730847" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20730847" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22815284" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22815284" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643206" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643206" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647660" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647660" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648203" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648203" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nancagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ranchillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas Mellizas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Montenegro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Canelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Bolsón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Diuto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas de Duqueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bermejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Fría" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Fría" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6162274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Mercedes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guanacos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Monte Águila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q391146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laja Falls" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Panqueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Sauzal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31921981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Ángeles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guindos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Flores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colliguay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Catalina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Los Ángeles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42760955" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42760955" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pangal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tapihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Heras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Kroel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pantoja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pachagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ríopardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Luanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Vieja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chacayal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cantarrana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56161246" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56161246" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Patahuecó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Borrachos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5848225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Municipal de Los Ángeles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Diuto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65975696" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q65975696" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605102" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605102" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20107473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Instituto San Sebastián" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Ángeles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichicoreo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Manquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cholguahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Arilahuén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cholguahue Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78151553" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q78151553" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de los Sapos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Monte Águila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pantanillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Maipo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16904190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yumbel Trilahue Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paillihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichicholguahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Polvareda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de La Mula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Humenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curañadú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743872" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743872" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743878" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743878" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743882" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743882" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743883" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743883" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743880" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743880" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743881" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743881" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6061826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parliament of Tapihue (1825)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100886956" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100886956" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108262229" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108262229" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108293297" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108293297" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quilleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q200965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tucapel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3456346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Action of 17 November 1865" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5401715" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5401715" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5725200" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5725200" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4870816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Curapalihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5903131" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5903131" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5903858" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5903858" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6044638" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6044638" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6050614" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6050614" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6078474" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6078474" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5725209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bellavista Oveja Tome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación La Leonera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5742568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campanario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yungay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Manquimávida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5861129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fuerte La Planchada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6093086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de Parra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392720" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392720" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395585" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395585" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642469" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642469" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643050" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643050" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649431" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649431" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657770" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657770" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657771" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657771" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657768" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657768" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657773" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657773" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Itata River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quillón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Parra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nahuelcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Cuesta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Palqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bellavista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Araucana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Penco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Penco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corcovado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Hualqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5905483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huépil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16900163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siberia Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20022220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yungay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Panqueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lajitas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Catalina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Collén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6106162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nonguén Nature Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cholguan River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20022186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quillón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2068462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1835 Concepción earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898289" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898289" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899300" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899300" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñipilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Luis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Queime" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chillancito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Penco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lirquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11167467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lirquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4552872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1751 Concepción earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San José" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tomeco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curapalihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vegas de Chanchacura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Lirquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6092102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port of Lirquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caipo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Penco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60054914" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60054914" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de Los Litres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Elisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15982286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tomé Tragedy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7376644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rucue River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1109042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1570 Concepción earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Florida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q40008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Concepción Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quintero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Penco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Penco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "FUNDO EL EDEN" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5977829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lloicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22341602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Muqueral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salto del Itata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Dihueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86281831" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86281831" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichiluanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Trilaleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743621" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743621" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743629" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743629" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743640" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743640" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743646" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743646" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743647" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743647" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743870" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743870" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q102169244" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q102169244" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Penco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108551040" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108551040" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108729691" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108729691" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hualqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q200934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tomé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5778668" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5778668" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5778761" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5778761" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6008633" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6008633" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5763147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5842412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación General Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7282003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rafael" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489574" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16489574" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489590" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16489590" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17628190" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17628190" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17633443" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17633443" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17629903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Carmen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17629460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Clara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16622978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pueblo Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Jame Conrad Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18416797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tres Esquinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9019982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Avendaño" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20022194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Ignacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388861" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388861" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468381" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468381" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2620908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dichato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636544" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636544" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647764" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647764" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648077" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648077" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649214" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649214" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657814" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657814" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657815" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657815" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657826" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657826" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tomé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Papal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Santa Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pemuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Temuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Quemado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Claro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chelle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cayumanque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Morros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caracol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Santa Clara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5876938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "General Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6174592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ñipas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Palpal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4870955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of El Quilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Danquilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coyanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Banderola" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Montecristo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Coliumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16954488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bulnes Rucamelen Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rafael River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pilluco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Raíces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cocholhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Chopehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Tomé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Cabrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6063579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de Santa Filomena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Culenar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5276376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Diguillín River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Huapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colicheo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Ignacio (Chile)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Río Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quinel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4870957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of El Roble" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Caudal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Carmen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Vertena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Las Perlas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Hormiguita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Falucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15477144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Festival Viva Dichato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16954483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bulnes El Litral Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ránquil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Neuque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Lobo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Culenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Zealous" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tricao creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Arco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coliumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Huique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lingueral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743599" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743599" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743644" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743644" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744480" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744480" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pemuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107281721" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q107281721" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109354185" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q109354185" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110282382" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q110282382" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1616739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Reynogüelén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5561422" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5561422" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5691783" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5691783" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5778608" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5778608" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5778651" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5778651" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5778649" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5778649" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5778720" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5778720" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5840778" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5840778" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5848150" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5848150" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5858815" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5858815" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6010540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6010540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6096759" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6096759" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5818371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Edificio de la Cooperativa Eléctrica de Chillán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6553441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ñuble River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10870326" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q10870326" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489262" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16489262" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489270" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16489270" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489586" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16489586" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16491708" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16491708" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Bulnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chillán Fundo El Carmen Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396409" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396409" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Espinal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cotrauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chillan River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bulnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6094979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quinchamalí" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q99030727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llollinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39080943" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q39080943" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q683232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Municipal Nelson Oyarzún Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18590728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Guape" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897834" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897834" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichilluanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5099120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chillán conurbation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Maule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Gallipavo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chillán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chillán Viejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q50675777" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q50675777" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51077817" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51077817" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51881719" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51881719" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pincura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Ramón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pantanillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Meco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5643733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nebuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5687006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Rucapequén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coltón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6094810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quilmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6489773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Larqui River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605096" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605096" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605097" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605097" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Boyén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6113407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rucapequén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7509933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Siege of Chillán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q76823898" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q76823898" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q76824245" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q76824245" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bulnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilmo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lampato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cuchacucha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Changaral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85876669" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q85876669" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16564986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Toscas creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quillón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91059527" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91059527" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chillán Viejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cután" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743597" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743597" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743601" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743601" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743607" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743607" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743610" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743610" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743612" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743612" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106824203" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q106824203" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107152524" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q107152524" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107650838" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q107650838" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108713949" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108713949" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108714036" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108714036" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108715198" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108715198" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108754823" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108754823" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108802095" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108802095" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108802093" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108802093" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108802122" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108802122" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108802125" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108802125" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108863960" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108863960" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108864043" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108864043" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108864101" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108864101" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108864123" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108864123" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108864137" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108864137" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108864141" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108864141" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108881119" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108881119" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108886849" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108886849" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108886948" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108886948" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108886975" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108886975" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109766843" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q109766843" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110652258" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q110652258" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ñuble Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5789500" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5789500" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5902577" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5902577" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5970372" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5970372" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091147" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6091147" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6096303" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6096303" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6096429" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6096429" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6032816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Murales de Siqueiros y Guerrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489276" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16489276" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16491210" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16491210" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15696835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cementerio de Chillán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17622108" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17622108" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5053602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cato River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17636469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Mariposas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19912641" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19912641" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16489266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avenida Brasil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650437" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650437" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657818" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657818" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Menelhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paulin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tucapel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Gloria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Jote Primero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3274990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "General Bernardo O'Higgins Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Meseta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar (Chile, Rucué)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas de Tucapel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mampil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cañileo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Cocharcas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5758446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "St. Charles Borromeo Cathedral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39080942" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q39080942" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18590726" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Emboque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24076693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ñuble Region" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pataguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Huinganes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5400023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Chillán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Rodado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Culenar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q47771594" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q47771594" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48782010" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q48782010" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bío Bío province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q50685113" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q50685113" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q50685254" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q50685254" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q50685258" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q50685258" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51077810" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51077810" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51077820" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51077820" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51077821" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51077821" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51881718" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51881718" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ramadillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q54834341" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q54834341" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lipín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Ánimas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646317" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Elgueta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56374806" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56374806" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56374805" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56374805" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q47771670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Volcanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6155355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ultraestación" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros La Castellana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Manco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bataco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Vertiente Airport (Chile)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rocacura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Padres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Loncopan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Dimilhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cañicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16967525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Duqueco Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chillán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tricauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Almendros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Castellana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743602" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743602" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743611" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743611" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743608" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743608" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743613" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743613" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744532" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744532" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39082140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de la Virgen del Carmen de Chillán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108514171" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108514171" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108753868" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108753868" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108802099" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108802099" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108802111" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108802111" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108802115" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108802115" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108802129" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108802129" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108850573" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108850573" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108863969" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108863969" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108864039" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108864039" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108864051" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108864051" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108864108" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108864108" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108864119" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108864119" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108864127" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108864127" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108864125" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108864125" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108864140" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108864140" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108886991" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108886991" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q109311066" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q109311066" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1703977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laja Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969155" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5969155" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6153428" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6153428" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7511611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Velluda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386266" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386266" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391849" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22391849" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395641" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395641" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462974" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22462974" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468644" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468644" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22498434" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22498434" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538994" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22538994" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541835" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541835" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305782" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305782" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638333" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638333" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642857" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642857" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646971" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646971" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648606" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648606" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650451" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650451" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655658" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655658" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Volcán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470554" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichicollahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22697098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Peruco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Las Lengas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Izquierdo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Valiente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Corralitos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Chorrillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Burriqueces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Avellanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Antuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salto del Abanico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Llave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5850862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tragedy of Antuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Padre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7209222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polcura River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q609982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Pinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Pinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Radales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Correntoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6081578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Polcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mulas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Villagrán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pichillahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5352265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Toro Hydroelectric Plant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lo Gallardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Perras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Barrán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22397657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salto del Trubunleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar (Chile, Huépil)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Puntos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Pichipolcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4777441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Antuco Hydroelectric Plant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Caracoles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Coironal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Campamento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caballo de Palo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Brazo Derecho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Atravesado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Infiernillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56374832" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56374832" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Renegado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Riñico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Chuchos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Manco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Indio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2885330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Trapa Trapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Petronquines" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pilque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Manquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Cipreses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Calas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Tejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Echeverría" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichachen Pass" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichipolcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llenquereo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Las Manchas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Niebla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Boqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Catalinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Blanquillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rucamanqui Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Potrero de las Yeguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Malalcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96375720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cueva de los Pincheira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6016896" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6016896" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q85339993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera del Purgatorio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18590718" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q18590718" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18590717" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q18590717" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18590721" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q18590721" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q631906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Termas de Chillán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831579" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831579" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835009" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835009" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835536" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835536" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835807" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835807" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838657" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838657" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838722" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838722" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839118" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839118" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839217" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839217" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840744" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840744" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841773" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841773" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841870" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841870" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845619" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845619" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846920" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846920" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386282" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386282" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22597352" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22597352" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637260" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637260" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646020" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646020" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651778" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651778" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Cardos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Los Rucos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntiagudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Padre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Fin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Picunleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22680955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corredor Biológico Nevados de Chillán - Laguna del Laja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Miras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646740" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Deshecho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bureo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Macho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18590730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quinquegua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Moncol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Rojos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Donaire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ñancao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22379498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Vallecito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Los Piuquenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Timones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Mariposas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Buta Mallín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Recinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta del Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Los Tábanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero los Peucos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de la Polcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón La Puntilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Bejar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero las Águilas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16911654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Laja National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Atacalco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Timones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Lavanderos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón El Fuerte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso El Fuerte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Caracoles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atacalco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caipo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25037263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pullamí Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Reñileuvú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pichi-Moncol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22379315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Pablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16834940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atacalco Sul Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q47772039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embalse Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quemazones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ratones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Palos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Trile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón de los Bueyes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5979907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Lleuques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6106288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ñuble National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan Con Azúcar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guaraco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Toro Segundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros El Chenque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18590719" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talquipén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Perdices" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Perilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peladillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Rucos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Langosta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Hermosilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108863990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108863990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108936875" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108936875" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216253" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216253" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216260" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216260" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216274" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216274" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5674083" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5674083" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5674275" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5674275" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5732084" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5732084" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6118814" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6118814" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6152167" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6152167" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6118657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18590723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bustamante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832097" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832097" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833165" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833165" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834462" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834462" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835712" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835712" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839080" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839080" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839272" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839272" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843771" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843771" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846014" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846014" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386702" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386702" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393760" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393760" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469308" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22469308" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494015" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22494015" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556758" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22556758" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22639037" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22639037" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22642349" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22642349" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307104" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307104" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638750" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638750" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643679" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643679" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644238" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644238" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648195" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648195" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651774" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651774" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Lumabia B" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Columpios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río de las Truchas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Lorenzo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pangue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peladilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Guindos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Los Andes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Lara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Cobre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bulileo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16915709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Sauces River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Fabián" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Vaca Lauquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pajaritos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Morros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera la Mortandad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto del Padre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Las Chaquiras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Palos Secos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rabones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Pajaritos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna La Plata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Corrientes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Damas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bullilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Bates" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q576224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Huemules de Niblinto National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Laguna de Epulafquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Faro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Buraleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Avanzada Caman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Maravilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7194918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pincheira brothers" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16920501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Niblinto River (Cato)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Lumabia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Columpios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Boquete de Alico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Mariposas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Las Truchas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón González" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2439886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nevados de Chillán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Treguiles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huemules" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta del Gato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18590722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Vinita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Mogote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tragedia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Reinado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25706807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Área natural protegida Epu Lauquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Vallejos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas de Epu Lauquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de los Paños" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Principal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Horn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Chureo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Chacayal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107716025" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q107716025" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108863994" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108863994" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5706054" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5706054" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6388852" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6388852" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1016895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Lajas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832156" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832156" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833214" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833214" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833532" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833532" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833533" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833533" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834008" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834008" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835941" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835941" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836287" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836287" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836606" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836606" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836614" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836614" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836645" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836645" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837501" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837501" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837529" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837529" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837756" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837756" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838224" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838224" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838228" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838228" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838497" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838497" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838507" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838507" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838517" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838517" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838900" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838900" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839115" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839115" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839116" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839116" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839366" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839366" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839494" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839494" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839495" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839495" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839496" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839496" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839611" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839611" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840305" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840305" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840495" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840495" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840897" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840897" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842676" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842676" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842811" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842811" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842850" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842850" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843756" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843756" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843762" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843762" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843768" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843768" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844374" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844374" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844524" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844524" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Pichi Ponón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nevado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ñireco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Los Moscos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Malal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Las Diucas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Atravesada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Puntas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lagunita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pedregoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22379355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Pincheira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Mona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Águila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Lajas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pino Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mallín de Mena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Parva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Parva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mallín Florido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Avestruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rodeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22771827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Araucarias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828654" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Zaña Zaña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gaucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huecú Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuchillo Cura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q686221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Picunches Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mellizos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de los Maitenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Haichol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Dos Puntas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Codihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de Risco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Musical" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Grasa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Tanque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337754" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337754" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6461391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Buitrera, Neuquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12693548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Lajas Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Postes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Navarrete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Codihué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25861158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Área protegida Cuchillo Curá" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Pino Solo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huecú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519812" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519812" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de las Culebras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562189" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562189" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58822080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Lajas/ea. Haychol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5705692" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5705692" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quili Malal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7299367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rayoso Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16488251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loncopue Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q579990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loncopué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831916" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831916" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831942" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831942" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833129" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833129" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833218" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833218" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833699" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833699" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835048" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835048" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835570" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835570" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835697" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835697" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835724" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835724" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836370" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836370" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836605" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836605" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836637" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836637" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837048" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837048" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837515" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837515" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838973" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838973" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839155" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839155" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839200" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839200" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839497" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839497" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839621" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839621" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840505" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840505" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840761" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840761" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841593" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841593" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841930" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841930" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842889" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842889" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843767" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843767" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843986" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843986" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844468" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844468" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846921" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846921" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849929" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21849929" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20014921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Neuquén Ground Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Valle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quintuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Partido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Pilmatué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quili Malal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Juncal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chihuido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mulichincó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mocho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Yeguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Salado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Candelero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30911239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lotena Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ranquilón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Paso Hacha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alturas de Pilmatué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Moncol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Esquinero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Callen Payac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Bueyes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera del Salado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera Mandolegüe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Curymil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bardón Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Agua Amarga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108618141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tralatue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1017560" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Huecú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2881408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajada del Agrio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pilmatué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Ojo de Agua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840499" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huayilón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Epu Anca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de la Balsa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1191327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ñorquín Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de la Porteña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bajada del Agrio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337703" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337703" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337741" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337741" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5799720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaca Muerta Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loncopué Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nonial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuyún Benulhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Almanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de la Vaca Muerta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colipilli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848203" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Agua Choque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mallín Quemado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562168" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562168" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562192" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562192" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562203" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562203" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28663519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mulichinco Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108617721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100235501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaca Muerta oil field" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q794673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Añelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2885092" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2885092" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2885266" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2885266" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4694470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada San Roque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5705630" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5705630" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6034007" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6034007" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115536" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6115536" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17174647" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q17174647" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831805" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831805" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833213" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833213" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833676" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833676" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834316" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834316" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835538" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835538" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835571" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835571" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840173" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840173" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841494" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841494" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842740" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842740" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842920" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842920" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844150" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844150" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846917" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846917" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848118" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848118" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848172" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848172" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848217" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848217" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de Vasque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barroso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Bruja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Escondida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Indio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108617905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naunauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q422817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Trocon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1056184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Colorados Complex" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20452137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma La Lata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de las Yeguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada del Rincón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Pozos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mangrullo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerritos Colorados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Brujas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rayoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Ranquiles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chihuido Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de Naunauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Risco Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Aucá Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Añelo Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3458518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agrio River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Niñas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Mula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Naunauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Catriel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada del Carrizo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7427646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sauzal Bonito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28502324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agrio Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Vacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salinas de Pichi Neuquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada del Macho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Chilcalito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón del Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Burros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q591934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Cholar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Liebre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lulú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Ingenieros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ladrillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de Crespo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5105241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorriaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Rayoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cañadón Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de Pichi Tril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Puesto Baraona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito del Oeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Naunauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de la Chilca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chihuido del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Naunaucó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84520233" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84520233" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84520333" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84520333" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Quique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chihuido Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Churriaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Caracol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Aucá Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561957" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561957" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562181" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562181" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562193" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562193" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5685122" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5685122" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115215" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6115215" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115335" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6115335" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115451" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6115451" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115604" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6115604" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Minas Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16303015" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16303015" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21503334" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21503334" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21503401" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21503401" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831449" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831449" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831917" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831917" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831938" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831938" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831969" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831969" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833162" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833162" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833163" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833163" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836405" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836405" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836560" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836560" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836602" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836602" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836603" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836603" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836604" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836604" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836613" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836613" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837155" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837155" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837287" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837287" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837304" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837304" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837391" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837391" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838898" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838898" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839096" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839096" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839117" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839117" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839369" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839369" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839620" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839620" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840242" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840242" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840243" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840243" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841879" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841879" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842016" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842016" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843837" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843837" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843937" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843937" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844508" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844508" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844528" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844528" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844722" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844722" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845710" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845710" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846910" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846910" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846916" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846916" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848137" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848137" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848278" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848278" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra del Mayal Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Chacay Melehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Baya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q288993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chos Malal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de los Leones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7930301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Curí Leuvú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q283939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guañacos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Premia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5673757" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taquimilán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5935137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huinganco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Yeguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Parva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pini Mahuïda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cañañan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bola Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14906086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chos Malal Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60305640" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60305640" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60305649" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60305649" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2358842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Andacollo, Neuquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pillan Cura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pitren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caicayen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63901418" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q63901418" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337710" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337710" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337711" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337711" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337712" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337712" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337738" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337738" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337747" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337747" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6682958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Miches" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chos Malal Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Malal Caballo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Cudio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27149315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monumento natural Cañada Molina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huarinchenque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chenque Malal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83872110" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83872110" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519908" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519908" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519940" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519940" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519967" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519967" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84519993" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84519993" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84520019" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84520019" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84520039" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84520039" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561885" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561885" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561954" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561954" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561952" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561952" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562011" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562011" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562008" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562008" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562018" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562018" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562164" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562164" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562172" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562172" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3364749" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3364749" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969153" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5969153" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6063183" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6063183" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6114905" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6114905" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115839" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6115839" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7916254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Varvarco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6492369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Ovejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108617691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chapua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7840585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tricao Malal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q422965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tromen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q630891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buta Ranquil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831436" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831436" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831566" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831566" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831622" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831622" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831949" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831949" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832226" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832226" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833134" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833134" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833174" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833174" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833216" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833216" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833384" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833384" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833487" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833487" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833765" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833765" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836278" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836278" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836286" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836286" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837047" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837047" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837127" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837127" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837238" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837238" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837476" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837476" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837533" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837533" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838550" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838550" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838707" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838707" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838826" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838826" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839472" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839472" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839994" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839994" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840245" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840245" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841469" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841469" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841538" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841538" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841686" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841686" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841691" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841691" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842624" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842624" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842916" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842916" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842927" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842927" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843923" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843923" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844224" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844224" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844512" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844512" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844635" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844635" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844636" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844636" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845946" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845946" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845961" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845961" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846567" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846567" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846911" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846911" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848322" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848322" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848352" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848352" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849892" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21849892" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849935" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21849935" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12693547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Ovejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Visera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coyochos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Casa de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto Chacaico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Butaló" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Cañada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Auquincó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Buta Pillan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma La Torre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro China Muerta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25760603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Área natural protegida Domuyo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1891950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manzano Amargo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Quiques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q53843716" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q53843716" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro del Tromen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de las Liebres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vega de Escalone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Aqui Hueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Atreucó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337702" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337702" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337709" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337709" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337748" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337748" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Tromen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Jara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Uaile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Alta Tilhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tilhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832027" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Uaile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pañuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Curacó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561875" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561875" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561977" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561977" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562030" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562030" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562160" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562160" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562201" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562201" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562224" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562224" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q312770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Domuyo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4863233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barrancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q422990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puesto Cortaderas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16491124" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16491124" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18694452" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q18694452" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19951149" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19951149" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832012" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832012" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833375" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833375" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835465" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835465" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835541" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835541" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835556" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835556" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835572" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835572" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835806" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835806" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836392" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836392" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838182" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838182" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839473" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839473" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839653" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839653" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840241" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840241" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840548" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840548" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841010" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841010" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841479" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841479" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841486" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841486" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841704" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841704" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844223" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844223" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844353" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844353" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844506" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844506" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844521" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844521" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844530" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844530" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844554" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844554" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848241" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848241" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848426" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848426" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pequenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna La Leche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Malalcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guillermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cortado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de los Choiques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Amarga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Algarrobo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Salada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24935866" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q24935866" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Tril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichin-Co" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada del Padrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo del Milico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Filo Morado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de las Mulas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huenul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Huantraicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842704" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chorrollal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Volcán de Cochiquito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomita Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bota Pallan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Buitrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buta Mallín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chihuido de Tril" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de Sargento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Palao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de los Pajaritos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chenque Mallín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de la Buta Cura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Yonqui-ehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Teta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833246" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de la Raya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Cruzada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chihuido El Chango" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q312884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cochiquito Volcanic Group" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico del Águila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Yihuin Huaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mallín del Palao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo del Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Arroyo Turbio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo de la Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58821692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Colorado/vale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de la Salinita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Michico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Barreales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Buta Mallín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58820418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buta Ranquil/el Portón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vatra Lauquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Sargento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Polco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mayorga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Frutillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carrere" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58821990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Trapial/chevron Texaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordillera de Flores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cochiquito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844721" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chenquecó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Buta Ranquil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561887" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561887" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q270627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colorado River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pehuenches Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q597990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grande River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5808878" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5808878" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q99522643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agua de la Piedra Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842267" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842267" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842329" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842329" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842796" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842796" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842992" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842992" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843845" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843845" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845381" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845381" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845511" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845511" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846189" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846189" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846905" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846905" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3373724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Payún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada del Vullim" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Altiplanicie del Payún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peinado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampas Pastosas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mayal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Loros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de Isaac" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito El Jagüel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bardas Bayas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q993293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rincón de Los Sauces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada del Rincón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada del Peludo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Méndez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de Lío Malal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huenul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corrales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chihui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Bombilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Bombilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo del Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Ureta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina Fortuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Café" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7205137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plottier Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7335283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Neuquen Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de la Zorra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835483" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de Pérez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chihuiu Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chihuido de Castro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Baños" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4863234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Barrancas River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Cueva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de la Tosca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de la Tosca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Liupuca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada del Gato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de las Casas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de la Cara Cura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de la Cortadera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337751" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337751" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16488248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rincón de los Sauces Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina Río Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chihuido de la Salina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de la Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839037" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Volcanes Los Callos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Carricito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada del Bosque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6067725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Payún Liso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Reyes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada de Pamil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Payún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada del Campo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Alarcón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84520387" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84520387" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada Liupuca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Volcán El Jinete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Chachahuén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Borde Alto del Payún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Arveja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morado del Guadal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561907" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561907" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94561910" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94561910" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562151" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562151" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94562214" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94562214" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998219" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998219" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Nicolás" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5902637" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5902637" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6008638" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6008638" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6159964" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6159964" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4872267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of San Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Ninquihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17625627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cobquecura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18590724" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q18590724" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393483" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393483" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393842" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393842" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649009" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649009" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649257" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649257" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649363" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649363" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649482" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649482" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649483" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649483" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Guadal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñinquihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Purema" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29167415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Nicolás" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Lajas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lonco-Vaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paniagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rosario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Javier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Torreón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Mela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Maquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622247" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Miramar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Nicolás Santa Eugena Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16901900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torreón Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39081451" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q39081451" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q200963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Treguaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Mesón Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22341601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pingueral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taucú River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ninhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ninhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Miramar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pullay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Raya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guairavo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coiquencillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Burca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agüita de los Leones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Morros Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rapú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Panquinagro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Iglesia de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buchupureo River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6674809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lonquen River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17625650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coelemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puente Viejo sobre el Río Itata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60319511" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60319511" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Mesón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Torrecilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñipas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Verguico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Maitanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5734807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buchupureo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Achira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cañas Dulce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ablemos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cobquecura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quirihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q71454266" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q71454266" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Trogualemo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lolco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Merced" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cobquecura River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Coicoi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Buchupureo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25916660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Itata Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de la Totora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilpolemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de La Tranquilidad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Changaral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16577627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Stone church" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casco histórico de Cobquecura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q91060272" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q91060272" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Ramblón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pullay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Uruque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Monte del Zorro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623093" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nugurue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Los Maquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Llaipen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coronta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ninhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998228" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998228" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coelemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108547912" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108547912" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108936680" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108936680" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108936779" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108936779" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q110810901" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q110810901" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3311679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1939 Chillán earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5767308" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5767308" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5902555" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5902555" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6075994" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6075994" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6094794" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6094794" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6122178" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6122178" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6118518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5440953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Federico Albert National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7271196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación San Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7311456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reloca River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16858474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cauquenes Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santiago Cerro Galan Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386338" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386338" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388164" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388164" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464051" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22464051" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472980" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22472980" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22611608" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22611608" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623684" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623684" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628311" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22628311" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306292" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306292" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638847" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638847" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642998" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642998" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642997" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642997" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643348" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643348" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643779" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643779" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645703" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645703" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647669" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647669" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649471" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649471" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649580" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649580" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649581" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649581" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650428" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650428" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651733" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651733" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658227" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658227" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cauquenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969877" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23969877" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Polenza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Central Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23296501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Santa Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta La Vieja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chamávida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651870" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Caldo Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Belco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huinganes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5770996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ciénagas del Name" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra Negra Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2943117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cauquenes River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Molinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Garzas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coronel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carranza lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cauquenes Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898302" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898302" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898609" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898609" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898679" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898679" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Vega Honda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Name" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Marhueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2900248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Ruiles National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Santos del Mar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Gaona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7857071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tutuvén River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q151835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2010 Chile earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3365215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curanipe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pelluhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tronquilemo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Trarao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Carranza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Arenal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6683172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Queules National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7196414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pinotalca River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3749" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cauquenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Molco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Parrón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646804" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Doña Toribia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pelluhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Puchepo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q67080111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embalse Tutuvén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Millauquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Piedras de Amolar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Remolinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23303394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Pellines" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huedque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Camarico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bulí" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743568" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743568" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743569" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743569" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743588" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743588" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743596" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743596" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744563" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744563" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5762884" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5762884" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6037540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6037540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8191811" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q8191811" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6065789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Ancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q701176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Baviera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ñiquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18590712" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q18590712" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18590709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16851179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campamento La Esperanza Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Retiro Las Alpacas Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18590713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "zemita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392427" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392427" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463892" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22463892" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23303553" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23303553" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2836616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tres Esquinas de Cachapoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637795" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637795" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638780" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638780" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638825" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638825" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643347" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643347" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644247" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644247" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104643342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Pichamán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78332550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de San Luis Gonzaga, Sauzal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Monte Largo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo Nirivilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Valiente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q939827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nirivilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9005212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huerta del Maule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Malalcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lagunillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Mercedes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Canelillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Canucalqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6118842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Gregorio de Ñiquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18580979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ñiquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Sauzal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mingre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5015926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cachapoal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306815" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Maquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llamico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Guasqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colliguay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Copihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Perquilauquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Javier Santa María de Migre Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28529624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Olga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898060" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898060" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898824" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898824" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898868" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898868" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Membrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Venegas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Zemita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Fosos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645702" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Empedrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Retiro Copihue Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Retiro San Guillermo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q50807484" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q50807484" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Cancino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Batuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Parral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5862657" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Flor de Quihua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5883409" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación González Bastías" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chimbarongo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perquilauquén Railway Bridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huerta del Maule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q62006269" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q62006269" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5573453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Ñiquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650954" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605093" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605093" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nirivilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Empedrado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tanguao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5659244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Marta Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Calabozos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5841223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Buli" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Lajas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huequil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7260848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Purapel River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78324650" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q78324650" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nirivilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pantanillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22697097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Parral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lalliguera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651916" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Callampatos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Belbun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16896454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parral Villa Baviera Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cipreses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743567" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743567" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743565" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743565" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743590" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743590" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25916663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punilla Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104629714" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q104629714" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5740108" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5740108" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6059072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palmilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3471590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Pedro de Tarara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Longaví River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Retiro Los Maitenes Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22392556" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22392556" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472194" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22472194" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2268168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas Blancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2474526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Achibueno River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639791" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639791" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649744" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649744" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652207" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652207" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652950" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652950" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Longaví" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sin Nombre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ortegas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Santa Celia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22516689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina Ventana Cura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Maicas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Largo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Hoyada Seca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bureo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5400206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Fiscal de Linares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llollinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huinganes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11103105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Miraflores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Matancillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Piguchen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Piguchen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Torreón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Piuquenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ponce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Riecillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Matancilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Ibáñez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Dial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cieneguitas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de los Calabozos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Botica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Longaví" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Longavi Verfrut Sur Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Retiro El Almendro Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22379376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Plaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Molinillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Guayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Cristales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Liguay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Toscas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Farías" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Pejerrey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Pejerrey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Chandia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embalse Bullileo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3427653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Resago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22379482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Troncoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Potrero Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Florido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cunaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caliboro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Batuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Gloria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439235" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Totora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Bagres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Achibueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Longaví" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3131484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nevado de Longaví" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perquilauquén River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Bagres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Retiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guaiquivilo river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Dial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Amargo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Amagro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Retiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Catrinao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22643153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Vega de Salas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lástimas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Larqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Deslinde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Checuen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Retiro San Andrés Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Moras Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nevados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palgua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Gangas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743594" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743594" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744564" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744564" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q99670547" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q99670547" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30591162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campanario Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48816085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Achibueno Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Javier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Alegre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3648616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loncomilla River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5730862" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5730862" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6033923" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6033923" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104643521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Corinto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5053274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Catholic University of the Maule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16623104" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16623104" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6138206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7131171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Panimávida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7262170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Putagán River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Javier Las Mercedes Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20015256" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20015256" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20022166" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20022166" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20022173" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q20022173" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Linares Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462909" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22462909" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464405" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22464405" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22642862" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22642862" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305296" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305296" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638731" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638731" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Javier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104644068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Colín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78342989" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia del Niño Jesús, Villa Alegre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tabón Tinaja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santa Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Remolino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646635" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Chivato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Matanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Flor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carachento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cristales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colbún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7272070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quinamávida, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16896374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Panimávida Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yerbas Buenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2264677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abránquil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1083439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Niches" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5400033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Linares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Maule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación San Javier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38036041" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q38036041" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2339983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of the Maule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897718" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897718" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898054" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898054" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898056" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898056" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898063" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898063" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898277" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898277" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898280" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898280" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898832" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898832" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899036" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899036" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Puercos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llepo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Putagán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17078441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maule Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Torrentón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quilipin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Apestados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Coile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro China Bonita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653708" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Abranquil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Linares Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Javier Loncomilla Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Casino Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quiu-Quenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5845383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Villa Alegre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gupo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Linares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colbún" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467408" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Queri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5127734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Claro de Talca River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Machicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7262172" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Putagán, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78336201" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q78336201" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mayos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lircay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Caiván" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Caballo Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743564" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743564" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743580" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743580" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743595" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743595" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744467" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744467" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744468" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744468" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744558" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744558" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24175398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "St. Ambrose Cathedral, Linares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61974882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia del Corazón de María, Linares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q67447412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Curtiduría" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bruselas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sector de los Hombres Ilustres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4753094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ancoa River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1479360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maule River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2900289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Radal Siete Tazas National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colorado Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6161974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vilches" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460296" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460296" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468486" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468486" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22642962" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22642962" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23296499" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23296499" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305988" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305988" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637815" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637815" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643346" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643346" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643345" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643345" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644669" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644669" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645485" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645485" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650946" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650946" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653851" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653851" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658226" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658226" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Linares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Clemente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Constitucion" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22389672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Perquín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q96217613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Maquehua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Trincahues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Perquin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Guillermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Torrecilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Pehuenches" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106407402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colbún-Machicura hydroelectric complex" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641437" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Arvejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Curillinque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19372307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colbún Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3997251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Green Cross Tragedy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Garzas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Sombra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Juegos de Chueca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Paz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Monte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898043" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898043" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898796" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898796" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melado River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22547521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta del Melado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4736971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Altos de Lircay National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Maitenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto El Humo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Divisadero Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Quillayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51837723" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q51837723" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3752685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colbún Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12694598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quivolgo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56366699" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56366699" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16891191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farellones Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1031793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chilean Central Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56366680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Central hidroeléctrica Curillinque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piuquenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piuquenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quivolgo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5142056" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colbún Hydroelectric Plant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Maquegua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305479" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llanos de las Mariposas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Goyocalan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coligual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6110233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas de Constitución" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7160871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pehuenche Hydroelectric Plant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605094" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605094" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Constitución" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Matacabrito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5784566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Constitución" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Humos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6402607" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canal Melado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Picazo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quivolgo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pequenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Orrego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Loma de Perro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Curces (Chile, Talca)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuatro Cuernos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bramadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra La Iglesia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Guenón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Picaso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649330" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Claro (Colbun) river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743562" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743562" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743581" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743581" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744470" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744470" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q67744005" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melado Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16639122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2012 Constitución earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Clemente, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106266899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melado Reservoir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97472789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Huinganes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5887089" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5887089" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6093484" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6093484" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5929253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huenchullami River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104643300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Toconey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464273" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22464273" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469548" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22469548" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499846" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22499846" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22640936" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22640936" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305297" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305297" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306416" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306416" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637159" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637159" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643034" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643034" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649473" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649473" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651716" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651716" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653839" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653839" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653837" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653837" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969793" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23969793" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Putú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Pelada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Meadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Los Peladeros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vegas de La Puente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa La Isla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Junquillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Jote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Culenar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuches" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Chamizal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651786" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Calabozo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carrizal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajos de Talpen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Molinete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Maquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de La Ramada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Era Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648358" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coyanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Conca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carrizalillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cañete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Los Laureles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898876" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898876" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898880" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898880" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Roble" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Radales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Macho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de Los Lirios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Espinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Vegas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Palmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Puente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Puente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Junquillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Coyanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bolsones Altos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Sepultura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22407380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Quivolgo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Non" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Quelchue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646240" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajos de Macal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Gualleco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Batuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Chueca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Loma Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Junquillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Junquillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada El Manzanar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16577536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Church of Huenchullami" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Tricaos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Carrizos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Limpia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Águilas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Las Catalinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coipué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78210821" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q78210821" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78246209" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q78246209" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quillayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Quilquil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Los Coipos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tabunco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mochenhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Quilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Los Temos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de La Linaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Iglesia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107339023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toconey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97474033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Forel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5814473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Duao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1819755" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataquito River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6000893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iloca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459792" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22459792" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637695" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637695" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637803" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637803" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22639805" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22639805" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22639837" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22639837" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304979" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304979" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636814" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636814" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637725" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637725" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638752" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638752" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645159" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645159" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646378" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646378" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647255" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647255" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651512" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651512" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658223" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658223" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pudú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Rancura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Naicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Cisnes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lagunillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306676" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Guachos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa La Trinchera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de La Curtiembre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Pita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Cruceros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coquimbo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Concaven" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q842621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2010 Pichilemu earthquakes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de las Vacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22639828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Paso Guencho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640965" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Era" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Máquinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Peñón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Duao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Roncurra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Los Toros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Lisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898283" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898283" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898684" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898684" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rapilermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada la Poza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Navarrete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lipimávida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta Las Tizas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Laguna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Era" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Fuente de Agua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada El Guindo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Culenar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vichuquén Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yaca Yaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22640321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Pitrigual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lídico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Tizas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Las Cardas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de La Curtiembre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Oñolco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pichibudi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla La Tutela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajada de Las Toscas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Iloca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma El Portillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Guapi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Duao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648154" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Coquimbo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Cardonal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6678695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lora, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Licantén Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Licantén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4562299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1928 Talca earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Iloca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Chivato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cancha Cardones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78339088" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q78339088" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rancura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22640198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Piedra del Buitre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Los Pozones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Cuervos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de La Zorra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642796" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Iloca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Hevia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Guencho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto El Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Cardonal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306312" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Los Peumos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Lora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huelón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Duao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Concaven" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743555" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743555" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743559" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743559" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743556" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743556" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curepto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856336" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856336" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5015302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabeceras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5968907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Vichuquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6472955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Torca National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16901860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Torca Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vichuquén Cuatro Pantanos Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464003" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22464003" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467424" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22467424" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539597" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22539597" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637659" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637659" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637881" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637881" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22640996" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22640996" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305369" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305369" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306315" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306315" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644009" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644009" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645996" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645996" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651503" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651503" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654195" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654195" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Pedro de Alcántara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Tilicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Parada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646634" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de Los Peumos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Colliguayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Isla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650868" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casas Viejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Agua Dulce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Soldado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Buitre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Bucalemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637855" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Tinaja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Capilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Higuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Zanja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5977823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Lajas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Hierro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22514605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peralillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Sirena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699478" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paredones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4982354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bucalemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5202323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cáhuil Bridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Quirquiles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Llico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Salinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de La Barca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puerto Pichilem" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cardonal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vichuquén El Alamo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897725" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897725" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Nilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Los Loros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Boyenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Los Chercanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huiñe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cardal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Barco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Garzas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3301347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cáhuil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30911715" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva nacional Laguna Torca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de la Torilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Toscas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de La Barca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Quillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de Boyeruca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Horca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de las Quilas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tilicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Los Panules" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Trilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros del Espinillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q200992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vichuquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19967432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cáhuil Lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Poleal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Trilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Los Peumos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Quirquiles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Brujos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Cardillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de La Pitra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Torca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Uraco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pantanillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de los Peumos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Quilpo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Boyeruca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bucalemu Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16896415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paredones Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Vichuquén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quirpo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quiruja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Tricao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de Llico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Las Lajas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Torca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3243617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agustín Ross Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3170494" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ciruelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6033413" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6033413" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5244458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichilemu Aerodrome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6462101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Cruz Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1790381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Navegantes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5400204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Fiscal de Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16559130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Edificio de la Intendencia de la Región del Maule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Aguada Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463994" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22463994" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464041" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22464041" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471401" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22471401" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22641747" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22641747" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22641841" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22641841" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2668183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agustín Ross Cultural Centre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21164976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "St. Augustine Cathedral, Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638323" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638323" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639695" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639695" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643341" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643341" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645827" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645827" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645959" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645959" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646053" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646053" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646380" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646380" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646453" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646453" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651018" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651018" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22618668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puente Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nuevo Reino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo de los Sauces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pichilem" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4663464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abarca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Cerrillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650588" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Palmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cardonal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Botalcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Bajel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Brujos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Loma Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7178751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Petrel Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17374044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Founding of Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q752516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colegio de la Preciosa Sangre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20021399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puente carretero sobre el Río Claro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20021986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Museum of the Rural Child" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tutucura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peumo Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Pichilem" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Matancillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Huerta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Comillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898025" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898025" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898050" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898050" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898048" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898048" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898878" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898878" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899331" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899331" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899338" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899338" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42959415" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42959415" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Hermosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5400044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Pichilemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Palmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Botalcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Higuerilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Almendro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7190652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichilemu Fault" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111110621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichilemu Apart" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111124030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Sirena Insolente Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111124031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sudeste Hostel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111124034" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lof Pichilemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111124032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Conviento de Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111124035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wayra Wasi Lodge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111124033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hostel Las Diosas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6489797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Larraín Alcalde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichilemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Espino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maule Region" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20614210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Ancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de Los Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639994" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lajuelas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Peralillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guachos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Perro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Casablanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743584" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743584" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichilemu Historical Area" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pencahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100149210" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100149210" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30341211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Museo O'Higginiano y de Bellas Artes de Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q101638782" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q101638782" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q50750351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia del Apóstol Pedro, Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Rafael" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5926872" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5926872" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2405077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Terrasur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11824668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Panguilemo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16576212" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16576212" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22640758" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22640758" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636916" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636916" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637203" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637203" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643344" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643344" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646808" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646808" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647731" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647731" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649204" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649204" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652147" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652147" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Tonlemo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Población" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mina Quillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464983" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piguchen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22640140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Peumo Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Miramar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Perros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hornillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Estrechura de la Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Tordillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647694" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Curipel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuesta de la Orilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5400061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Placetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25374269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Monos Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3242331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lircay River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Villa Hueso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Milagro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelarco Viejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Gabriel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hornito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Arrayanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Cardas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Chilcas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Itahue Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guanaco (Chile, San Rafael)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646451" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Ajial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Campusano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Loma Pelada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talca Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31947291" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898047" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898047" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898144" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898144" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Espino Guacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto El Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Durazno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6059687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Panguilemo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16590864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abate Molina Lyceum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q107846398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cementerio Municipal de Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3551328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "University of Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Pataguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedras Redondas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tiuques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5747044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cancha Rayada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652142" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Buenos Aires" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605092" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605092" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Paula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tricahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada los Sauces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Pangue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Chagres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78347070" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q78347070" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pelarco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pelarco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83509977" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q83509977" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huirhuil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63959164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Camarico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642710" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Hullinlebu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Guindo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Baeza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743570" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743570" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743571" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743571" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743572" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743572" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743573" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743573" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743583" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743583" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743586" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743586" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743587" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743587" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743585" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743585" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743589" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743589" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744457" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744457" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744547" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744547" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744559" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744559" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744560" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744560" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24716650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Constitution-Talca Ramal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pelarco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63959163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación San Rafael" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6083623" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6083623" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Molina City" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7178080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peteroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16895278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Molina La Cascada Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Claro Cumpeo Lontuecito Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461759" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22461759" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464058" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22464058" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467434" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22467434" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467971" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22467971" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469990" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22469990" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471052" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22471052" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472205" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22472205" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472316" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22472316" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629579" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22629579" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636497" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636497" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637724" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637724" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640046" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640046" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642053" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642053" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642999" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642999" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645980" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645980" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646454" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646454" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649112" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649112" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651276" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651276" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654196" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654196" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Molina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Peralillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Upeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peralillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rayado de Ranguil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tren Tren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22642892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Tricao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedras Azules" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Yuyos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Coipos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huencuecho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Esmeralda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Buitre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Canelillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5794761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cumpeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6020893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Molina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palquibudi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468706" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Zapallar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Los Altos de Caune" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22403878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Antonio de Maica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Montes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Buitrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Limávida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Obra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Capilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Patagual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caune" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caune" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Capados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Retiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Culenar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6683060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Patos de San Pedro River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16895279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Molina Viña San Pedro Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Potrero Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pavos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48997406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Huerta de Mataquito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Queñes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Quisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cumpeo La Obra Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Claro Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60318153" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60318153" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22547585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta Tricao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Artillero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1617667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Mataquito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Claro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pangui Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Imposibles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Parrón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Buche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Copin Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Melozas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Coraca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta Chacayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Carretón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cabrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Cedros Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16895280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Molina Alupenhue Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Pellana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Calor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743554" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743554" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hualañé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63959165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Itahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2837571" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2837571" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5978758" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5978758" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5978760" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5978760" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6008624" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6008624" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curicó Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16571630" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16571630" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16896455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parron Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Romeral San Miguel Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393987" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393987" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394006" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22394006" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460416" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460416" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468654" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468654" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541818" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541818" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22366082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306871" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306871" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638463" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638463" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643859" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643859" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645867" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645867" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649205" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649205" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651863" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651863" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655614" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655614" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969768" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23969768" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24063741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Plaza de Armas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Patacón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palos Secos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lo Toledo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Torre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Olla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de la Huertilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hormigas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hornillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mogote Guerra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Cutemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651138" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cardonal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Negros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5400318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio La Granja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26703434" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q26703434" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1123957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Concha y Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Espino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Zapallar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta La Higuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Difuntos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cutem" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Calabozo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Budeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39075302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Bárbara Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30911214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Escuela Presidente José Manuel Balmaceda, Curicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Romeral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Espinillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652591" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Briones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Potrero Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Faroles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Guaiquillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20022151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de San Francisco, Curicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3646270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teno River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Poblete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Tilicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tilicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5400020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Curicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307126" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Boyenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chequenlemillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605091" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605091" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16303225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Municipal de Sagrada Familia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16891581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "General Freire Airfield" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42959365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kiosco Cívico de la Plaza de Armas de Curicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Pablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Requingua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Lingues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q74591008" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q74591008" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Las Garzas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Culenco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cordillerilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Auquel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6674882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lontué River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Lirios Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63959166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Sarmiento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Treiles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quilico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curicó La Montaña Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sagrada Familia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Romeral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chanito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Boquil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mogote del Agua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743550" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743550" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743574" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743574" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743578" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743578" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743577" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743577" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743591" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743591" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744509" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744509" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744562" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744562" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de San Pedro de Alcántara, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55614500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Instituto San Martín Curicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lolol Palo Alto Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466067" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22466067" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469509" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22469509" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472358" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22472358" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541757" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541757" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636182" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636182" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637738" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637738" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22641651" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22641651" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305450" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305450" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305818" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305818" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636541" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636541" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636602" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636602" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636938" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636938" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637151" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637151" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638356" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638356" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639600" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639600" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639628" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639628" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639763" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639763" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639766" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639766" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639804" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639804" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639998" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639998" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640045" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640045" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640055" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640055" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644008" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644008" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645506" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645506" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645805" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645805" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645840" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645840" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645841" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645841" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650812" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650812" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653678" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653678" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969841" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23969841" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mogote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Luis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25374345" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q25374345" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Cruceros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Quiscas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Ovejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Romeral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Encalada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Mogote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Perdices" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Cuevas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Pajonales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306321" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Pinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343406" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Buitres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de San Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Quiahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar (Chile, Paredones)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra de Fuego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de la Rinconada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Peucos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de la Leonera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Vega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada El Quilmay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Canelillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Membrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de la Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Nucos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Colmillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada La Quisca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Era" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Engorda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Palmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Ramón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Linderos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Casa de Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de Cabras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pumanque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Quillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto La Riconada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de La Ruda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada La Ballica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Piral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Boldo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Carbincho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Los Cubillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chacayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639699" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Peñuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riscos del Jote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo Cardonal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Panilonco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedras Bayas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puerta Verdugo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lolol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Colegas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de La Población" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto Carrizalillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51082" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paredones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palmilla del Rosal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Piuchen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636793" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de Leyda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743327" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743327" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5351558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Maqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458293" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22458293" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462817" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22462817" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468742" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468742" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638746" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638746" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638925" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638925" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22422578" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Teresa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306833" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306833" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639579" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639579" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640038" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640038" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640100" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640100" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644000" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644000" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645477" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645477" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645639" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645639" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645674" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645674" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645866" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645866" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646385" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646385" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653687" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653687" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653838" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653838" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646467" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22532231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mogote Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de la Zorra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465981" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Guairabos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Mina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Laguna Seca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Lagunillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Junquillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Cerrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Calvario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Mineros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Iglesia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19421655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Lajuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mellizos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de los Potreros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306375" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Quirquiles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Pangues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Chinques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Pircas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Fortaleza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro del Jote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Calvario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Durazno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Corralillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652188" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Risco del Buitre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658222" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta de la Silla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898207" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898207" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embalse de Lolol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639667" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada La Patagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Divisadero El Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada El Bolsico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Coralillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cerrillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Potreros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Risco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Los Laureles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Los Cardos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lolol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada La Guarena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Deslinde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de Cabras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Espino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Canchas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Boutique Solaz Bella Vista de Colchagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Papal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quillay Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ranchillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta La Lajuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Hera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Guaico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada El Aguilucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto del Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sirena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Nerquihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Llope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Puntillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de la Carcomilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Callihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7356518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rodeillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Panamá" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de la Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mata Moya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Hermanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Trupas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645646" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Tungo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Chacayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nerquihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466021" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Portezuelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Riscos del Finado Justo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Las Chacritas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Callihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lolol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5849337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nilahue creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2098355" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pumanque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22384410" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22384410" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398300" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22398300" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468477" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468477" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22422452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22404301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Ignacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304957" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304957" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306698" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306698" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306783" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306783" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307236" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307236" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637809" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637809" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638738" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638738" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639947" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639947" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640163" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640163" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642959" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642959" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643812" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643812" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645864" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645864" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645865" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645865" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646267" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646267" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646383" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646383" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646790" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646790" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651516" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651516" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654278" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654278" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660432" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660432" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21551517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matancilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Palma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mogote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichilemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedras Blancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada las Sombras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Puesto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma las Melosas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650596" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Quiscas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Palmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Las Cardas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Gloria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Jorquera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Rerbo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646583" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Cardonal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tranque de Alcones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mata Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22698243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Cornelia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de las Vacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Potrerillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Llope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada La Parrilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Desbarrancado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tranque Carrizal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de las Cardas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Montera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Espuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cardenal Caro Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Parada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Romerillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4736810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Ramírez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637630" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Las Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puquillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Las Urras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Invernada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gutapangue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Deslindes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7413378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Antonio de Petrel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21002762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Carrizal Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Nilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461346" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Niebla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puerta Pesada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quila Nilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Daniel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tiuques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de Molinero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Placetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Boquigua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19421666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Cortaderas, Santa Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Monte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22521533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tranque Nilahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22635205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Divisadero Perales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Marchan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Las Varas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de Itata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643553" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Guinda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649517" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Carrizal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22384532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rinconada de Molinero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta del Boldo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quebrada Catalina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Parrones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Viña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Divisadero de la Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Túnel El Árbol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2383688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5756261" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5756261" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6041465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Instituto Regional Federico Errázuriz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marchigüe Paredes Viejas Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457502" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22457502" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467766" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22467766" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472346" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22472346" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556328" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22556328" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306341" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306341" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307074" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307074" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639602" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639602" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639928" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639928" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643559" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643559" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644032" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644032" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645528" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645528" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646350" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646350" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650574" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650574" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651274" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651274" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651514" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651514" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651515" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651515" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658221" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658221" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Peralillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pelada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621643" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Viento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Quemada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Cardos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Malambo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Maitenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19421698" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quinahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Laureles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639598" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Olla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Matanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Mina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chequén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Ranquihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Zapal Cuadro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla de Marchihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lima" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Las Toscas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Calleuque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chepica Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898916" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898916" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra Trasminada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Bateas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645621" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Colchagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Canelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guairabo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Caballos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5848182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Municipal Joaquín Muñoz García" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peralillo Primary School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Santa Cruz Plaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Trinidad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Yerbas Buenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ruda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Rodado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Lihueimo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lima Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Las Paredes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Boldo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ajial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605089" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605089" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Cruz Airport, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Patos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Malambo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Tralca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo El Durazno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Auquinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63304978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Teno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peralillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ninquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Lingua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de La Candelaria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Comalle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61876820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Auquinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Zapal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Maqui Bueno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743324" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743324" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743546" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743546" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743547" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743547" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743552" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743552" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743557" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743557" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744870" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744870" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marchigüe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chépica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187969" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q105071153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Convento Viejo Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6091225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puente Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7131048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paniahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5351364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Guindo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16564298" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16564298" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16564334" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16564334" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5794783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cunaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8062549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla de Yáquil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19967345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Cruz Hospital" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468453" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468453" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636578" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636578" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637932" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637932" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637994" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637994" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20613118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chomedahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306829" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306829" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307100" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307100" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641504" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23641504" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643343" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643343" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644165" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644165" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645559" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645559" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647371" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647371" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651136" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651136" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Claro River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22432323" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pidihuinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Viento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedras Blancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santa Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Membrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Amarillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Iglesia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Buitre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Virgen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carrizal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660168" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chimbarongo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Tuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Viento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Cruz El Boldal Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7808198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tinguiririca, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30936379" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q30936379" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hospital de Mercedes, Chimbarongo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22515475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perejil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Talcaregua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Manantiales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Tuna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Las Toscas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6071611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peor es Nada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16564322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Placilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chipana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q201304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colchagua Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11098369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Convento Viejo Reservoir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457575" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillos de Teno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quinta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Rabona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Manantial del Gallo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Romeros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Chimbarongo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Terraviña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Vendimia Boutique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Truncalemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Romeros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Ojos de Agua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5766471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Chimbarongo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Bertina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6462660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Frontera, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17621225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colchagua Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nancagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Placilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19421703" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San José de Apalta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chimbarongo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Canales El Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Goyana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Esterillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16827987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Amincha Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pudimávida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Nancagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Los Negros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gueicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Plumero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cicuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16901412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teno Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19421649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla del Guindo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quintana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Puquillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Limanqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada La Torcaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo La Isla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Giruelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Desbarrancado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647803" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de la Dehesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743323" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743323" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5351411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Huique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5401046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Zamorano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5142066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colchagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16564260" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16564260" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16564293" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16564293" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Vicente de Tagua Tagua Peralillo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22384468" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22384468" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461416" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22461416" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463973" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22463973" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473086" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22473086" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22541696" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22541696" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tacna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638887" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638887" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646212" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22646212" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639670" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639670" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644166" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644166" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646953" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646953" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646998" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646998" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648054" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648054" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3649412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pucara del Cerro La Muralla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rucatalca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de Los Lazos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Hoyos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Porumes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Condenada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo del Huique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Buitre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Deslinde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Caracoles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Silleta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Salto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Tigre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Muralla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16826191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agua Santa Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Viento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peladero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peumo Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla del Viento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Piedra de Afilar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santa Irene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de las Majadas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro del Jote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla El Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Ancha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5401023" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chimbarongo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22702616" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ovejero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898263" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898263" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo San Roberto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de las Placetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de La Araña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de Colchagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de Colchagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bandurrias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Durazno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16898310" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peumo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo de Tagua Tagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pangalillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla de la Zorra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mancuman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640520" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón de La Higuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de La Higuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de Hueso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto del Huique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5970109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ruedas de Larmahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hacienda El Huique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21002540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Almahue Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q62379175" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q62379175" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Riscos Bayos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ortigas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Gulutren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Arbolito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605087" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605087" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palmilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calabozo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629461" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla de los Silva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Samuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla de La Higuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de la Higuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Don Cucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arboleda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19421642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Tambo, Santa Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22379195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón de Quilicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón del Gualo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guanaco (Chile, O'Higgins)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655131" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alta de Almahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q86280596" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q86280596" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Estrella Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Torina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743314" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743314" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q95921432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Larmahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Fernando" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2919402" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q2919402" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5392743" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5392743" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5406212" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5406212" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5823472" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5823472" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969252" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5969252" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Vicente de Tagua Tagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94995670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Accidente del Puente Tinguiririca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7413866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Fernando College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rengo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Fernando Airport (Chile)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841511" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841511" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842293" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842293" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844598" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844598" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844727" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844727" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22405814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Vicente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22405132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Luis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463742" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22463742" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22405603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22641691" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22641691" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644600" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644600" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645958" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645958" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647975" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647975" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648174" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648174" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650471" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650471" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651868" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651868" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651881" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651881" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469822" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Rafael" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Redonda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22655523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nancura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Recreo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Saco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Ajial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Hondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rivadeneira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Cepillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2834516" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Rengo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7161313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pelequén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Lajas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Caballos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mina del Cuero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pabellones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646139" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Pangalillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5400047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación San Fernando" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Crianza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Barreales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Rinconada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q29054281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cárcel de San Fernando" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898007" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898007" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898010" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898010" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de San Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22379280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón del Sol" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398009" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de la Mera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Madera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Los Perales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cuesta de Corcolen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Varvarco Tapia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Valdés" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pangalillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Corralillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6115028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Claro de Rengo River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6543100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liceo Eduardo Charme" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16975913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Liceo Neandro Schilling" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Valdés" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22436253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rama" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22650313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sol Pintado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barreales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Antivero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605090" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605090" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malloa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Peñón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Macho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844136" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Pelequén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5844270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Polonia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Charquicán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6041476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Instituto San Fernando" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Vicente de Tagua Tagua Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22516486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toquigua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro del Gallo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Barriga Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16255511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "British College" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2133" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "O'Higgins Region" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430049" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Paiva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla de las Oleas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huinica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada los Culenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743316" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743316" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743332" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743332" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743549" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743549" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744544" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744544" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744807" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744807" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78350328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Capilla de las Hijas de la Caridad de San Vicente de Paul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108392724" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108392724" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216273" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216273" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216283" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3216283" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3374482" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3374482" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5790470" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5790470" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828618" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21828618" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831831" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831831" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832011" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832011" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833591" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833591" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833589" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833589" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834219" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834219" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835110" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835110" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835338" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835338" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835917" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835917" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836282" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836282" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836387" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836387" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837158" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837158" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838580" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838580" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838972" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838972" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839154" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839154" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840193" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840193" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841705" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841705" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841869" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841869" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842915" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842915" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844458" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844458" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844504" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844504" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844505" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844505" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845935" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845935" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846484" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846484" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846566" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846566" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846867" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846867" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846903" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846903" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846904" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846904" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846919" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846919" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846961" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846961" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848351" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848351" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22547536" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22547536" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Mina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sin Malal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pirámide" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de Mary" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de la Media Luna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Laguna Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coyochos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Chenque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Cochicó" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Portillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Botacura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2138663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Patagonía" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago Varvarco Campos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Piedras Bayas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huaca Lauquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Butaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Sin Puerta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Tres Arroyos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro la Mano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Cari Launa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3131771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Maule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3648651" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Maule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón de Mayan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lagunas Turbias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo los Cristales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838523" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Llaretas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Nieblas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8558850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Pehuenche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3216264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Fea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Ralhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Laguna Fea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Puerta Nueva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quechu-Vil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Novel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mary" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón del Molle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22379464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Sasa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457644" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barrancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Calle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Puerta Vieja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mayan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837421" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Minguines" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Litrán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huanquimileo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Choroyal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Barrancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Rodríguez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rucamilio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Millalen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de Choique" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Choroyales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Adela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106407334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Maule Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q68035156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Argentina Chile border crossing #84" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1055787" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5837185" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5837185" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969038" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5969038" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833164" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833164" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833729" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833729" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835337" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835337" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835582" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835582" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835943" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835943" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837695" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837695" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839643" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839643" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840388" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840388" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840491" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840491" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843766" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21843766" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844101" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844101" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22386963" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22386963" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638507" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638507" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638771" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638771" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647874" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647874" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652949" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652949" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653592" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653592" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655179" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655179" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969752" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23969752" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Risco Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso San Francisco Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Lagunita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Nuco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campanario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427636" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Meneses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Isla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653713" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arenas Negras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Trolón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Trolón Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Menucos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Las Ventanas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Risco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Mondaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22440712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Volcán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22538262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lago de la Mollera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Seca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llano Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajones de Bobadilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas Aguas Calientes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo Bravo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2933443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Calabozos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Overas Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Montañecito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Saavedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de Mora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22701066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Volcán Quizapú" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Invernada river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de la Invernada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arroyo del Descabezado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morros Colorados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso San Francisco Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón Palao Mahuida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835424" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de las Peñas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Montañés" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lagunitas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San José" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Valle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Los Calabozos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Cipreses (Maule)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Hora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Galaz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56366677" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q56366677" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1200515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Descabezado Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Overas Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22391040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puelche river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Francisquito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22478260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tetas de Monsalve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Pichi Trolón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Mondaca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Bahamondes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843899" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Campanario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Barroso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Meseta del Pueblo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836522" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro del Agua Clara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rajaduras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22494007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Yeso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Los Ángeles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Estación" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56366672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cipreses hydroelectric power plant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22379073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón de la Plata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Troncos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta del Maqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Descabezado Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3472715" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3472715" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2840839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Médanos Grandes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5719530" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5719530" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5808881" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5808881" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16622730" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16622730" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828617" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21828617" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831773" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831773" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834258" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834258" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837182" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837182" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837407" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837407" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837548" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837548" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837669" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837669" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838618" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838618" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839013" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839013" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839835" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839835" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840624" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840624" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842228" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842228" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842235" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842235" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842878" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842878" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842879" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842879" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844637" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21844637" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848185" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848185" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838050" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Laguna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de la Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Cabras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuchilla Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del León" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lululén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guayquería Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840411" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Hormigas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cortado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cortado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Atravesada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bella Vista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Butaló" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Horqueta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844189" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carrizalito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fiero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Piedra Sentada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2749256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Payun Matru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Gotera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Pencosos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Escorial de la Media Luna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mesón del Mirano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Mocha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de Loncoche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Volcanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cortadera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Calquenque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo de Chacay-Có" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Torrecillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Toscal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Toscal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Volcán Santa María" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pirquitas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Portezuelo Calquenque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Ovejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842576" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta del Chihuido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas Peladas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8027912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Witches' Cave" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1190790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malargüe Department" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3457612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva Provincial La Payunia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3647920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva Provincial Castillos de Pincheira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835016" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de Palauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Volcán Pihuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6741342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malargüe River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Toscoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837069" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Margüira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840166" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Guadalosos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajada Caracoles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arroyo Hondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina Argentina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Barranquino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Palauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Payún Matru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mallines" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840453" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Volcán del Hoyo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841428" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Cortaderal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Romanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro del Chacay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Volcán Dolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo de la Batra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cabeceras del Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Toscoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Margüira" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Fortunoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla de Huincan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina Aida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998237" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998237" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998257" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998257" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998315" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998315" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1657970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Comodoro D. Ricardo Salomón Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1886759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malargüe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5808851" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5808851" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835279" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835279" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837456" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21837456" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839421" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839421" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842004" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842004" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848364" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848364" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387537" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387537" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388821" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388821" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393683" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393683" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22564225" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22564225" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2171004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Central Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306444" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306444" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638416" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638416" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642931" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642931" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653186" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653186" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653185" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653185" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Pozos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Cabras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836209" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838766" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bordo de la Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Llancanelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guadal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Batra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chihuido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Amarillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barroso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849900" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Monte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Malacara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Chata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Cabra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652895" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839108" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Leones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Chea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puntudo Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerritos Colorados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842048" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito El Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Gorro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chorreado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrito Amarillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta del Durazno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6741341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malargüe Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838307" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Porteña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Jarilloso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840723" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Jarilloso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Buitrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra Chorreada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Churrasco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico del Bosal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rincón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22566673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Primera Cascada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3091571" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llancanelo Lake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Yeguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro los Toldos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Patahuilloso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chachao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ramadita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Carapacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22639973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Paulo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33122165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Municipality De Malargue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60142820" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60142820" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tonto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Toscoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trapal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerritos de Huaca-co" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chingolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cajón de Agua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bañado del Cari-Lauquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645990" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Robles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q64337861" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q64337861" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rincón del Picaso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835633" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Piedra Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas Guadalosas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832115" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro las Vacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84515273" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84515273" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q84515313" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q84515313" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833476" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Risquera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de Palauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Pililo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838913" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salina Llancanelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro la Chilca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Andradino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998216" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998216" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998217" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998217" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998221" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998221" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998225" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998225" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998267" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998267" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998306" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998306" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998401" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998401" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998429" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998429" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3099455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Planchón-Peteroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6164646" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6164646" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831528" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831528" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831674" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21831674" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832145" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832145" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832228" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21832228" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834375" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21834375" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835076" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835076" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842837" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842837" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846878" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846878" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22387307" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22387307" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388030" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388030" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22388749" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22388749" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396942" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22396942" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305936" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305936" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638747" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638747" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642899" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642899" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644026" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644026" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649725" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649725" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651566" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651566" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651768" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651768" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653593" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653593" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Vega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuchilla Santa Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Potrerillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Nucos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Blancos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Horqueta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840337" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Hermoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841670" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón del Cura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Peñón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837412" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837243" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lagunita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agua Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398612" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Padre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Santa Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santa Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638351" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Lajas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cordón del Cura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Deshecho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Entre Ríos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de las Aguadas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Torrecillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Malo (Maule, Chile)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305349" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "las Damas River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Boyenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25044832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abanico Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25247729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piscis Hotel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22700541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Raquel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Laguna de Teno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado de la Quebrada Montosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Deshecho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cajón de Las Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Horno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yeguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Morros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Claro river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Vergara" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Hoyada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Orejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morros Verdes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de las Mesas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5682570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Planchón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651674" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Cach" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Tiburcio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Potrerillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso del Fierro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuchilla de las Bayas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425808" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de los Pejerreyes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539661" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas de Teno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de la Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Valle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840627" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuchilla del Infiernillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396367" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vergara River (Maule)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6083857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pozo de las Ánimas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21828613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Yeseras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Valle Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832397" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso Villagra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Volcán El Planchon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838727" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle de las Leñas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842567" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chico del Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21847957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Molles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470779" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sordo Lucas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28045440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aduana de Los Queñes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473217" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Vegas del Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Debia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cayetano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65965454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Azufre Volcano (Maule)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1806472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Leñas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6121573" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6121573" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21142366" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21142366" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835171" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21835171" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22393341" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22393341" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398762" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22398762" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637686" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637686" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306303" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306303" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306360" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306360" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306369" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306369" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306828" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306828" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307169" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307169" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307223" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307223" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638469" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638469" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638746" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638746" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640160" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640160" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643342" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643342" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646253" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646253" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656375" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23656375" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660667" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660667" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Vacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Mesones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Fernando" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652829" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22404820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle Hermoso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22379116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón de los Yuyos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Potrero Ancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Tacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Los Maquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Portillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Laguna del Chivato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641089" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Gloria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo El Piojo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto de los Lirios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638316" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Hormigas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Membrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Paraguay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de las Damas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Bayos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22390772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portillo River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra Lisa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23925966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Infiernillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bocatoma Central Hidroelectrica San Andres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25241155" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Infiernillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832224" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Vega del Azufre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra San Hilario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4857035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banos del Flaco Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Lun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Las Placetas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Balliquera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Espinalillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Deschavetado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646265" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada El Espinalillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro del Cardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Argolla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q422842" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Risco Plateado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Leñas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de la Plaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Altos del Pelambre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468557" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Risco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Maquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639806" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro La Quila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Cuenca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21142007" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Central hidroeléctrica La Higuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Matancilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Hoyadas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo del Mal Barco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuchilla de los Entumidos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Talcaregua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Justana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo Isla de Briones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Fray Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Agusado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla El Chingue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3116456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tinguiririca Volcano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Choicas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Rey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Azufre River (Tinguiririca)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valle del Burro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474407" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Talcaregua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Maitenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Helado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q89414281" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q89414281" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Paveza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Punta del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada los Quillayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Relvo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Robles Colorados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Las Placillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Huemul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Chueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743319" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743319" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743317" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743317" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743548" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743548" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104907223" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q104907223" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106999779" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q106999779" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5764546" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5764546" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5848180" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5848180" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6082632" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6082632" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5142781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Colegio Antilen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3131249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palomo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q83278281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lo Cartagena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833698" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21833698" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838410" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838410" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839420" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839420" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839479" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839479" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841179" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841179" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842054" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842054" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846245" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846245" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846290" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846290" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846565" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846565" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848363" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21848363" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846615" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638363" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638363" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641049" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23641049" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23939233" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23939233" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mollares" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Buitres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Malo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841988" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Calabozo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Moño" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Agua Caliente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842653" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chivato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398044" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de la Planchada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bravo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Yeso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rengo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97190434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chachao Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Portezuelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Placilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Boleadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Socavones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Pantanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5062821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Centro Educacional Asunción" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Maravillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón de Espinosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Collai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Altos de los Arrieros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q794886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pierre Auger Observatory" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Toscal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de Molina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Mina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Rosillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306289" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Pejerreyes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rio Cortaderal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653778" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Arriaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5722036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Basílica de Santa Ana, Rengo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836529" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro del Cajón del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Atravieso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q54316666" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q54316666" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48989130" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Viña Tipaume" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5903485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hotel Termas el Sosneado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51835872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Uruguay Air Force Flight 571 Memorial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q312932" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caldera del Atuel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q737967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1972 Andes flight disaster" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sosneado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837372" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesón Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838064" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de la Laguna Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo El Risco Plateado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coihueco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Agua de Eusebio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Tipaume" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5802956" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Río Los Cipreses National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rengo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Volcán Overo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Gateados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajada de los Chilenos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Amarillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457907" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Piuquenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77981025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Cerrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Panul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paso de las Leñas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840998" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de las Lágrimas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Choiques" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21843774" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cordón del Calabozo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539039" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Yeso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de Matancilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lagunas de los Helados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón de Flores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5823414" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Sosneado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Paso de las Leñas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Álamo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306288" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Los Pejerreyes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638423" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sierra de Las Nieves" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Escalones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de los Cipreses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744566" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744566" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998208" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998208" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q100998266" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q100998266" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60773003" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Seler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1649767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Das" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6429648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Konoplev" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2517077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chebyshev" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836513" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21836513" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838713" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21838713" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839413" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21839413" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840387" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840387" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840962" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21840962" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841998" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21841998" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842805" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21842805" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845960" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21845960" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846564" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846564" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846647" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846647" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846747" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846747" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846797" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q21846797" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Ventana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21832225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Vega del Loro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Pedernal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835839" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Plomo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Potrerillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Mesones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuchilla de los Mesones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Nacimiento de los Rocillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Diamante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Divisadero de la Cienaguita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841814" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampillas del Diamante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salinas del Diamante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Amarillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845501" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bayo de Agua del Médano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21849910" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Isla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846284" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas Bayas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2742563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bobone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lindero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Leña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31513444" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31513460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bordo Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuchilla de los Palos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embalse del Nihuil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836809" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de las Orejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Toldos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Corralones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848106" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Abra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Cerritos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rodeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3088906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "France–United Kingdom border" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Tordilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuchilla de la Tristeza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21834063" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina Santa Elena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Abra Mesón de Afuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mesón de Adentro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Chorros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21848236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Agua del Campo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Bolas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Pampillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Médano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838290" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina La Picaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Loma Laguna Seca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841608" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de Cuero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de los Altos Amarillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21846386" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa de los Bayos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerritos Morados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Diamante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21841944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Echegaray" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21845816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Arroyo Hondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21831924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trintrica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838677" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Vega de Revequina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma el Jarillalito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840767" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Juncalito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16492587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agua del Toro Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q27539117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reserva Laguna Las Salinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma la Puntilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21840471" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Huaicos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Rincón Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21833573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro los Rosillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835639" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina Piedra de Afilar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21835858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de los Pocitos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836527" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro de las Mesillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21836528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro de las Salinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21837514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Molle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21838061" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Laguna Amarga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21839380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Malar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21842974" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Colorada del Infierno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21844369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pampa del Cavado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3321964" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3321964" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3516784" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3516784" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1767201" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morane" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q525380" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marutea Sud" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1299457" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kamaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q77867352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gendarmerie - Brigade de Rikitéa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sayat-Nova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16536581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "St. Michael's Cathedral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7232022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portland Reef" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7379140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rumarei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7701393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepu Nui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7813687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tokorua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1517258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q88308030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "MARUTEA SUD" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q952390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mount Duff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7701177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teohootepohatu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q390202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Angakauitai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4072295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atumata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Atea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe d'Atitouiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Matariki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Paroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Terimuroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33539752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Ganutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6918712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu-O-Ari" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Kirimiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Gahutu Taravai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc de Tokorua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc Itiki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc Rautaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930418" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe du Sud-Est" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe du Sud-Ouest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Atituiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Kouora" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tasgairi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vainono" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vaiponui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Mangareva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34792266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Makapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34794092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îlot Teohootepohatu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49297163" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49297163" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49660092" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49660092" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3321957" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Mokoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3432042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rikitea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Mukotaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Anganui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Balise" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc Sainjon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teakaru Vahine" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931085" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teonekura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Taravai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111387040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "PORT RIKITEA" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1653697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mekiro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1811491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matureivavao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1895885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maria Est" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3287076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31745051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Tepuka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Onemea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Kaiepe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930828" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Koutu Poto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931109" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Terua Mago" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15256605" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Teiku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16867911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34804734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rouru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q415599" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Akamaru Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2031771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Taravai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Angaopiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc Lavenir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Makoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Otaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Otaturua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930818" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Koutu Piro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tekava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teupukahaia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Koutu Puhipuhi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931176" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Vaipoiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932436" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaitutaki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34739872" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc Gaveau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc Brisant" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Passe du Nord-Ouest" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Ganoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Mata O Ruarangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931055" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teanaorepo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port de Rikitea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38388196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Église Notre-Dame-de-la-Paix d'Akamaru" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Gatavaké" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Banc Bousses" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930257" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Otatumaria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930846" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Koutu Rarotemangaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teakarereanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Récif Portland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepu-Nui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tiovaava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tivaava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Île Agakauitai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38583393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Église Saint-Gabriel de Taravai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1746664" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1746664" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2354838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sandy Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3515615" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3515615" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3199220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kouaku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3516144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tauna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4780771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apou" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5302850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Down Rope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3517221" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tekava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q940773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oeno Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1779748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitcairn Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3518242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tepapuri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7691992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teauaone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18386531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Papuri Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q616662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mangareva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q504043" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gambier Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q771977" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temoe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bertero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31247562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Long Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31247556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Middle Hill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Totegegie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35388075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Hollow" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33538566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Gahutu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6963018" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nancy Stone" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35452832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Water Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7257231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puaumu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q186430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gambier" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31794295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Rope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928947" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Gaheata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teauorogo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Tepaeture" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toerua Pokirikiri" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tokapui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îlot Temotu Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35406256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Deep Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7198662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitcairn Radio Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7198663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitcairn hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7908684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vaiatekeue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49174292" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49174292" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49296578" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49296578" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49648823" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49648823" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1660101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vahanga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q771198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aukena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928927" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Atirikigaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Mata Karaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teanakoporo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Récif Ebrill" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toerua Makaroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31933260" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Îlot Temotu Nui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7700547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tenoko" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q34878897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mont Terua Kotuku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7626045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Strömgren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q900379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "HMS Bounty" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1655368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bounty Bay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1814185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tenararo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930904" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Mataihu Tea" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931058" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teauouo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Teoneai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932042" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tearai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5517314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gaioio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33539739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie Gahutu Tenohu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7198641" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitcairn Island Museum" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7850584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tuaeu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35271972" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Saint Pauls Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35466097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gense Valley" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Adamstown" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2395300" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Totegegie Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3321642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Adams Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31247568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Garnets Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Mata Kuiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932231" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toaiti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6356681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pawala Valley Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6650150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Little George Coc'nuts" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33539360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie de Taku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16213090" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bounty Bible" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7685579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tarauru Roa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7691993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Teauotu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7941551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Von der Pahlen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55605835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bounty Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31247550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parlver Valley Ridge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31914186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bens Place" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Oterangi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31931914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Seuil d'Aukena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Temapouroa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tokaterei" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q33538342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Akaputu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26877714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pulau School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28747286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Adamstown Church" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31930878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pointe Mangarereia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tekaurua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31932259" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Toerua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60391905" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Église Saint-Raphaël d'Aukena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q35672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pitcairn Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31928925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Baie d'Apeakava" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929843" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mitirapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60390244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Joseph de Taku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q682903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tenarunga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q937167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rano Raraku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1155833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Gerasimovich" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1344950" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Easter Plate" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1133374" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ellerman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1791012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cassini–Huygens timeline" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1859984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2006896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q233369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hanga Roa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q379759" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Henderson Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3696662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ives" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6110221" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6110221" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3504489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tahai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6886359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Moai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q118821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Salas y Gómez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10882241" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lewis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1079833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Comrie" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12036142" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q12036142" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12048881" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q12048881" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2011739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahu Akivi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1551834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Orongo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q18393707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reao Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1827535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Poike" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2288219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Nui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659766" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659766" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659768" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659768" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659774" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659774" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659778" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659778" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659779" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659779" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659777" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23659777" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q484376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Anakena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cook" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5922510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Kaokao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8015912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "William Mulloy Library" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q344617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Acteon Group" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Easter Island Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3268206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Iti" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31894060" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Awahou Point" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5329915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Easter hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5400541" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio de Hanga Roa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659776" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puhi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Baquedano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q628625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pukarua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39486823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Reao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q28740146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Holy Cross Church, Hanga Roa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2389223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Belopol'skiy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898258" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898258" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3448354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahu Tongariki" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31929474" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Groupe Actéon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Maunga Puhi Puhi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7259079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pukao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49005362" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rano Raraku" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q9009773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Easter Island Commune" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q49631887" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q49631887" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q774379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of July 11, 2010" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1070747" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mataveri International Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1763364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rapa Nui National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3496141" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puna Pau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3577555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of October 2, 2024" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659782" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659765" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Cumming" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659783" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tuutap" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23925962" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Southern EPR-Segment I" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6063909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iorana Hotel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q276665" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Eir Macula" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111118683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Easter Island Ecolodge" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1340624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rano Kau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111415391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kaimana Inn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Roggewein" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu-Kao Kao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6062934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Motu Motiro Hiva Marine park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26704040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Benoît" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q538601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Terevaka" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1122663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ducie Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2011761" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ahu Vinapu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q48666" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Beethoven" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15269118" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pukarua Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14452" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Easter Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q39485620" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pukarua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "moai" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659775" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Puha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q89416353" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q89416353" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38425997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "église Saint-Augustin de Reao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo O'Higgins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23659764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cuidado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23925961" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Southern EPR-Segment J" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65933784" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ana Kai Tangata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66777967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crough hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q104079995" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q104079995" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60167675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sala y Gomez lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55608602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Crough Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q276660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Veles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q580002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Slow Down" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1055824" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q1055824" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q304431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Evans" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1368833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Essex" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1168251" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Golitsyn" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1088045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Focas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1752552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Wright" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q594562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fryxell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1426193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Herschel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1508604" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Podesta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q984097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pettit" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2276638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shaler" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1086788" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fridman" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4279459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Malprimis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4871836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Battle of Más a Tierra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5877660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hohmann" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6693162" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lowell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q488143" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mare Orientale" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1280472" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kopff" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10351952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port of Tuxpan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1671967" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ioffe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5916955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Houzeau" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16529997" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16529997" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16573614" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16573614" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16651115" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16651115" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Schoenberg" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6698112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lucretius" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22476021" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22476021" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638685" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638685" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638917" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638917" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22641783" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22641783" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22641792" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22641792" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11211057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mrapen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636547" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636547" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638708" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638708" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642363" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642363" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642804" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642804" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650833" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650833" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660690" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660690" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660688" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660688" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660694" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660694" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22680963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Juan Fernández" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Yunque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3774079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Grachev" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628500" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Vicente Porras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Puente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307207" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Chamelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Puntas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637252" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lemos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Baquedano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Villagra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q24070565" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Unnamed submarine volcano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15300151" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Philoxenus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5996462" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Il'in" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1471979" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alejandro Selkirk Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Verdugo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5476229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robinson Crusoe Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642432" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Isla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Pina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Freddy" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Waters" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908993" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ekhi Patera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q747934" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Kearons" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1368046" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of July 2, 2019" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Spartan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4620729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2011 Chilean Air Force CASA 212 crash" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22534861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Molino Casanova" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628237" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tunquillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Los Inocentes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rūmī" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Agudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hueca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rocas Horacio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q287860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Clara Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q473566" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of April 8, 2005" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22372579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cabo Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22643313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Villagra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660691" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Truenos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60319071" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60319071" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648592" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Condell" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23925959" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Southern EPR-Segment K" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1702865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Archipiélago de Juan Fernández National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3577540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "solar eclipse of November 14, 2031" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Vinillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22643117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Varadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5028521" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campos Rupestres montane savanna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6299746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Juan Fernández hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7504922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Shuleykin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q55630078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pito Seamount" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta O'Higgins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa del Buque Varado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660692" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Arenal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108083465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rūmī" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1160526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Desventuradas Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1985053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nicholson" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2219773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Juan Bautista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q329422" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Robinson Crusoe Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2142741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Ambrosio Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5941714" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5941714" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6148980" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6148980" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4736781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q156325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Juan Fernández Islands" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10537335" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q10537335" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1786739" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Krasnov" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10656227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Catedral de Peterborough" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16573611" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16573611" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22558924" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22558924" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637752" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637752" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638015" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638015" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307235" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307235" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637111" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637111" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644007" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644007" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645398" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645398" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646019" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646019" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646313" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646313" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647316" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647316" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647317" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647317" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Paso de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623047" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Norte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470134" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306456" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Los Valles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Patillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Perales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Arrayanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655161" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q106522074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Félix–San Ambrosio Islands temperate forests" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Loma Atravesada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650613" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653128" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Barranco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chivato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25908370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rude" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7131163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Panilonco Aerodrome" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892751" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla San Felix Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22353923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pico Viejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650581" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Centenario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Quillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22439107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Topocalma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pescadores" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626617" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Topocalma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Salinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Santa Irene" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626338" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Carlos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Pangal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636631" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Loma Ancha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648026" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Cueva Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654091" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Ancha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q543302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "SMS Dresden" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20011679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cueva de los patriotas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898256" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898256" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palo Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palo Amarillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de las Quiscas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mejías" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matamulas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de Los Michayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636558" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla de los Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1891390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Félix Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Socavo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Teatinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4780079" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apocalypse Island" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627377" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Suroeste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Romeral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Hueso Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto del Hierro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7435405" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Scorpion scandal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7871086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "USS La Moure County" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q59908302" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q59908302" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60152897" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60152897" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60167069" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60167069" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60319081" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60319081" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60326999" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60326999" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60997818" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60997818" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5405579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bahía Cumberland" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coliguayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Juan Fernández" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Viudo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Hueso de Ballena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de los Buitres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Damajuana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Loberia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433970" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Poza del Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22454103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla San Ambrosio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645880" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Turca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Los Michayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islote Juanango" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653427" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bacalao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66806213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Felix hotspot" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6492223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Garzas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457558" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22457558" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629588" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22629588" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638801" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638801" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306832" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306832" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305334" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639626" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639626" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639946" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639946" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643340" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643340" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646554" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646554" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649378" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649378" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649377" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649377" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653584" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653584" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655235" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655235" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650823" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cartagena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cartagena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Esplanada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chorrillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22410589" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Varillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Partidos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedras Blancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedras Blancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Pelada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22644780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646772" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466127" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Potrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Cerrillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Guindos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641569" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Cerca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645816" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Monte Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638369" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Lomas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640890" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Cuesta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Durazno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Deslinde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Mogote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656379" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Agua Buena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Espino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655227" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Francisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22358225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rulos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472245" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Trampa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tranque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22526996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tromi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chalaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304859" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marugua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305175" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embalse Mallermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Vieja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654253" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Apartadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637629" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Las Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Culebras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Garzas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Coliguayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645650" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma El Valle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Arrayanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640415" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25374292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Pechos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Lingues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Espinillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638270" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Damas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Cajón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649542" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colihues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22644149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quemado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468403" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Resolana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Valle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306420" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Sauces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649539" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650826" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cartagena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648025" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Cueva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703264" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Picaflor" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manquehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306675" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Grillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Damas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646514" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Boldo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Don Barra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Curamahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648062" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Culenar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chacarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Maquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22397991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Embalse Pailimo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Juan Carnero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Grande de Pailimo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649660" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Chupones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305295" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Manquehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645590" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Tiuque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Cóguil" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de los Bolsones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Quillayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Litueche Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pueblo Hundido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307226" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Chupones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de las Lagunillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Ganso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649528" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Coligual" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743326" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743326" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743325" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743325" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14496" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Litueche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2711611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tinguiririca River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5856235" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5856235" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16894649" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Marchigüe Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636062" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636062" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636203" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636203" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638362" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638362" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638718" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638718" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305367" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305367" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306443" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306443" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307135" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307135" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639669" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639669" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641058" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23641058" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641561" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23641561" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643339" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643339" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645397" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645397" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646456" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646456" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650852" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650852" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651135" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651135" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651579" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651579" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653667" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653667" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653775" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653775" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656349" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23656349" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Loma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437986" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Rafael" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Varillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Cerrillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307200" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Cerrillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Lo Orrego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305909" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Maitencillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640006" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Laguna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655148" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655101" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641659" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643078" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de los Huesos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Cuchilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Hornillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1743110" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cachapoal River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636153" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de la Tenca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459262" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23234350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Zapallar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Loros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306861" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Montes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lo Camus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636931" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Litre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla La Higuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646508" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Boldo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646647" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada El Chuncho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640087" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Magdalena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638831" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Las Cadenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22643297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llano San Rafael" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637204" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de La Zorra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646937" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Durazno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893840" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Unión Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q21003302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Águilas Oriente Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22421680" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Adrina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465762" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Polcura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22643190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llano del Potrero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Terremoto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305177" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Mallermo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642929" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hospital" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Cuzco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Cuzco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638232" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Tobo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Apestados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de la Fuente" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646750" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Divisadero de Toco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651547" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Canta Rana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Alonso de Morales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16893975" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Agullas Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14458" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Estrella" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22643098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llano de la Placilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646036" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de Rubio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Manantiales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Canta Rana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Altos Las Hornillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638254" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Las Cruces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644686" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de las Fuentes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434366" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Pulín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636385" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de los Pasillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llano los Maquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Las Huertas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Higueras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo El Gaucho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653014" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Boldo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Viluco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada El Colo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651165" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cargas de Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25374353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de Los Aguiluchos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q958770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lake Rapel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16643152" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16643152" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q19788692" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q19788692" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398670" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22398670" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472887" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22472887" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637744" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637744" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637873" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637873" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638119" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638119" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22640400" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22640400" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22643338" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22643338" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305921" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305921" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306319" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306319" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307084" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307084" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307240" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307240" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palmilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636897" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636897" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638807" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638807" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638826" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638826" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638853" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638853" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639672" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639672" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643274" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643274" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645807" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645807" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645952" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645952" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646641" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646641" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648538" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648538" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648599" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648599" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649970" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649970" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655691" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655691" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Aguada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carrizal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468263" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465781" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Polcura Segundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matanzas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Quillaicillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469297" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Diego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640144" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Mesilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Patillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Matanzas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640464" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Higuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645848" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Mogote" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22524116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tres Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646640" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Chorrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648012" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Cuesta Arena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648156" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Coquimbo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305371" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maquicillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Buitres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rapelhuapi Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Membrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306854" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Molles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640964" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Era" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637668" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Quiscas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Las Casas Viejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645795" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Macho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Boldo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maitenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22647537" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Radan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650584" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4582497" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1985 Pichilemu earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Parrones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Quillayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Guairaos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Litre Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Cuesta Arena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890664" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Costa del Sol Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890915" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Manzano Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10880971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navidad Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22453255" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pupuya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Polcura Primero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640985" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada La Escoriadera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salto del Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644966" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Extremo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646001" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Lancha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398029" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de la Palmilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Temo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22558960" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Potreros Los Cerros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638296" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Tranque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Molle Redondo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646701" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305233" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillos Manantiales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Corneche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651532" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Canoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651941" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Calleuque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Afuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Rosario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22455753" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Farallon del Infiernillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Pirihuines" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638410" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Molinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Grande de Pupuya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6786077" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Matanzas, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22435836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Quiñicabén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636858" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Pupuya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma La Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643805" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Guanaco (Chile O'Higgins)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637081" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Tranque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645394" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Espino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5962257" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5962257" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22380252" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22380252" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425092" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22425092" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460583" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460583" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474938" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22474938" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22403696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Valdivia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22517490" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22517490" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646841" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22646841" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699123" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22699123" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304978" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23304978" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307261" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307261" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643338" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643338" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646057" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646057" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646525" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646525" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646559" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646559" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648053" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648053" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651132" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651132" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651577" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651577" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651581" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651581" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652833" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652833" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653371" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653371" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653774" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653774" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655177" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655177" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655693" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655693" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655698" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655698" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656461" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23656461" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estancia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645482" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Rodeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395199" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Rapel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Viento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar (Chile, Rapel)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vista Hermosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22585862" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navidad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tebo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624074" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Perro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23303393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Pelada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lucatalca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307121" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Boldos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Higuera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641000" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Estancia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641434" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645871" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Molle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Arbolitos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Limahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640968" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma La Era" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Boca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641658" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646447" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Ajial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22404135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Esteban" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22534896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472301" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pangal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22547382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Polloi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468773" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Rodeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648213" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corneche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Riscos de la Cosecha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651504" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Canelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pozas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25343396" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo Corneche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25374294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Pololos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460137" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mostazal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q4563104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rapel Dam" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499531" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Rapel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22639936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Patagua de la Zorra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada La Yesquila" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638449" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Palmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646925" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Durazno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Buitrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653902" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Auquinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10959099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Maitenlahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada los Parrones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658281" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Bucalemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643991" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1032656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rapel River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de la Poza Honda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22507609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tinajeras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636893" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Quelentaro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22697095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Salto del Agua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636812" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Licancheo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646518" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta El Boldo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Navidad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Lucatalca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Pencas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Bucalem" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7293923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rapel, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22428906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Navidad" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Tinaja Cura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pitios" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636606" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Loica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636813" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Licancheo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636939" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Litre Mocho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Arenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656417" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Agua del Boldo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q111597361" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q111597361" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q187885" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3125483" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q3125483" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7749294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "The Mackay School" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22421948" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22421948" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Placilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Placilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461377" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22461377" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465262" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22465262" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22403825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305903" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305903" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306301" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306301" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306408" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306408" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306803" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306803" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22643484" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yali" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638745" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638745" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638848" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638848" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639625" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639625" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639631" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639631" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640162" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640162" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643370" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643370" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643369" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643369" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645489" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645489" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646052" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646052" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646243" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646243" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646455" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646455" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651630" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651630" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655689" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655689" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655695" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655695" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655696" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655696" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22473390" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Verde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22438080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468574" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Risco Bayo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22514597" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Peral de Arriba" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Mocha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646164" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Crucero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646205" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Durazno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Palomas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Invernada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Esperanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta Changanal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645384" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Espino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641530" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305341" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Bandurrias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463333" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Patagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Prado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pangui Rosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22558949" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Potrero Nuevo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Culenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Era" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Espino Guacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Boldo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cotanto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Charqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Cristales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464945" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedras de Afilar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306364" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Quillayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lindero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638442" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Las Ovejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645863" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla El Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646725" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de las Diucas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649124" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado de Loica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chivato de Codao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22430073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Palmilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459430" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mirandino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462525" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Macanilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Las Palomas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646322" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Guindo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650564" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cementerio San Pedro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Barros Negros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22491359" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Parrones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Valdovinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Lingo Lingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Las Cenizas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Idahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20022150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loica Church" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14480" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Cabras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Tuerta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306378" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Quiscos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Los Cerdos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Quillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648173" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corcobado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645898" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de las Mulas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Loica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Las Tarcazas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta de Idahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650656" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cernicalo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pichidegua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22429363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Ñilhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quilamuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de las Quiscas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llancay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639662" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Patagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Estrechura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646250" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Entablado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra del Castillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743321" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743321" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5654806" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5654806" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5886842" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5886842" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6172018" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6172018" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1702789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Palmas de Cocalán National Park" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16577531" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16577531" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395789" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22395789" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463340" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22463340" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636043" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636043" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636911" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636911" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636920" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636920" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637727" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637727" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638156" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638156" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22422123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Margarita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305817" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305817" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306835" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306835" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305335" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636937" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636937" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639630" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639630" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643067" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643067" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643427" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643427" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645978" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645978" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647657" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647657" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649534" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649534" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649532" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649532" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649538" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649538" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652236" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652236" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656348" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23656348" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655770" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alegría" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78366626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de Nuestra Señora de la Merced, Zúñiga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22622714" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621679" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Viento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306820" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Los Maquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Los Codos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Los Culenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638438" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Las Ovejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641073" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagartos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646269" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Espino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de la Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652181" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro del Buitre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5401008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Alhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chivato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556104" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Rancho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22524080" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tres Linderos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Morritos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Jotes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646268" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Espino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642940" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Huachos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644485" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de la Fragua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Boldo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648242" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Corral del Buitre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de los Culenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898037" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898037" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898928" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898928" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898935" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898935" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898932" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898932" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Viscachas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Sorolo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645946" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de las Yeguas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Peguenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307211" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Los Chanchos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Palmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro La Hera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643684" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Guacarhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Durazno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637951" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Quillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307184" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Cardos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638276" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Las Diucas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647935" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo Cruz de Idahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Quilicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636002" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de la Moya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646194" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Quillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Trigo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22699278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mentidero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22700132" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de los Romeros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Los Potrerillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637302" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641404" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro del Quillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465440" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pitrucao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636098" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de la Ramada del Cura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5351214" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Durazno, O'Higgins" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641468" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de La Bodega" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de la Botija" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22413610" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Venero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10929495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Carén Reservoir" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Patagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Manzano Segundo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Los Lingues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hierro Viejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quilamuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645982" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Quillayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655304" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de la Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26265764" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Mosquitos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3847" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coltauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6151588" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6151588" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6431540" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6431540" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6663163" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lo Miranda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22424309" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22424309" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458597" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22458597" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637604" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637604" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638147" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638147" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646744" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22646744" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646786" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22646786" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460845" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305204" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305204" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305895" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305895" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306726" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306726" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306860" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306860" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306868" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306868" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307066" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307066" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640896" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640896" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642897" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642897" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646814" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646814" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646815" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646815" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646816" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646816" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648167" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648167" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648305" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648305" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651578" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651578" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655007" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655007" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639745" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Plata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655119" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652914" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Purén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tren Tren" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22491022" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Medio Cerrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22624614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Silleta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646399" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Molles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Naicura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306361" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Quillayes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306865" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Morros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638693" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640360" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Laguna" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643978" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637802" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Ventanas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644852" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Espinoza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Chillehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649791" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de Chillehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649888" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro del Chivato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Poqui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305350" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Torres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Cardas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Greda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645509" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Rulo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648881" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Copequen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898910" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898910" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471031" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Talamí" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646669" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Sarateo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304926" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Maule" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645995" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla El Peral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Moya" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304716" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16891473" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fundo Naicura Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899720" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Pedro Verfrut Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Palma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636506" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Mudaumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Palma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645955" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Pangues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Llivillivi" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de los Juanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649887" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Chivato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651722" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Cachantun" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653015" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Boldo Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648239" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Corral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Toro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Valenzuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Parral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307152" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Calabozos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645193" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Entierro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de El Nuevo Reino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648249" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Corrales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649459" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta de Coinco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650637" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Cepillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394368" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro del Quillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Risco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472493" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Linderos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Petacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643577" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de los Gusanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16892756" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Picton Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78410877" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q78410877" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Coínco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13035" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Doñihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro del Quilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22396160" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Vizcachas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quillaiquen" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de los Canelos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56112" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quinta de Tilcoco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22565618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mudaumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de los Maquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653167" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Barro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93743313" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93743313" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5978737" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5978737" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5401019" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Carén (Alhue)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16827092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alhué Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461338" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22461338" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463884" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22463884" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468695" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22468695" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22653906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zama" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306371" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306371" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306747" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306747" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307262" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307262" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636639" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636639" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636941" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23636941" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637158" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637158" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637790" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637790" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638244" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638244" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639924" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639924" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640036" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640036" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642892" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642892" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642893" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642893" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642960" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642960" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643337" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643337" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645558" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645558" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645801" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645801" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646384" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646384" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646997" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646997" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648010" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648010" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649487" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649487" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649892" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649892" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650291" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650291" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650688" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650688" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653666" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653666" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969958" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23969958" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Blanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22648515" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Yerba Buena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Pincha" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22621652" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Viento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tutema" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306683" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Los Guindos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Los Maquis" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305030" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Medio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Amarilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639623" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Palma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642952" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Hualcapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646734" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Deslinde" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658220" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tutema" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647908" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Crucero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q26265393" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Litre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22384507" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rinconada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Patagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tantehue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629538" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Quisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645963" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de los Perales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307122" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Los Boldos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637849" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Tetilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643111" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Huillín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Entierro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646928" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Durazno" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898780" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898780" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22703105" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Perdices" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22642519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Tapihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Angelitos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307210" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Los Chanchos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada La Arboleda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647921" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653573" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bandurrias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467625" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quilos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22524125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tres Puntas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Longovilo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636603" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lo Gormaz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644903" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Estero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647728" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuyanas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653580" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro las Bandurrias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Espino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306685" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Los Guindos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636896" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo del Lingue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638455" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Las Palmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Monja" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643696" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Guacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada El Relhue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395810" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Romero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306682" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta Los Guindos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Los Leones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637305" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de la Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Gredas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Guapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653318" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Belloto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643103" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Huilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645469" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Reloj" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646585" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma El Cardonal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Chilque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655182" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655197" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto del Espino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Carollias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de la Huerta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645700" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Empalizada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Culenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5763039" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5763039" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6106282" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roblería del Cobre de Loncha National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636051" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636051" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636636" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636636" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638022" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638022" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638111" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638111" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638137" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638137" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22642188" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22642188" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646733" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22646733" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645999" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nabo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305387" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23305387" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638245" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638245" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638305" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638305" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638777" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638777" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640955" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640955" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642704" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642704" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645083" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645083" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645983" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645983" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645987" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645987" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646352" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646352" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646353" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646353" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648009" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648009" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649811" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23649811" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651252" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651252" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652341" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23652341" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655692" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655692" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656460" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23656460" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653551" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de la Olla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22399192" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Romeral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646179" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22701339" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462439" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palo Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306391" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Los Retamos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306730" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Los Linderos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636884" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Linderos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639624" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla La Palma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643053" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Hueque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Membrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646196" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma El Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22654125" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Zambrano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de los Toros Muertos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395980" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Tres Linderos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462345" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22596892" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Represa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640120" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Matancilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643746" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Gualcapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638873" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Las Casas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645642" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Trigo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646292" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Gallito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6162017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Villa Alhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898075" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898075" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898741" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898741" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656376" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agua Buena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471475" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tenderete" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Rancagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646601" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Quillay Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Seco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306777" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Lunes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta de Las Vizcachas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638798" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Las Bandurrias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643052" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Hueque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645838" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mina El Membrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640158" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma La Mina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649543" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colihues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Carnero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637889" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma La Trampa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645672" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Yugo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22642737" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Toro Manso" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Minas de Madariaga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Los Perales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306446" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Los Tres Espinos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636794" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Leyton" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Junquillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Escarpe" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Cobre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22395293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Piedra de Afilar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22467238" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Quecho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Bellotos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Lisboa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro La Tetilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640067" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo La Lindura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Invernadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cantillana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Los Morros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646008" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646212" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Durazno (Melipilla)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Litre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78764422" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q78764422" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426113" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Piche" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto Los Culenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro La Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466170" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Potrero Largo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22635992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de la Mina de Plata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646225" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Rodeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Pitos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638891" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Las Chicharras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638874" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Las Casas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2208" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alhué" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11134570" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11134570" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11134682" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11134682" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11134794" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q11134794" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12155638" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q12155638" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q12178798" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q12178798" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16623398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539455" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22539455" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22630535" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22630535" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22642179" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22642179" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22642598" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22642598" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646050" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22646050" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307165" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307165" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637289" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637289" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638406" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638406" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638770" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638770" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639573" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639573" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640049" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640049" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644620" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644620" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645935" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645935" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647926" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647926" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648792" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648792" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651131" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651131" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653670" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23653670" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655697" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655697" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556150" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de la Ollita" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629487" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla del Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539033" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Rey" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22644789" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640897" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Cueva" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306352" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Pozos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306353" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Pozos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Maitenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Ratones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638690" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653555" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de la Bandera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645535" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Sapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305944" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Majadas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639562" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969169" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de Aculeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22653490" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ranchillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642958" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Huanchal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643733" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Guairao" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651463" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cancha del Zorro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305923" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maitenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10959094" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Yali" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10959092" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Peuco river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898119" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898119" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898116" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898116" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899017" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899017" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42899315" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42899315" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lomas Blancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434735" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Puro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22466146" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Potrero Alto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646013" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de Piedra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637763" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Las Trancas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641395" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma La Acequia" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650724" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Chacarillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Aliste" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656426" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agua del Sapo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Aguada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640413" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10959097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Rosas creek" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q11134526" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Cabildo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472215" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tralcaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22629549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Sosa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638348" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Viejo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23007332" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna de Las Salinas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637678" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Las Ramadillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638342" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Las Lagunas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645933" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Pajonal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646157" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Salinas El Convento" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646287" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro El Frutillar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Avellanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q10959107" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Tricao river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427356" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero el Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646717" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5352354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Yali National Reserve" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Cuncumén" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647920" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648051" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Culebra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Cepillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651491" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Candelitas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Aculeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22644924" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quincanque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640123" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna La Matanza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78829382" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q78829382" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426329" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Quincanque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636294" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de las Rosas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna La Colejuda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Colimahue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16896327" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Paine Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22499697" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bajo Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307219" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Chocalanos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651489" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Candelero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q58328681" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cholqui river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25513400" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca Coronilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q108202200" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q108202200" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Antonio Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q188011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94026860" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación San Antonio, Chile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5390901" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5390901" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5974424" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5974424" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5047912" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa de Isla Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6093093" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6093093" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6444833" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6444833" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6081486" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Negra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q8842844" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q8842844" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q738867" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Maipo River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q95587065" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Port of San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16572965" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16572965" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6662195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Llolleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460396" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22460396" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470143" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22470143" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472365" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22472365" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623972" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22623972" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627415" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22627415" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22643334" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22643334" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463707" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pelado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2889066" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Municipal Doctor Olegario Henríquez Escalante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641416" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23641416" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643133" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643133" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644512" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23644512" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648194" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648194" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648193" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23648193" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655616" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655616" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657957" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657957" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Tabo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637688" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Rosas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22407443" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Sur" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464769" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Piedra Parada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658277" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Llolleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5843347" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Leyda Station" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7272587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quiriquina Formation" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462354" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22613976" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olla de Oro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22623609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Panul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22626628" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de La Pitra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Huallilemu" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646561" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Calabacillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650663" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Cerro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658272" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Llolleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q15617936" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ojos de mar de Llolleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898451" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898451" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898463" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898463" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636513" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Dunas de Llolleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636792" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Leyda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650178" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chicharras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653579" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Bandurrias" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658279" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa de Santo Domingo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658275" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de San Juan" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22427140" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Totoral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637645" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Pangal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22470303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Sepultura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5652540" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Museo de Historia Natural e Histórico de San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645550" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de El Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6434882" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Panul Lighthouse" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60318115" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60318115" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q60318184" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q60318184" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22627433" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Talca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637308" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Leoncillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650149" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros del Cheque" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650825" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cartagena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q65556300" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q65556300" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605034" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605034" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q56135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Antonio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425938" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Ñanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22426875" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Rosario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459190" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Miltin" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22625234" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Quisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899797" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santo Domingo Airfield (Chile)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636512" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Llolleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637689" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Las Rosas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641425" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Baliza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna Llolleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305876" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Boca del Maipo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Piedra de los Lobos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640114" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de La Marquesa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Quillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742235" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742235" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742238" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742238" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742237" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742237" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742243" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742243" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742252" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742252" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742253" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742253" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742259" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742259" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742260" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742260" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742261" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742261" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744836" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744836" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94015790" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94015790" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94021359" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q94021359" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q99842606" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q99842606" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13040" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Quisco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2889844" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Cruces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5051428" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5051428" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5823715" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5823715" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6079163" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6079163" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6119700" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6119700" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97185117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla Pájaros Niños" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5823586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Totoral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q99647028" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Nuestra Señora de la Merced de El Totoral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q602505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Alfonso del Mar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22324029" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22324029" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398060" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22398060" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22407404" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22407404" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459419" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22459419" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636266" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636266" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637055" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22637055" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306746" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306746" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307167" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307167" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307243" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307243" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639694" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639694" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642889" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23642889" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643335" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643335" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646996" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646996" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650143" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650143" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650141" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650141" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656345" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23656345" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657958" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657958" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657956" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23657956" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658276" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23658276" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660549" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cartagena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22425511" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de la Viña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643992" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Grande" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Tres Cruces" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306790" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Maitenes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307267" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Los Corralillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650171" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa Chica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638687" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Larga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650595" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta del Fraile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645836" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Membrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646618" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Cerrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639800" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Puntilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650834" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Carvajal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652180" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro del Buitre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307313" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Farallones" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638835" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Calaveras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646611" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Centinela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q30911796" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q30911796" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22407315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Playa del Yeco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada del Yugo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648248" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Corrales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638454" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Las Palmas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645626" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Roca El Toro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655183" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto de Bahamondes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23658278" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Puerto Nuevo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42897709" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42897709" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898430" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898430" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898433" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898433" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898453" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898453" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898461" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898461" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898734" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898734" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22539024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna del Peral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640481" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de las Lagunillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641594" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Lacho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651129" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro del Cardo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969045" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Laguna El Peral" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651883" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Caleta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de las Varas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22463088" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Paragua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306373" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Los Quilos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636533" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Lo Abarca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón de La Magdalena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Invernada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Rada El Algarrobo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655218" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto de Piedras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22437856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero San Jerónimo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637431" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Venegas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q61046159" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de la Candelaria, Algarrobo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q17364230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Museo de Vicente Huidobro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13041" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Tabo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cartagena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q72134512" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q72134512" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464325" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peumos Azules" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22628392" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Vera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5848198" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Algarrobo Municipal Stadium" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640095" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Mallada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646202" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto El Duraznito" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653229" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Islas Bayas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637807" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Las Ventanas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16564195" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Cartagena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899711" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "San Gerónimo Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2206" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Algarrobo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474524" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Unapa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307545" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Lo Orrego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650827" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Cartagena" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398866" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Rubio" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo del Rodeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649398" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cocinera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649705" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de la Cigüeña" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q97159398" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q97159398" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q101031135" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casa Labbé" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5970393" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5970393" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6057238" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6057238" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6090629" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q6090629" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464012" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22464012" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471063" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22471063" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22635983" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22635983" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636193" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636193" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636627" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636627" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22638332" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22638332" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307259" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307259" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645800" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645800" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646254" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646254" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654194" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23654194" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655672" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655672" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649076" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652894" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Blanco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458370" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Molino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22431303" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Peralillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458331" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro de Yope" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459315" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Minillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pajonal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22464293" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23653879" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Atravesada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Gloria" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643102" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo Huilco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646731" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651401" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Campanario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641544" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Cantera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638336" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Juntas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645572" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Solitario" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23969856" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Los Mayos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5659236" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melipilla Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636587" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Loco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645833" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Membrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q7257228" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puangue river" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q721498" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melipilla Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22493780" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melipilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3395918" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Pomaire" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645387" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto del Espino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398186" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de los Yuyos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22461801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ortolazas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468460" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Palizada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306857" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Molles" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637299" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Leona" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641655" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo La Cruz" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646477" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Arbolillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646492" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Bajo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649100" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q38009220" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q38009220" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16899758" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Santa Teresa del Almendral Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898569" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898569" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22394258" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro del Naranjo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22433695" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Popeta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22613987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Olla del Romero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Litres" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5969054" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Esmeralda lagoon" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6009600" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Melipilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q47373340" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de San Agustín" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22458502" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Quillay" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307548" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Lo Ovalle" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640328" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de La Greda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641648" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de La Crianza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649906" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Chocalán" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650563" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cementerio de Bellavista" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q1369448" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estadio Municipal Roberto Bravo Santibáñez" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3249673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Promoucaes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462709" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar (Chile, Casablanca)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22474223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Pico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307072" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de Los Apestados" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5695086" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "St. Joseph's Cathedral, Melipilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638286" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Esmeraldas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643811" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Puntilla Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651470" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de las Canchas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q62395381" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Vuela" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q3742" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casablanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22434099" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Puangue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22457519" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerrillo Piedra Azul" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22468819" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Romaza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22472416" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tres Cercas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639760" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero La Playa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q51032" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Melipilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros Cuesta San Diego" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890917" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Alba/La Lumbrera Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638314" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Las Higueras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645901" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Mostazal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646311" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro de El Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649402" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de Codigua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742232" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742232" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742250" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742250" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742254" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742254" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742590" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742590" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742588" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742588" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742589" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742589" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742592" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742592" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744551" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744551" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93938380" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93938380" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93942070" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93942070" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93946244" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93946244" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94069070" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Bollenar" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q188038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talagante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5847764" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5847764" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5990634" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5990634" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16559982" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16559982" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16637624" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q16637624" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuatro Diablos Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22465674" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22465674" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636376" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22636376" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22642171" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22642171" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306300" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306300" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306826" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306826" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q94995546" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Accidente carretero de El Monte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637723" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637723" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638800" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23638800" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639803" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639803" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643999" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643999" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645803" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645803" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645804" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645804" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645982" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645982" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646217" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646217" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646246" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23646246" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647420" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23647420" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655116" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Punta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q78781309" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Iglesia de El Monte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636145" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de la Suerte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Perros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637057" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma La Tuerta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638837" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Caletas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645534" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Salvial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645911" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada El Natre" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646619" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Cerrillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651388" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Campana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23657324" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón de Aculeo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649020" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Colorada" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22398536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto de Yerbas Buenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q31947280" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talagante" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305996" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mallarauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306283" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Los Pedernales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro La Greda" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641602" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma La Cicuta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638741" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Las Abejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646306" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Guanaco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23647365" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Diablo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q2881984" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "2008 Santiago plane crash" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898739" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q42898739" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639586" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Obra" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645886" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Monte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307117" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Los Bellotos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637851" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Latiguillos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645503" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma El Romero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645552" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma El Sauce" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645638" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada El Traro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646274" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo El Eucalipto" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646556" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero El Cajón" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23654174" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Angostura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q25374271" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Los Romeros" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q738973" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Mapocho River" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22556712" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo Puerta El Magui" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22645850" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de la Mina Venus" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22651942" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Naltagua" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306465" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Los Yuyos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637864" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro La Toma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638832" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Las Calabazas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638869" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Las Carretas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644429" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Florido" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q42898505" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Fundo San Miguel" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q569435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Talagante Province" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637068" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Alto La Turqueza" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637785" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Las Vacas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638441" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Las Ovejas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655216" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto de Pico" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q66605064" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q66605064" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902609" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Ventanas Radioayuda Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22642536" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada Tendida" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646326" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma del Traro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307244" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Los Colihues" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638824" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Las Cabras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640948" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada La Dura" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644230" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Agua del Gato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada El Totoralillo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma El Almendro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648017" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Cuesta El Pangue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22637466" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Yerbas Buenas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646285" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma El Fraile" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649383" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma Cochecho" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655191" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto de las Minas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q59599738" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Santa Ana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q13038" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Monte" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q20881185" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Corte Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638256" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Cuatro Caras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638435" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de Las Ortigas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742578" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742578" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742579" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742579" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742587" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742587" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742594" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742594" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93742602" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93742602" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93744549" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q93744549" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q14445" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Isla de Maipo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q63614752" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estación Chiñihue" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q5847785" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q5847785" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16902732" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Viñamar Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q93933971" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Túnel Zapata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462965" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22462965" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646268" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22646268" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22646331" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q22646331" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306834" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23306834" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307062" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307062" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307060" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307060" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307241" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23307241" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637160" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637160" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637166" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23637166" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639632" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23639632" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640139" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23640139" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643814" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23643814" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645953" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23645953" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23650820" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23650820" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651826" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651826" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651829" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23651829" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655009" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655009" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655618" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23655618" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660543" + }, + "itemLabel" : { + "type" : "literal", + "value" : "Q23660543" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23660187" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Casablanca" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649075" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Colorado" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22471930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Tongocoa" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22469488" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro San Isidro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459830" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Monte Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23306298" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Los Perales" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23645817" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Manzano" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637841" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "La Teatina" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23639622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Palma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23642754" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta de Ibacache" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23644614" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Frío" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646273" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Estribo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646729" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Divisadero" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23651671" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Cachos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655343" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Améstica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23656450" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero Agua Fría" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638320" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Hornillas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649878" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Chivato" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646004" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Peumo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646568" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Canelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22460071" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Morro Negro" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304922" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Mauco de Vinilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304987" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Media Loma" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23305997" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta de Mallarauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23636622" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta de Loleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638821" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Cabras" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640084" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de La Madera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23648011" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Portezuelo de la Cuesta Alta" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23652389" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro del Bollenal" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655223" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Alto El Espino" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23640097" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Loma de La Manga" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22459744" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Monjas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23304919" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero del Mauco" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307083" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Morro Los Arrayanes" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23641495" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro La Buitrera" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646570" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de El Canelo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q6143024" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "1971 Aconcagua earthquake" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16527266" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Curacaví Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23307147" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerros de Los Cachos" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23638382" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Las Mariposas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23643801" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Guanaco (Chile, Melipilla)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646059" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Quintana" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23649943" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cajón de Chorombo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655632" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Aguilas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q16890953" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "El Tapihue Airport" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462363" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Palmilla" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22547510" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cuesta de Zapata" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636799" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Piyulleo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22636930" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Quebrada de Quilhuica" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23637771" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Las Tres Palmitas" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23646319" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro El Guindo" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q23655673" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Ajial" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22462748" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Cerro Pan de Azúcar (Chile, Casablanca 2)" + } + }, { + "item" : { + "type" : "uri", + "value" : "http://www.wikidata.org/entity/Q22697096" + }, + "itemLabel" : { + "xml:lang" : "en", + "type" : "literal", + "value" : "Estero de Zapata" + } + }] + } \ No newline at end of file diff --git a/models/spabert/experiments/entity_matching/src/evaluation-mrr.py b/models/spabert/experiments/entity_matching/src/evaluation-mrr.py new file mode 100644 index 0000000000000000000000000000000000000000..dddadcc953afc2ca1ee672d08c3decdc400bd5b8 --- /dev/null +++ b/models/spabert/experiments/entity_matching/src/evaluation-mrr.py @@ -0,0 +1,260 @@ +#!/usr/bin/env python +# coding: utf-8 + + +import sys +import os +import glob +import json +import numpy as np +import pandas as pd +import pdb + + +prediction_dir = sys.argv[1] + +print(prediction_dir) + +gt_dir = '../data_processing/outputs/alignment_gt_dir/' +prediction_path_list = sorted(os.listdir(prediction_dir)) + +DISPLAY = False +DETAIL = False + +if DISPLAY: + from IPython.display import display + +def recall_at_k_all_map(all_rank_list, k = 1): + + rank_list = [item for sublist in all_rank_list for item in sublist] + total_query = len(rank_list) + prec = np.sum(np.array(rank_list)<=k) + prec = 1.0 * prec / total_query + + return prec + +def recall_at_k_permap(all_rank_list, k = 1): + + prec_list = [] + for rank_list in all_rank_list: + total_query = len(rank_list) + prec = np.sum(np.array(rank_list)<=k) + prec = 1.0 * prec / total_query + prec_list.append(prec) + + return prec_list + + + + +def reciprocal_rank(all_rank_list): + + recip_list = [1./rank for rank in all_rank_list] + mean_recip = np.mean(recip_list) + + return mean_recip, recip_list + + + + +count_hist_list = [] + +all_rank_list = [] + +all_recip_list = [] + +permap_recip_list = [] + +for map_path in prediction_path_list: + + pred_path = os.path.join(prediction_dir, map_path) + gt_path = os.path.join(gt_dir, map_path.split('.json')[0] + '.csv') + + if DETAIL: + print(pred_path) + + + with open(gt_path, 'r') as f: + gt_data = f.readlines() + + gt_dict = dict() + for line in gt_data: + line = line.split(',') + pivot_name = line[0] + gt_uri = line[1] + gt_dict[pivot_name] = gt_uri + + rank_list = [] + pivot_name_list = [] + with open(pred_path, 'r') as f: + pred_data = f.readlines() + for line in pred_data: + pred_dict = json.loads(line) + #print(pred_dict.keys()) + pivot_name = pred_dict['pivot_name'] + sorted_match_uri = pred_dict['sorted_match_uri'] + #sorted_match_des = pred_dict['sorted_match_des'] + sorted_sim_matrix = pred_dict['sorted_sim_matrix'] + + + total = len(sorted_match_uri) + if total == 1: + continue + + if pivot_name in gt_dict: + + gt_uri = gt_dict[pivot_name] + + try: + assert gt_uri in sorted_match_uri + except Exception as e: + #print(e) + continue + + pivot_name_list.append(pivot_name) + count_hist_list.append(total) + rank = sorted_match_uri.index(gt_uri) +1 + + rank_list.append(rank) + #print(rank,'/',total) + + all_rank_list.append(rank_list) + + mean_recip, recip_list = reciprocal_rank(rank_list) + + all_recip_list.extend(recip_list) + permap_recip_list.append(recip_list) + + d = {'pivot': pivot_name_list + ['AVG'], 'rank':rank_list + [' '] ,'recip rank': recip_list + [str(mean_recip)]} + if DETAIL: + print(pivot_name_list, rank_list, recip_list) + + if DISPLAY: + df = pd.DataFrame(data=d) + + display(df) + + + +print('all mrr, micro', np.mean(all_recip_list)) + + +if DETAIL: + + len(rank_list) + + + + print(recall_at_k_all_map(all_rank_list, k = 1)) + print(recall_at_k_all_map(all_rank_list, k = 2)) + print(recall_at_k_all_map(all_rank_list, k = 5)) + print(recall_at_k_all_map(all_rank_list, k = 10)) + + + print(prediction_path_list) + + +prec_list_1 = recall_at_k_permap(all_rank_list, k = 1) +prec_list_2 = recall_at_k_permap(all_rank_list, k = 2) +prec_list_5 = recall_at_k_permap(all_rank_list, k = 5) +prec_list_10 = recall_at_k_permap(all_rank_list, k = 10) + +if DETAIL: + + print(np.mean(prec_list_1)) + print(prec_list_1) + print('\n') + + print(np.mean(prec_list_2)) + print(prec_list_2) + print('\n') + + print(np.mean(prec_list_5)) + print(prec_list_5) + print('\n') + + print(np.mean(prec_list_10)) + print(prec_list_10) + print('\n') + + + + + + + + +import pandas as pd + + + +map_name_list = [name.split('.json')[0].split('USGS-')[1] for name in prediction_path_list] +d = {'map_name': map_name_list,'recall@1': prec_list_1, 'recall@2': prec_list_2, 'recall@5': prec_list_5, 'recall@10': prec_list_10 } +df = pd.DataFrame(data=d) + + +if DETAIL: + print(df) + + + + + +category = ['15-CA','30-CA','60-CA'] +col_1 = [np.mean(prec_list_1[0:4]), np.mean(prec_list_1[4:9]), np.mean(prec_list_1[9:])] +col_2 = [np.mean(prec_list_2[0:4]), np.mean(prec_list_2[4:9]), np.mean(prec_list_2[9:])] +col_3 = [np.mean(prec_list_5[0:4]), np.mean(prec_list_5[4:9]), np.mean(prec_list_5[9:])] +col_4 = [np.mean(prec_list_10[0:4]), np.mean(prec_list_10[4:9]), np.mean(prec_list_10[9:])] + + + +mrr_15 = permap_recip_list[0] + permap_recip_list[1] + permap_recip_list[2] + permap_recip_list[3] +mrr_30 = permap_recip_list[4] + permap_recip_list[5] + permap_recip_list[6] + permap_recip_list[7] + permap_recip_list[8] +mrr_60 = permap_recip_list[9] + permap_recip_list[10] + permap_recip_list[11] + permap_recip_list[12] + permap_recip_list[13] + + + +column_5 = [np.mean(mrr_15), np.mean(mrr_30), np.mean(mrr_60)] + + +d = {'map set': category, 'mrr': column_5, 'prec@1': col_1, 'prec@2': col_2, 'prec@5': col_3, 'prec@10': col_4 } +df = pd.DataFrame(data=d) + +print(df) + + + + +print('all mrr, micro', np.mean(all_recip_list)) + +print('\n') + + + +print(recall_at_k_all_map(all_rank_list, k = 1)) +print(recall_at_k_all_map(all_rank_list, k = 2)) +print(recall_at_k_all_map(all_rank_list, k = 5)) +print(recall_at_k_all_map(all_rank_list, k = 10)) + + + + +if DISPLAY: + + import seaborn + + p = seaborn.histplot(data = count_hist_list, color = 'blue', alpha=0.2) + p.set_xlabel("Number of Candiates") + p.set_title("Candidate Distribution in USGS") + + + + + len(count_hist_list) + + + + + + + diff --git a/models/spabert/experiments/entity_matching/src/linking_ablation.py b/models/spabert/experiments/entity_matching/src/linking_ablation.py new file mode 100644 index 0000000000000000000000000000000000000000..698e3ef9d89a8041106afac15932042dff7b161e --- /dev/null +++ b/models/spabert/experiments/entity_matching/src/linking_ablation.py @@ -0,0 +1,228 @@ +#!/usr/bin/env python +# coding: utf-8 + +import sys +import os +import numpy as np +import pdb +import json +import scipy.spatial as sp +import argparse + + +import torch +from torch.utils.data import DataLoader + +from transformers import AdamW +from transformers import BertTokenizer +from tqdm import tqdm # for our progress bar + +sys.path.append('../../../') +from datasets.usgs_os_sample_loader import USGS_MapDataset +from datasets.wikidata_sample_loader import Wikidata_Geocoord_Dataset, Wikidata_Random_Dataset +from models.spatial_bert_model import SpatialBertModel +from models.spatial_bert_model import SpatialBertConfig +from utils.find_closest import find_ref_closest_match, sort_ref_closest_match +from utils.common_utils import load_spatial_bert_pretrained_weights, get_spatialbert_embedding, get_bert_embedding, write_to_csv +from utils.baseline_utils import get_baseline_model + +from transformers import BertModel + +sys.path.append('/home/zekun/spatial_bert/spatial_bert/datasets') +from dataset_loader import SpatialDataset +from osm_sample_loader import PbfMapDataset + + + +MODEL_OPTIONS = ['spatial_bert-base','spatial_bert-large', 'bert-base','bert-large','roberta-base','roberta-large', +'spanbert-base','spanbert-large','luke-base','luke-large', +'simcse-bert-base','simcse-bert-large','simcse-roberta-base','simcse-roberta-large'] + + +CANDSET_MODES = ['all_map'] # candidate set is constructed based on all maps or one map + +def recall_at_k(rank_list, k = 1): + + total_query = len(rank_list) + recall = np.sum(np.array(rank_list)<=k) + recall = 1.0 * recall / total_query + + return recall + +def reciprocal_rank(all_rank_list): + + recip_list = [1./rank for rank in all_rank_list] + mean_recip = np.mean(recip_list) + + return mean_recip, recip_list + +def link_to_itself(source_embedding_ogc_list, target_embedding_ogc_list): + + source_emb_list = [source_dict['emb'] for source_dict in source_embedding_ogc_list] + source_ogc_list = [source_dict['ogc_fid'] for source_dict in source_embedding_ogc_list] + + target_emb_list = [target_dict['emb'] for target_dict in target_embedding_ogc_list] + target_ogc_list = [target_dict['ogc_fid'] for target_dict in target_embedding_ogc_list] + + rank_list = [] + for source_emb, source_ogc in zip(source_emb_list, source_ogc_list): + sim_matrix = 1 - sp.distance.cdist(np.array(target_emb_list), np.array([source_emb]), 'cosine') + closest_match_ogc = sort_ref_closest_match(sim_matrix, target_ogc_list) + + closest_match_ogc = [a[0] for a in closest_match_ogc] + rank = closest_match_ogc.index(source_ogc) +1 + rank_list.append(rank) + + + mean_recip, recip_list = reciprocal_rank(rank_list) + r1 = recall_at_k(rank_list, k = 1) + r5 = recall_at_k(rank_list, k = 5) + r10 = recall_at_k(rank_list, k = 10) + + return mean_recip , r1, r5, r10 + +def get_embedding_and_ogc(dataset, model_name, model): + dict_list = [] + + for source in dataset: + if model_name == 'spatial_bert-base' or model_name == 'spatial_bert-large': + source_emb = get_spatialbert_embedding(source, model) + else: + source_emb = get_bert_embedding(source, model) + + source_dict = {} + source_dict['emb'] = source_emb + source_dict['ogc_fid'] = source['ogc_fid'] + #wikidata_dict['wikidata_des_list'] = [wikidata_cand['description']] + + dict_list.append(source_dict) + + return dict_list + + +def entity_linking_func(args): + + model_name = args.model_name + candset_mode = args.candset_mode + + distance_norm_factor = args.distance_norm_factor + spatial_dist_fill= args.spatial_dist_fill + sep_between_neighbors = args.sep_between_neighbors + + spatial_bert_weight_dir = args.spatial_bert_weight_dir + spatial_bert_weight_name = args.spatial_bert_weight_name + + if_no_spatial_distance = args.no_spatial_distance + random_remove_neighbor = args.random_remove_neighbor + + + assert model_name in MODEL_OPTIONS + assert candset_mode in CANDSET_MODES + + + device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') + + + + if model_name == 'spatial_bert-base': + tokenizer = BertTokenizer.from_pretrained('bert-base-uncased') + + config = SpatialBertConfig() + model = SpatialBertModel(config) + + model.to(device) + model.eval() + + # load pretrained weights + weight_path = os.path.join(spatial_bert_weight_dir, spatial_bert_weight_name) + model = load_spatial_bert_pretrained_weights(model, weight_path) + + elif model_name == 'spatial_bert-large': + tokenizer = BertTokenizer.from_pretrained('bert-large-uncased') + + config = SpatialBertConfig(hidden_size = 1024, intermediate_size = 4096, num_attention_heads=16, num_hidden_layers=24) + model = SpatialBertModel(config) + + model.to(device) + model.eval() + + # load pretrained weights + weight_path = os.path.join(spatial_bert_weight_dir, spatial_bert_weight_name) + model = load_spatial_bert_pretrained_weights(model, weight_path) + + else: + model, tokenizer = get_baseline_model(model_name) + model.to(device) + model.eval() + + source_file_path = '../data/osm-point-minnesota-full.json' + source_dataset = PbfMapDataset(data_file_path = source_file_path, + tokenizer = tokenizer, + max_token_len = 512, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = False, + sep_between_neighbors = sep_between_neighbors, + mode = None, + random_remove_neighbor = random_remove_neighbor, + ) + + target_dataset = PbfMapDataset(data_file_path = source_file_path, + tokenizer = tokenizer, + max_token_len = 512, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = False, + sep_between_neighbors = sep_between_neighbors, + mode = None, + random_remove_neighbor = 0., # keep all + ) + + # process candidates for each phrase + + + source_embedding_ogc_list = get_embedding_and_ogc(source_dataset, model_name, model) + target_embedding_ogc_list = get_embedding_and_ogc(target_dataset, model_name, model) + + + mean_recip , r1, r5, r10 = link_to_itself(source_embedding_ogc_list, target_embedding_ogc_list) + print('\n') + print(random_remove_neighbor, mean_recip , r1, r5, r10) + + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument('--model_name', type=str, default='spatial_bert-base') + parser.add_argument('--candset_mode', type=str, default='all_map') + + parser.add_argument('--distance_norm_factor', type=float, default = 0.0001) + parser.add_argument('--spatial_dist_fill', type=float, default = 20) + + parser.add_argument('--sep_between_neighbors', default=False, action='store_true') + parser.add_argument('--no_spatial_distance', default=False, action='store_true') + + parser.add_argument('--spatial_bert_weight_dir', type = str, default = None) + parser.add_argument('--spatial_bert_weight_name', type = str, default = None) + + parser.add_argument('--random_remove_neighbor', type = float, default = 0.) + + + args = parser.parse_args() + # print('\n') + # print(args) + # print('\n') + + entity_linking_func(args) + + # CUDA_VISIBLE_DEVICES='1' python3 linking_ablation.py --sep_between_neighbors --model_name='spatial_bert-base' --spatial_bert_weight_dir='/data/zekun/spatial_bert_weights/typing_lr5e-05_sep_bert-base_nofreeze_london_california_bsize12/ep0_iter06000_0.2936/' --spatial_bert_weight_name='keeppos_ep0_iter02000_0.4879.pth' --random_remove_neighbor=0.1 + + + # CUDA_VISIBLE_DEVICES='1' python3 linking_ablation.py --sep_between_neighbors --model_name='spatial_bert-large' --spatial_bert_weight_dir='/data/zekun/spatial_bert_weights/typing_lr1e-06_sep_bert-large_nofreeze_london_california_bsize12/ep2_iter02000_0.3921/' --spatial_bert_weight_name='keeppos_ep8_iter03568_0.2661_val0.2284.pth' --random_remove_neighbor=0.1 + + +if __name__ == '__main__': + + main() + + diff --git a/models/spabert/experiments/entity_matching/src/unsupervised_wiki_location_allcand.py b/models/spabert/experiments/entity_matching/src/unsupervised_wiki_location_allcand.py new file mode 100644 index 0000000000000000000000000000000000000000..3412fda60cbab2ad5bd40c2046e60b34ff047cbe --- /dev/null +++ b/models/spabert/experiments/entity_matching/src/unsupervised_wiki_location_allcand.py @@ -0,0 +1,329 @@ +#!/usr/bin/env python +# coding: utf-8 + +import sys +import os +import numpy as np +import pdb +import json +import scipy.spatial as sp +import argparse + + +import torch +from torch.utils.data import DataLoader +#from transformers.models.bert.modeling_bert import BertForMaskedLM + +from transformers import AdamW +from transformers import BertTokenizer +from tqdm import tqdm # for our progress bar + +sys.path.append('../../../') +from datasets.usgs_os_sample_loader import USGS_MapDataset +from datasets.wikidata_sample_loader import Wikidata_Geocoord_Dataset, Wikidata_Random_Dataset +from models.spatial_bert_model import SpatialBertModel +from models.spatial_bert_model import SpatialBertConfig +#from models.spatial_bert_model import SpatialBertForMaskedLM +from utils.find_closest import find_ref_closest_match, sort_ref_closest_match +from utils.common_utils import load_spatial_bert_pretrained_weights, get_spatialbert_embedding, get_bert_embedding, write_to_csv +from utils.baseline_utils import get_baseline_model + +from transformers import BertModel + + +MODEL_OPTIONS = ['spatial_bert-base','spatial_bert-large', 'bert-base','bert-large','roberta-base','roberta-large', +'spanbert-base','spanbert-large','luke-base','luke-large', +'simcse-bert-base','simcse-bert-large','simcse-roberta-base','simcse-roberta-large'] + +MAP_TYPES = ['usgs'] +CANDSET_MODES = ['all_map'] # candidate set is constructed based on all maps or one map + + +def disambiguify(model, model_name, usgs_dataset, wikidata_dict_list, candset_mode = 'all_map', if_use_distance = True, select_indices = None): + + if select_indices is None: + select_indices = range(0, len(usgs_dataset)) + + + assert(candset_mode in ['all_map','per_map']) + + wikidata_emb_list = [wikidata_dict['wikidata_emb_list'] for wikidata_dict in wikidata_dict_list] + wikidata_uri_list = [wikidata_dict['wikidata_uri_list'] for wikidata_dict in wikidata_dict_list] + #wikidata_des_list = [wikidata_dict['wikidata_des_list'] for wikidata_dict in wikidata_dict_list] + + if candset_mode == 'all_map': + wikidata_emb_list = [item for sublist in wikidata_emb_list for item in sublist] # flatten + wikidata_uri_list = [item for sublist in wikidata_uri_list for item in sublist] # flatten + #wikidata_des_list = [item for sublist in wikidata_des_list for item in sublist] # flatten + + + ret_list = [] + for i in select_indices: + + if candset_mode == 'per_map': + usgs_entity = usgs_dataset[i] + wikidata_emb_list = wikidata_emb_list[i] + wikidata_uri_list = wikidata_uri_list[i] + #wikidata_des_list = wikidata_des_list[i] + + elif candset_mode == 'all_map': + usgs_entity = usgs_dataset[i] + else: + raise NotImplementedError + + if model_name == 'spatial_bert-base' or model_name == 'spatial_bert-large': + usgs_emb = get_spatialbert_embedding(usgs_entity, model, use_distance = if_use_distance) + else: + usgs_emb = get_bert_embedding(usgs_entity, model) + + + sim_matrix = 1 - sp.distance.cdist(np.array(wikidata_emb_list), np.array([usgs_emb]), 'cosine') + + closest_match_uri = sort_ref_closest_match(sim_matrix, wikidata_uri_list) + #closest_match_des = sort_ref_closest_match(sim_matrix, wikidata_des_list) + + + sorted_sim_matrix = np.sort(sim_matrix, axis = 0)[::-1] # descending order + + ret_dict = dict() + ret_dict['pivot_name'] = usgs_entity['pivot_name'] + ret_dict['sorted_match_uri'] = [a[0] for a in closest_match_uri] + #ret_dict['sorted_match_des'] = [a[0] for a in closest_match_des] + ret_dict['sorted_sim_matrix'] = [a[0] for a in sorted_sim_matrix] + + ret_list.append(ret_dict) + + return ret_list + +def entity_linking_func(args): + + model_name = args.model_name + map_type = args.map_type + candset_mode = args.candset_mode + + usgs_distance_norm_factor = args.usgs_distance_norm_factor + spatial_dist_fill= args.spatial_dist_fill + sep_between_neighbors = args.sep_between_neighbors + + spatial_bert_weight_dir = args.spatial_bert_weight_dir + spatial_bert_weight_name = args.spatial_bert_weight_name + + if_no_spatial_distance = args.no_spatial_distance + + + assert model_name in MODEL_OPTIONS + assert map_type in MAP_TYPES + assert candset_mode in CANDSET_MODES + + + device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') + + if args.out_dir is None: + + if model_name == 'spatial_bert-base' or model_name == 'spatial_bert-large': + + if sep_between_neighbors: + spatialbert_output_dir_str = 'dnorm' + str(usgs_distance_norm_factor ) + '_distfill' + str(spatial_dist_fill) + '_sep' + else: + spatialbert_output_dir_str = 'dnorm' + str(usgs_distance_norm_factor ) + '_distfill' + str(spatial_dist_fill) + '_nosep' + + + checkpoint_ep = spatial_bert_weight_name.split('_')[3] + checkpoint_iter = spatial_bert_weight_name.split('_')[4] + loss_val = spatial_bert_weight_name.split('_')[5][:-4] + + if if_no_spatial_distance: + linking_prediction_dir = 'linking_prediction_dir/abalation_no_distance/' + else: + linking_prediction_dir = 'linking_prediction_dir' + + if model_name == 'spatial_bert-base': + out_dir = os.path.join('/data2/zekun/', linking_prediction_dir, spatialbert_output_dir_str) + '/' + map_type + '-' + model_name + '-' + checkpoint_ep + '-' + checkpoint_iter + '-' + loss_val + elif model_name == 'spatial_bert-large': + + freeze_str = spatial_bert_weight_dir.split('/')[-2].split('_')[1] # either 'freeze' or 'nofreeze' + out_dir = os.path.join('/data2/zekun/', linking_prediction_dir, spatialbert_output_dir_str) + '/' + map_type + '-' + model_name + '-' + checkpoint_ep + '-' + checkpoint_iter + '-' + loss_val + '-' + freeze_str + + + + else: + out_dir = '/data2/zekun/baseline_linking_prediction_dir/' + map_type + '-' + model_name + + else: + out_dir = args.out_dir + + print('out_dir', out_dir) + + if not os.path.isdir(out_dir): + os.makedirs(out_dir) + + + if model_name == 'spatial_bert-base': + tokenizer = BertTokenizer.from_pretrained('bert-base-uncased') + + config = SpatialBertConfig() + model = SpatialBertModel(config) + + model.to(device) + model.eval() + + # load pretrained weights + weight_path = os.path.join(spatial_bert_weight_dir, spatial_bert_weight_name) + model = load_spatial_bert_pretrained_weights(model, weight_path) + + elif model_name == 'spatial_bert-large': + tokenizer = BertTokenizer.from_pretrained('bert-large-uncased') + + config = SpatialBertConfig(hidden_size = 1024, intermediate_size = 4096, num_attention_heads=16, num_hidden_layers=24) + model = SpatialBertModel(config) + + model.to(device) + model.eval() + + # load pretrained weights + weight_path = os.path.join(spatial_bert_weight_dir, spatial_bert_weight_name) + model = load_spatial_bert_pretrained_weights(model, weight_path) + + else: + model, tokenizer = get_baseline_model(model_name) + model.to(device) + model.eval() + + + if map_type == 'usgs': + map_name_list = ['USGS-15-CA-brawley-e1957-s1957-p1961', + 'USGS-15-CA-paloalto-e1899-s1895-rp1911', + 'USGS-15-CA-capesanmartin-e1921-s1917', + 'USGS-15-CA-sanfrancisco-e1899-s1892-rp1911', + 'USGS-30-CA-dardanelles-e1898-s1891-rp1912', + 'USGS-30-CA-holtville-e1907-s1905-rp1946', + 'USGS-30-CA-indiospecial-e1904-s1901-rp1910', + 'USGS-30-CA-lompoc-e1943-s1903-ap1941-rv1941', + 'USGS-30-CA-sanpedro-e1943-rv1944', + 'USGS-60-CA-alturas-e1892-rp1904', + 'USGS-60-CA-amboy-e1942', + 'USGS-60-CA-amboy-e1943-rv1943', + 'USGS-60-CA-modoclavabed-e1886-s1884', + 'USGS-60-CA-saltonsea-e1943-ap1940-rv1942'] + + print('processing wikidata...') + + wikidata_dict_list = [] + + wikidata_random30k = Wikidata_Random_Dataset( + data_file_path = '../data_processing/wikidata_sample30k/wikidata_30k_neighbor_reformat.json', + #neighbor_file_path = '../data_processing/wikidata_sample30k/wikidata_30k_neighbor.json', + tokenizer = tokenizer, + max_token_len = 512, + distance_norm_factor = 0.0001, + spatial_dist_fill=100, + sep_between_neighbors = sep_between_neighbors, + ) + + # process candidates for each phrase + for wikidata_cand in wikidata_random30k: + if model_name == 'spatial_bert-base' or model_name == 'spatial_bert-large': + wikidata_emb = get_spatialbert_embedding(wikidata_cand, model) + else: + wikidata_emb = get_bert_embedding(wikidata_cand, model) + + wikidata_dict = {} + wikidata_dict['wikidata_emb_list'] = [wikidata_emb] + wikidata_dict['wikidata_uri_list'] = [wikidata_cand['uri']] + + wikidata_dict_list.append(wikidata_dict) + + + + for map_name in map_name_list: + + print(map_name) + + wikidata_dict_per_map = {} + wikidata_dict_per_map['wikidata_emb_list'] = [] + wikidata_dict_per_map['wikidata_uri_list'] = [] + + wikidata_dataset_permap = Wikidata_Geocoord_Dataset( + data_file_path = '../data_processing/outputs/wikidata_reformat/wikidata_' + map_name + '.json', + tokenizer = tokenizer, + max_token_len = 512, + distance_norm_factor = 0.0001, + spatial_dist_fill=100, + sep_between_neighbors = sep_between_neighbors) + + + + for i in range(0, len(wikidata_dataset_permap)): + # get all candiates for phrases within the map + wikidata_candidates = wikidata_dataset_permap[i] # dataset for each map, list of [cand for each phrase] + + + # process candidates for each phrase + for wikidata_cand in wikidata_candidates: + if model_name == 'spatial_bert-base' or model_name == 'spatial_bert-large': + wikidata_emb = get_spatialbert_embedding(wikidata_cand, model) + else: + wikidata_emb = get_bert_embedding(wikidata_cand, model) + + wikidata_dict_per_map['wikidata_emb_list'].append(wikidata_emb) + wikidata_dict_per_map['wikidata_uri_list'].append(wikidata_cand['uri']) + + + wikidata_dict_list.append(wikidata_dict_per_map) + + + + for map_name in map_name_list: + + print(map_name) + + + usgs_dataset = USGS_MapDataset( + data_file_path = '../data_processing/outputs/alignment_dir/map_' + map_name + '.json', + tokenizer = tokenizer, + distance_norm_factor = usgs_distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + sep_between_neighbors = sep_between_neighbors) + + + ret_list = disambiguify(model, model_name, usgs_dataset, wikidata_dict_list, candset_mode= candset_mode, if_use_distance = not if_no_spatial_distance, select_indices = None) + + write_to_csv(out_dir, map_name, ret_list) + + print('Done') + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument('--model_name', type=str, default='spatial_bert-base') + parser.add_argument('--out_dir', type=str, default=None) + parser.add_argument('--map_type', type=str, default='usgs') + parser.add_argument('--candset_mode', type=str, default='all_map') + + parser.add_argument('--usgs_distance_norm_factor', type=float, default = 1) + parser.add_argument('--spatial_dist_fill', type=float, default = 100) + + parser.add_argument('--sep_between_neighbors', default=False, action='store_true') + parser.add_argument('--no_spatial_distance', default=False, action='store_true') + + parser.add_argument('--spatial_bert_weight_dir', type = str, default = None) + parser.add_argument('--spatial_bert_weight_name', type = str, default = None) + + args = parser.parse_args() + print('\n') + print(args) + print('\n') + + # out_dir not None, and out_dir does not exist, then create out_dir + if args.out_dir is not None and not os.path.isdir(args.out_dir): + os.makedirs(args.out_dir) + + entity_linking_func(args) + + + +if __name__ == '__main__': + + main() + + diff --git a/models/spabert/experiments/semantic_typing/__init__.py b/models/spabert/experiments/semantic_typing/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/models/spabert/experiments/semantic_typing/data_processing/merge_osm_json.py b/models/spabert/experiments/semantic_typing/data_processing/merge_osm_json.py new file mode 100644 index 0000000000000000000000000000000000000000..a743da7fc9a03b6473a5171615007ef287da4693 --- /dev/null +++ b/models/spabert/experiments/semantic_typing/data_processing/merge_osm_json.py @@ -0,0 +1,97 @@ +import os +import json +import math +import glob +import re +import pdb + +''' +NO LONGER NEEDED + +Process the california, london, and minnesota OSM data and prepare pseudo-sentence, spatial context + +Load the raw output files genrated by sql +Unify the json by changing the structure of dictionary +Save the output into two files, one for training+ validation, and the other one for testing +''' + +region_list = ['california','london','minnesota'] + +input_json_dir = '../data/sql_output/sub_files/' +output_json_dir = '../data/sql_output/' + +for region_name in region_list: + file_list = glob.glob(os.path.join(input_json_dir, 'spatialbert-osm-point-' + region_name + '*.json')) + file_list = sorted(file_list) + print('found %d files for region %s' % (len(file_list), region_name)) + + + num_test_files = int(math.ceil(len(file_list) * 0.2)) + num_train_val_files = len(file_list) - num_test_files + + print('%d files for train-val' % num_train_val_files) + print('%d files for test-tes' % num_test_files) + + train_val_output_path = os.path.join(output_json_dir + 'osm-point-' + region_name + '_train_val.json') + test_output_path = os.path.join(output_json_dir + 'osm-point-' + region_name + '_test.json') + + # refresh the file + with open(train_val_output_path, 'w') as f: + pass + with open(test_output_path, 'w') as f: + pass + + for idx in range(len(file_list)): + + if idx < num_train_val_files: + output_path = train_val_output_path + else: + output_path = test_output_path + + file_path = file_list[idx] + + print(file_path) + + with open(file_path, 'r') as f: + data = f.readlines() + + line = data[0] + + line = re.sub(r'\n', '', line) + line = re.sub(r'\\n', '', line) + line = re.sub(r'\\+', '', line) + line = re.sub(r'\+', '', line) + + line_dict_list = json.loads(line) + + + for line_dict in line_dict_list: + + line_dict = line_dict['json_build_object'] + + if not line_dict['name'][0].isalpha(): # discard record if the first char is not enghlish etter + continue + + neighbor_name_list = line_dict['neighbor_info'][0]['name_list'] + neighbor_geom_list = line_dict['neighbor_info'][0]['geometry_list'] + + assert(len(neighbor_geom_list) == len(neighbor_geom_list)) + + temp_dict = \ + {'info':{'name':line_dict['name'], + 'geometry':{'coordinates':line_dict['geometry']}, + 'class':line_dict['class'] + }, + 'neighbor_info':{'name_list': neighbor_name_list, + 'geometry_list': neighbor_geom_list + } + } + + with open(output_path, 'a') as f: + json.dump(temp_dict, f) + f.write('\n') + + + + + diff --git a/models/spabert/experiments/semantic_typing/src/__init__.py b/models/spabert/experiments/semantic_typing/src/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/models/spabert/experiments/semantic_typing/src/run_baseline_test.py b/models/spabert/experiments/semantic_typing/src/run_baseline_test.py new file mode 100644 index 0000000000000000000000000000000000000000..3394fa5b1f580fc9dc97abda10e1ccedca43749c --- /dev/null +++ b/models/spabert/experiments/semantic_typing/src/run_baseline_test.py @@ -0,0 +1,82 @@ +import os +import pdb +import argparse +import numpy as np +import time + +MODEL_OPTIONS = ['bert-base','bert-large','roberta-base','roberta-large', +'spanbert-base','spanbert-large','luke-base','luke-large', +'simcse-bert-base','simcse-bert-large','simcse-roberta-base','simcse-roberta-large'] + +def execute_command(command, if_print_command): + t1 = time.time() + + if if_print_command: + print(command) + os.system(command) + + t2 = time.time() + time_usage = t2 - t1 + return time_usage + +def run_test(args): + weight_dir = args.weight_dir + backbone_option = args.backbone_option + gpu_id = str(args.gpu_id) + if_print_command = args.print_command + sep_between_neighbors = args.sep_between_neighbors + + assert backbone_option in MODEL_OPTIONS + + if sep_between_neighbors: + sep_str = '_sep' + else: + sep_str = '' + + if 'large' in backbone_option: + checkpoint_dir = os.path.join(weight_dir, 'typing_lr1e-06_%s_nofreeze%s_london_california_bsize12'% (backbone_option, sep_str)) + else: + checkpoint_dir = os.path.join(weight_dir, 'typing_lr5e-05_%s_nofreeze%s_london_california_bsize12'% (backbone_option, sep_str)) + weight_files = os.listdir(checkpoint_dir) + + val_loss_list = [weight_file.split('_')[-1] for weight_file in weight_files] + min_loss_weight = weight_files[np.argmin(val_loss_list)] + + checkpoint_path = os.path.join(checkpoint_dir, min_loss_weight) + + if sep_between_neighbors: + command = 'CUDA_VISIBLE_DEVICES=%s python3 test_cls_baseline.py --sep_between_neighbors --backbone_option=%s --batch_size=8 --with_type --checkpoint_path=%s ' % (gpu_id, backbone_option, checkpoint_path) + else: + command = 'CUDA_VISIBLE_DEVICES=%s python3 test_cls_baseline.py --backbone_option=%s --batch_size=8 --with_type --checkpoint_path=%s ' % (gpu_id, backbone_option, checkpoint_path) + + + execute_command(command, if_print_command) + + + + +def main(): + parser = argparse.ArgumentParser() + + parser.add_argument('--weight_dir', type=str, default='/data2/zekun/spatial_bert_baseline_weights/') + parser.add_argument('--sep_between_neighbors', default=False, action='store_true') + parser.add_argument('--backbone_option', type=str, default=None) + parser.add_argument('--gpu_id', type=int, default=0) # output prefix + + parser.add_argument('--print_command', default=False, action='store_true') + + + args = parser.parse_args() + print('\n') + print(args) + print('\n') + + run_test(args) + + +if __name__ == '__main__': + + main() + + + diff --git a/models/spabert/experiments/semantic_typing/src/test_cls_ablation_spatialbert.py b/models/spabert/experiments/semantic_typing/src/test_cls_ablation_spatialbert.py new file mode 100644 index 0000000000000000000000000000000000000000..dfb0be614900a10e2d17ffdc8dfee970c4bb7798 --- /dev/null +++ b/models/spabert/experiments/semantic_typing/src/test_cls_ablation_spatialbert.py @@ -0,0 +1,209 @@ +import os +import sys +from transformers import RobertaTokenizer, BertTokenizer +from tqdm import tqdm # for our progress bar +from transformers import AdamW + +import torch +from torch.utils.data import DataLoader +import torch.nn.functional as F + +sys.path.append('../../../') +from models.spatial_bert_model import SpatialBertModel +from models.spatial_bert_model import SpatialBertConfig +from models.spatial_bert_model import SpatialBertForMaskedLM, SpatialBertForSemanticTyping +from datasets.osm_sample_loader import PbfMapDataset +from datasets.const import * +from transformers.models.bert.modeling_bert import BertForMaskedLM + +from sklearn.metrics import label_ranking_average_precision_score +from sklearn.metrics import precision_recall_fscore_support +import numpy as np +import argparse +from sklearn.preprocessing import LabelEncoder +import pdb + + +DEBUG = False +torch.backends.cudnn.deterministic = True +torch.backends.cudnn.benchmark = False +torch.manual_seed(42) +torch.cuda.manual_seed_all(42) + + +def testing(args): + + max_token_len = args.max_token_len + batch_size = args.batch_size + num_workers = args.num_workers + distance_norm_factor = args.distance_norm_factor + spatial_dist_fill=args.spatial_dist_fill + with_type = args.with_type + sep_between_neighbors = args.sep_between_neighbors + checkpoint_path = args.checkpoint_path + if_no_spatial_distance = args.no_spatial_distance + + bert_option = args.bert_option + num_neighbor_limit = args.num_neighbor_limit + + + london_file_path = '../data/sql_output/osm-point-london-typing.json' + california_file_path = '../data/sql_output/osm-point-california-typing.json' + + + if bert_option == 'bert-base': + tokenizer = BertTokenizer.from_pretrained("bert-base-uncased") + config = SpatialBertConfig(use_spatial_distance_embedding = not if_no_spatial_distance, num_semantic_types=len(CLASS_9_LIST)) + elif bert_option == 'bert-large': + tokenizer = BertTokenizer.from_pretrained("bert-large-uncased") + config = SpatialBertConfig(use_spatial_distance_embedding = not if_no_spatial_distance, hidden_size = 1024, intermediate_size = 4096, num_attention_heads=16, num_hidden_layers=24,num_semantic_types=len(CLASS_9_LIST)) + else: + raise NotImplementedError + + + model = SpatialBertForSemanticTyping(config) + + + label_encoder = LabelEncoder() + label_encoder.fit(CLASS_9_LIST) + + + + london_dataset = PbfMapDataset(data_file_path = london_file_path, + tokenizer = tokenizer, + max_token_len = max_token_len, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = with_type, + sep_between_neighbors = sep_between_neighbors, + label_encoder = label_encoder, + num_neighbor_limit = num_neighbor_limit, + mode = 'test',) + + california_dataset = PbfMapDataset(data_file_path = california_file_path, + tokenizer = tokenizer, + max_token_len = max_token_len, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = with_type, + sep_between_neighbors = sep_between_neighbors, + label_encoder = label_encoder, + num_neighbor_limit = num_neighbor_limit, + mode = 'test') + + test_dataset = torch.utils.data.ConcatDataset([london_dataset, california_dataset]) + + + + test_loader = DataLoader(test_dataset, batch_size= batch_size, num_workers=num_workers, + shuffle=False, pin_memory=True, drop_last=False) + + + device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') + model.to(device) + + + model.load_state_dict(torch.load(checkpoint_path)) # # + + model.eval() + + + + print('start testing...') + + + # setup loop with TQDM and dataloader + loop = tqdm(test_loader, leave=True) + + + mrr_total = 0. + prec_total = 0. + sample_cnt = 0 + + gt_list = [] + pred_list = [] + + for batch in loop: + # initialize calculated gradients (from prev step) + + # pull all tensor batches required for training + input_ids = batch['pseudo_sentence'].to(device) + attention_mask = batch['attention_mask'].to(device) + position_list_x = batch['norm_lng_list'].to(device) + position_list_y = batch['norm_lat_list'].to(device) + sent_position_ids = batch['sent_position_ids'].to(device) + + #labels = batch['pseudo_sentence'].to(device) + labels = batch['pivot_type'].to(device) + pivot_lens = batch['pivot_token_len'].to(device) + + outputs = model(input_ids, attention_mask = attention_mask, sent_position_ids = sent_position_ids, + position_list_x = position_list_x, position_list_y = position_list_y, labels = labels, pivot_len_list = pivot_lens) + + + onehot_labels = F.one_hot(labels, num_classes=9) + + gt_list.extend(onehot_labels.cpu().detach().numpy()) + pred_list.extend(outputs.logits.cpu().detach().numpy()) + + #pdb.set_trace() + mrr = label_ranking_average_precision_score(onehot_labels.cpu().detach().numpy(), outputs.logits.cpu().detach().numpy()) + mrr_total += mrr * input_ids.shape[0] + sample_cnt += input_ids.shape[0] + + precisions, recalls, fscores, supports = precision_recall_fscore_support(np.argmax(np.array(gt_list),axis=1), np.argmax(np.array(pred_list),axis=1), average=None) + + precision, recall, f1, _ = precision_recall_fscore_support(np.argmax(np.array(gt_list),axis=1), np.argmax(np.array(pred_list),axis=1), average='micro') + + # print('precisions:\n', ["{:.3f}".format(prec) for prec in precisions]) + # print('recalls:\n', ["{:.3f}".format(rec) for rec in recalls]) + # print('fscores:\n', ["{:.3f}".format(f1) for f1 in fscores]) + # print('supports:\n', supports) + print('micro P, micro R, micro F1', "{:.3f}".format(precision), "{:.3f}".format(recall), "{:.3f}".format(f1)) + + + +def main(): + + parser = argparse.ArgumentParser() + + parser.add_argument('--max_token_len', type=int, default=300) + parser.add_argument('--batch_size', type=int, default=12) + parser.add_argument('--num_workers', type=int, default=5) + + parser.add_argument('--num_neighbor_limit', type=int, default = None) + + parser.add_argument('--distance_norm_factor', type=float, default = 0.0001) + parser.add_argument('--spatial_dist_fill', type=float, default = 20) + + + parser.add_argument('--with_type', default=False, action='store_true') + parser.add_argument('--sep_between_neighbors', default=False, action='store_true') + parser.add_argument('--no_spatial_distance', default=False, action='store_true') + + parser.add_argument('--bert_option', type=str, default='bert-base') + parser.add_argument('--prediction_save_dir', type=str, default=None) + + parser.add_argument('--checkpoint_path', type=str, default=None) + + + + args = parser.parse_args() + print('\n') + print(args) + print('\n') + + + # out_dir not None, and out_dir does not exist, then create out_dir + if args.prediction_save_dir is not None and not os.path.isdir(args.prediction_save_dir): + os.makedirs(args.prediction_save_dir) + + testing(args) + + + +if __name__ == '__main__': + + main() + + \ No newline at end of file diff --git a/models/spabert/experiments/semantic_typing/src/test_cls_baseline.py b/models/spabert/experiments/semantic_typing/src/test_cls_baseline.py new file mode 100644 index 0000000000000000000000000000000000000000..05ed3c304e413194ab20872f16ef8a6522fc816d --- /dev/null +++ b/models/spabert/experiments/semantic_typing/src/test_cls_baseline.py @@ -0,0 +1,189 @@ +import os +import sys +from tqdm import tqdm # for our progress bar +import numpy as np +import argparse +from sklearn.preprocessing import LabelEncoder +import pdb + + +import torch +from torch.utils.data import DataLoader +from transformers import AdamW +import torch.nn.functional as F + +sys.path.append('../../../') +from datasets.osm_sample_loader import PbfMapDataset +from datasets.const import * +from utils.baseline_utils import get_baseline_model +from models.baseline_typing_model import BaselineForSemanticTyping + +from sklearn.metrics import label_ranking_average_precision_score +from sklearn.metrics import precision_recall_fscore_support + +torch.backends.cudnn.deterministic = True +torch.backends.cudnn.benchmark = False +torch.manual_seed(42) +torch.cuda.manual_seed_all(42) + + + +MODEL_OPTIONS = ['bert-base','bert-large','roberta-base','roberta-large', +'spanbert-base','spanbert-large','luke-base','luke-large', +'simcse-bert-base','simcse-bert-large','simcse-roberta-base','simcse-roberta-large'] + +def testing(args): + + num_workers = args.num_workers + batch_size = args.batch_size + max_token_len = args.max_token_len + + distance_norm_factor = args.distance_norm_factor + spatial_dist_fill=args.spatial_dist_fill + with_type = args.with_type + sep_between_neighbors = args.sep_between_neighbors + freeze_backbone = args.freeze_backbone + + + backbone_option = args.backbone_option + + checkpoint_path = args.checkpoint_path + + assert(backbone_option in MODEL_OPTIONS) + + + london_file_path = '../data/sql_output/osm-point-london-typing.json' + california_file_path = '../data/sql_output/osm-point-california-typing.json' + + + + label_encoder = LabelEncoder() + label_encoder.fit(CLASS_9_LIST) + + + device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') + + backbone_model, tokenizer = get_baseline_model(backbone_option) + model = BaselineForSemanticTyping(backbone_model, backbone_model.config.hidden_size, len(CLASS_9_LIST)) + + model.load_state_dict(torch.load(checkpoint_path) ) #, strict = False # load sentence position embedding weights as well + + model.to(device) + model.train() + + + + london_dataset = PbfMapDataset(data_file_path = london_file_path, + tokenizer = tokenizer, + max_token_len = max_token_len, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = with_type, + sep_between_neighbors = sep_between_neighbors, + label_encoder = label_encoder, + mode = 'test') + + + california_dataset = PbfMapDataset(data_file_path = california_file_path, + tokenizer = tokenizer, + max_token_len = max_token_len, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = with_type, + sep_between_neighbors = sep_between_neighbors, + label_encoder = label_encoder, + mode = 'test') + + test_dataset = torch.utils.data.ConcatDataset([london_dataset, california_dataset]) + + + test_loader = DataLoader(test_dataset, batch_size= batch_size, num_workers=num_workers, + shuffle=False, pin_memory=True, drop_last=False) + + + + + + print('start testing...') + + # setup loop with TQDM and dataloader + loop = tqdm(test_loader, leave=True) + + mrr_total = 0. + prec_total = 0. + sample_cnt = 0 + + gt_list = [] + pred_list = [] + + for batch in loop: + # initialize calculated gradients (from prev step) + + # pull all tensor batches required for training + input_ids = batch['pseudo_sentence'].to(device) + attention_mask = batch['attention_mask'].to(device) + position_ids = batch['sent_position_ids'].to(device) + + #labels = batch['pseudo_sentence'].to(device) + labels = batch['pivot_type'].to(device) + pivot_lens = batch['pivot_token_len'].to(device) + + outputs = model(input_ids, attention_mask = attention_mask, position_ids = position_ids, + labels = labels, pivot_len_list = pivot_lens) + + + onehot_labels = F.one_hot(labels, num_classes=9) + + gt_list.extend(onehot_labels.cpu().detach().numpy()) + pred_list.extend(outputs.logits.cpu().detach().numpy()) + + mrr = label_ranking_average_precision_score(onehot_labels.cpu().detach().numpy(), outputs.logits.cpu().detach().numpy()) + mrr_total += mrr * input_ids.shape[0] + sample_cnt += input_ids.shape[0] + + precisions, recalls, fscores, supports = precision_recall_fscore_support(np.argmax(np.array(gt_list),axis=1), np.argmax(np.array(pred_list),axis=1), average=None) + precision, recall, f1, _ = precision_recall_fscore_support(np.argmax(np.array(gt_list),axis=1), np.argmax(np.array(pred_list),axis=1), average='micro') + print('precisions:\n', ["{:.3f}".format(prec) for prec in precisions]) + print('recalls:\n', ["{:.3f}".format(rec) for rec in recalls]) + print('fscores:\n', ["{:.3f}".format(f1) for f1 in fscores]) + print('supports:\n', supports) + print('micro P, micro R, micro F1', "{:.3f}".format(precision), "{:.3f}".format(recall), "{:.3f}".format(f1)) + + #pdb.set_trace() + #print(mrr_total/sample_cnt) + + + +def main(): + + parser = argparse.ArgumentParser() + parser.add_argument('--num_workers', type=int, default=5) + parser.add_argument('--batch_size', type=int, default=12) + parser.add_argument('--max_token_len', type=int, default=300) + + + parser.add_argument('--distance_norm_factor', type=float, default = 0.0001) + parser.add_argument('--spatial_dist_fill', type=float, default = 20) + + parser.add_argument('--with_type', default=False, action='store_true') + parser.add_argument('--sep_between_neighbors', default=False, action='store_true') + parser.add_argument('--freeze_backbone', default=False, action='store_true') + + parser.add_argument('--backbone_option', type=str, default='bert-base') + parser.add_argument('--checkpoint_path', type=str, default=None) + + + args = parser.parse_args() + print('\n') + print(args) + print('\n') + + + testing(args) + + +if __name__ == '__main__': + + main() + + \ No newline at end of file diff --git a/models/spabert/experiments/semantic_typing/src/test_cls_spatialbert.py b/models/spabert/experiments/semantic_typing/src/test_cls_spatialbert.py new file mode 100644 index 0000000000000000000000000000000000000000..f8950c92b3209e9272ca0d930204f0c6d27eb541 --- /dev/null +++ b/models/spabert/experiments/semantic_typing/src/test_cls_spatialbert.py @@ -0,0 +1,214 @@ +import os +import sys +from transformers import RobertaTokenizer, BertTokenizer +from tqdm import tqdm # for our progress bar +from transformers import AdamW + +import torch +from torch.utils.data import DataLoader +import torch.nn.functional as F + +sys.path.append('../../../') +from models.spatial_bert_model import SpatialBertModel +from models.spatial_bert_model import SpatialBertConfig +from models.spatial_bert_model import SpatialBertForMaskedLM, SpatialBertForSemanticTyping +from datasets.osm_sample_loader import PbfMapDataset +from datasets.const import * +from transformers.models.bert.modeling_bert import BertForMaskedLM + +from sklearn.metrics import label_ranking_average_precision_score +from sklearn.metrics import precision_recall_fscore_support +import numpy as np +import argparse +from sklearn.preprocessing import LabelEncoder +import pdb + + +DEBUG = False + +torch.backends.cudnn.deterministic = True +torch.backends.cudnn.benchmark = False +torch.manual_seed(42) +torch.cuda.manual_seed_all(42) + + +def testing(args): + + max_token_len = args.max_token_len + batch_size = args.batch_size + num_workers = args.num_workers + distance_norm_factor = args.distance_norm_factor + spatial_dist_fill=args.spatial_dist_fill + with_type = args.with_type + sep_between_neighbors = args.sep_between_neighbors + checkpoint_path = args.checkpoint_path + if_no_spatial_distance = args.no_spatial_distance + + bert_option = args.bert_option + + + + if args.num_classes == 9: + london_file_path = '../../semantic_typing/data/sql_output/osm-point-london-typing.json' + california_file_path = '../../semantic_typing/data/sql_output/osm-point-california-typing.json' + TYPE_LIST = CLASS_9_LIST + type_key_str = 'class' + elif args.num_classes == 74: + london_file_path = '../../semantic_typing/data/sql_output/osm-point-london-typing-ranking.json' + california_file_path = '../../semantic_typing/data/sql_output/osm-point-california-typing-ranking.json' + TYPE_LIST = CLASS_74_LIST + type_key_str = 'fine_class' + else: + raise NotImplementedError + + if bert_option == 'bert-base': + tokenizer = BertTokenizer.from_pretrained("bert-base-uncased") + config = SpatialBertConfig(use_spatial_distance_embedding = not if_no_spatial_distance, num_semantic_types=len(TYPE_LIST)) + elif bert_option == 'bert-large': + tokenizer = BertTokenizer.from_pretrained("bert-large-uncased") + config = SpatialBertConfig(use_spatial_distance_embedding = not if_no_spatial_distance, hidden_size = 1024, intermediate_size = 4096, num_attention_heads=16, num_hidden_layers=24,num_semantic_types=len(TYPE_LIST)) + else: + raise NotImplementedError + + + model = SpatialBertForSemanticTyping(config) + + + label_encoder = LabelEncoder() + label_encoder.fit(TYPE_LIST) + + london_dataset = PbfMapDataset(data_file_path = london_file_path, + tokenizer = tokenizer, + max_token_len = max_token_len, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = with_type, + type_key_str = type_key_str, + sep_between_neighbors = sep_between_neighbors, + label_encoder = label_encoder, + mode = 'test') + + california_dataset = PbfMapDataset(data_file_path = california_file_path, + tokenizer = tokenizer, + max_token_len = max_token_len, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = with_type, + type_key_str = type_key_str, + sep_between_neighbors = sep_between_neighbors, + label_encoder = label_encoder, + mode = 'test') + + test_dataset = torch.utils.data.ConcatDataset([london_dataset, california_dataset]) + + + + test_loader = DataLoader(test_dataset, batch_size= batch_size, num_workers=num_workers, + shuffle=False, pin_memory=True, drop_last=False) + + + device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') + model.to(device) + + model.load_state_dict(torch.load(checkpoint_path)) + + model.eval() + + + + print('start testing...') + + + # setup loop with TQDM and dataloader + loop = tqdm(test_loader, leave=True) + + + mrr_total = 0. + prec_total = 0. + sample_cnt = 0 + + gt_list = [] + pred_list = [] + + for batch in loop: + # initialize calculated gradients (from prev step) + + # pull all tensor batches required for training + input_ids = batch['pseudo_sentence'].to(device) + attention_mask = batch['attention_mask'].to(device) + position_list_x = batch['norm_lng_list'].to(device) + position_list_y = batch['norm_lat_list'].to(device) + sent_position_ids = batch['sent_position_ids'].to(device) + + #labels = batch['pseudo_sentence'].to(device) + labels = batch['pivot_type'].to(device) + pivot_lens = batch['pivot_token_len'].to(device) + + outputs = model(input_ids, attention_mask = attention_mask, sent_position_ids = sent_position_ids, + position_list_x = position_list_x, position_list_y = position_list_y, labels = labels, pivot_len_list = pivot_lens) + + + onehot_labels = F.one_hot(labels, num_classes=len(TYPE_LIST)) + + gt_list.extend(onehot_labels.cpu().detach().numpy()) + pred_list.extend(outputs.logits.cpu().detach().numpy()) + + mrr = label_ranking_average_precision_score(onehot_labels.cpu().detach().numpy(), outputs.logits.cpu().detach().numpy()) + mrr_total += mrr * input_ids.shape[0] + sample_cnt += input_ids.shape[0] + + precisions, recalls, fscores, supports = precision_recall_fscore_support(np.argmax(np.array(gt_list),axis=1), np.argmax(np.array(pred_list),axis=1), average=None) + # print('precisions:\n', precisions) + # print('recalls:\n', recalls) + # print('fscores:\n', fscores) + # print('supports:\n', supports) + precision, recall, f1, _ = precision_recall_fscore_support(np.argmax(np.array(gt_list),axis=1), np.argmax(np.array(pred_list),axis=1), average='micro') + print('precisions:\n', ["{:.3f}".format(prec) for prec in precisions]) + print('recalls:\n', ["{:.3f}".format(rec) for rec in recalls]) + print('fscores:\n', ["{:.3f}".format(f1) for f1 in fscores]) + print('supports:\n', supports) + print('micro P, micro R, micro F1', "{:.3f}".format(precision), "{:.3f}".format(recall), "{:.3f}".format(f1)) + + + + +def main(): + + parser = argparse.ArgumentParser() + + parser.add_argument('--max_token_len', type=int, default=512) + parser.add_argument('--batch_size', type=int, default=12) + parser.add_argument('--num_workers', type=int, default=5) + + parser.add_argument('--distance_norm_factor', type=float, default = 0.0001) + parser.add_argument('--spatial_dist_fill', type=float, default = 100) + parser.add_argument('--num_classes', type=int, default = 9) + + parser.add_argument('--with_type', default=False, action='store_true') + parser.add_argument('--sep_between_neighbors', default=False, action='store_true') + parser.add_argument('--no_spatial_distance', default=False, action='store_true') + + parser.add_argument('--bert_option', type=str, default='bert-base') + parser.add_argument('--prediction_save_dir', type=str, default=None) + + parser.add_argument('--checkpoint_path', type=str, default=None) + + + args = parser.parse_args() + print('\n') + print(args) + print('\n') + + + # out_dir not None, and out_dir does not exist, then create out_dir + if args.prediction_save_dir is not None and not os.path.isdir(args.prediction_save_dir): + os.makedirs(args.prediction_save_dir) + + testing(args) + + +if __name__ == '__main__': + + main() + + \ No newline at end of file diff --git a/models/spabert/experiments/semantic_typing/src/train_cls_baseline.py b/models/spabert/experiments/semantic_typing/src/train_cls_baseline.py new file mode 100644 index 0000000000000000000000000000000000000000..e88e702cb1a98a8044dfb088d08c9ceb20bcba7e --- /dev/null +++ b/models/spabert/experiments/semantic_typing/src/train_cls_baseline.py @@ -0,0 +1,227 @@ +import os +import sys +from tqdm import tqdm # for our progress bar +import numpy as np +import argparse +from sklearn.preprocessing import LabelEncoder +import pdb + + +import torch +from torch.utils.data import DataLoader +from transformers import AdamW + +sys.path.append('../../../') +from datasets.osm_sample_loader import PbfMapDataset +from datasets.const import * +from utils.baseline_utils import get_baseline_model +from models.baseline_typing_model import BaselineForSemanticTyping + + +MODEL_OPTIONS = ['bert-base','bert-large','roberta-base','roberta-large', +'spanbert-base','spanbert-large','luke-base','luke-large', +'simcse-bert-base','simcse-bert-large','simcse-roberta-base','simcse-roberta-large'] + +def training(args): + + num_workers = args.num_workers + batch_size = args.batch_size + epochs = args.epochs + lr = args.lr #1e-7 # 5e-5 + save_interval = args.save_interval + max_token_len = args.max_token_len + distance_norm_factor = args.distance_norm_factor + spatial_dist_fill=args.spatial_dist_fill + with_type = args.with_type + sep_between_neighbors = args.sep_between_neighbors + freeze_backbone = args.freeze_backbone + + + backbone_option = args.backbone_option + + assert(backbone_option in MODEL_OPTIONS) + + + london_file_path = '../data/sql_output/osm-point-london-typing.json' + california_file_path = '../data/sql_output/osm-point-california-typing.json' + + if args.model_save_dir is None: + freeze_pathstr = '_freeze' if freeze_backbone else '_nofreeze' + sep_pathstr = '_sep' if sep_between_neighbors else '_nosep' + model_save_dir = '/data2/zekun/spatial_bert_baseline_weights/typing_lr' + str("{:.0e}".format(lr)) +'_'+backbone_option+ freeze_pathstr + sep_pathstr + '_london_california_bsize' + str(batch_size) + + if not os.path.isdir(model_save_dir): + os.makedirs(model_save_dir) + else: + model_save_dir = args.model_save_dir + + print('model_save_dir', model_save_dir) + print('\n') + + + label_encoder = LabelEncoder() + label_encoder.fit(CLASS_9_LIST) + + device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') + + backbone_model, tokenizer = get_baseline_model(backbone_option) + model = BaselineForSemanticTyping(backbone_model, backbone_model.config.hidden_size, len(CLASS_9_LIST)) + + model.to(device) + model.train() + + london_train_val_dataset = PbfMapDataset(data_file_path = london_file_path, + tokenizer = tokenizer, + max_token_len = max_token_len, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = with_type, + sep_between_neighbors = sep_between_neighbors, + label_encoder = label_encoder, + mode = 'train') + + percent_80 = int(len(london_train_val_dataset) * 0.8) + london_train_dataset, london_val_dataset = torch.utils.data.random_split(london_train_val_dataset, [percent_80, len(london_train_val_dataset) - percent_80]) + + california_train_val_dataset = PbfMapDataset(data_file_path = california_file_path, + tokenizer = tokenizer, + max_token_len = max_token_len, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = with_type, + sep_between_neighbors = sep_between_neighbors, + label_encoder = label_encoder, + mode = 'train') + percent_80 = int(len(california_train_val_dataset) * 0.8) + california_train_dataset, california_val_dataset = torch.utils.data.random_split(california_train_val_dataset, [percent_80, len(california_train_val_dataset) - percent_80]) + + train_dataset = torch.utils.data.ConcatDataset([london_train_dataset, california_train_dataset]) + val_dataset = torch.utils.data.ConcatDataset([london_val_dataset, california_val_dataset]) + + + + train_loader = DataLoader(train_dataset, batch_size= batch_size, num_workers=num_workers, + shuffle=True, pin_memory=True, drop_last=True) + val_loader = DataLoader(val_dataset, batch_size= batch_size, num_workers=num_workers, + shuffle=False, pin_memory=True, drop_last=False) + + + + + + + + # initialize optimizer + optim = AdamW(model.parameters(), lr = lr) + + print('start training...') + + for epoch in range(epochs): + # setup loop with TQDM and dataloader + loop = tqdm(train_loader, leave=True) + iter = 0 + for batch in loop: + # initialize calculated gradients (from prev step) + optim.zero_grad() + # pull all tensor batches required for training + input_ids = batch['pseudo_sentence'].to(device) + attention_mask = batch['attention_mask'].to(device) + position_ids = batch['sent_position_ids'].to(device) + + #labels = batch['pseudo_sentence'].to(device) + labels = batch['pivot_type'].to(device) + pivot_lens = batch['pivot_token_len'].to(device) + + outputs = model(input_ids, attention_mask = attention_mask, position_ids = position_ids, + labels = labels, pivot_len_list = pivot_lens) + + + loss = outputs.loss + loss.backward() + optim.step() + + loop.set_description(f'Epoch {epoch}') + loop.set_postfix({'loss':loss.item()}) + + + iter += 1 + + if iter % save_interval == 0 or iter == loop.total: + loss_valid = validating(val_loader, model, device) + print('validation loss', loss_valid) + + save_path = os.path.join(model_save_dir, 'ep'+str(epoch) + '_iter'+ str(iter).zfill(5) \ + + '_' +str("{:.4f}".format(loss.item())) + '_val' + str("{:.4f}".format(loss_valid)) +'.pth' ) + + torch.save(model.state_dict(), save_path) + print('saving model checkpoint to', save_path) + + + +def validating(val_loader, model, device): + + with torch.no_grad(): + + loss_valid = 0 + loop = tqdm(val_loader, leave=True) + + for batch in loop: + input_ids = batch['pseudo_sentence'].to(device) + attention_mask = batch['attention_mask'].to(device) + position_ids = batch['sent_position_ids'].to(device) + + labels = batch['pivot_type'].to(device) + pivot_lens = batch['pivot_token_len'].to(device) + + outputs = model(input_ids, attention_mask = attention_mask, position_ids = position_ids, + labels = labels, pivot_len_list = pivot_lens) + + loss_valid += outputs.loss + + loss_valid /= len(val_loader) + + return loss_valid + + +def main(): + + parser = argparse.ArgumentParser() + parser.add_argument('--num_workers', type=int, default=5) + parser.add_argument('--batch_size', type=int, default=12) + parser.add_argument('--epochs', type=int, default=10) + parser.add_argument('--save_interval', type=int, default=2000) + parser.add_argument('--max_token_len', type=int, default=300) + + + parser.add_argument('--lr', type=float, default = 5e-5) + parser.add_argument('--distance_norm_factor', type=float, default = 0.0001) + parser.add_argument('--spatial_dist_fill', type=float, default = 20) + + parser.add_argument('--with_type', default=False, action='store_true') + parser.add_argument('--sep_between_neighbors', default=False, action='store_true') + parser.add_argument('--freeze_backbone', default=False, action='store_true') + + parser.add_argument('--backbone_option', type=str, default='bert-base') + parser.add_argument('--model_save_dir', type=str, default=None) + + + + args = parser.parse_args() + print('\n') + print(args) + print('\n') + + + # out_dir not None, and out_dir does not exist, then create out_dir + if args.model_save_dir is not None and not os.path.isdir(args.model_save_dir): + os.makedirs(args.model_save_dir) + + training(args) + + + +if __name__ == '__main__': + + main() + + \ No newline at end of file diff --git a/models/spabert/experiments/semantic_typing/src/train_cls_spatialbert.py b/models/spabert/experiments/semantic_typing/src/train_cls_spatialbert.py new file mode 100644 index 0000000000000000000000000000000000000000..30b52d2daf549972ee0bb5402bd49c605e75869a --- /dev/null +++ b/models/spabert/experiments/semantic_typing/src/train_cls_spatialbert.py @@ -0,0 +1,276 @@ +import os +import sys +from transformers import RobertaTokenizer, BertTokenizer +from tqdm import tqdm # for our progress bar +from transformers import AdamW + +import torch +from torch.utils.data import DataLoader + +sys.path.append('../../../') +from models.spatial_bert_model import SpatialBertModel +from models.spatial_bert_model import SpatialBertConfig +from models.spatial_bert_model import SpatialBertForMaskedLM, SpatialBertForSemanticTyping +from datasets.osm_sample_loader import PbfMapDataset +from datasets.const import * + +from transformers.models.bert.modeling_bert import BertForMaskedLM + +import numpy as np +import argparse +from sklearn.preprocessing import LabelEncoder +import pdb + + +DEBUG = False + + +def training(args): + + num_workers = args.num_workers + batch_size = args.batch_size + epochs = args.epochs + lr = args.lr #1e-7 # 5e-5 + save_interval = args.save_interval + max_token_len = args.max_token_len + distance_norm_factor = args.distance_norm_factor + spatial_dist_fill=args.spatial_dist_fill + with_type = args.with_type + sep_between_neighbors = args.sep_between_neighbors + freeze_backbone = args.freeze_backbone + mlm_checkpoint_path = args.mlm_checkpoint_path + + if_no_spatial_distance = args.no_spatial_distance + + + bert_option = args.bert_option + + assert bert_option in ['bert-base','bert-large'] + + if args.num_classes == 9: + london_file_path = '../../semantic_typing/data/sql_output/osm-point-london-typing.json' + california_file_path = '../../semantic_typing/data/sql_output/osm-point-california-typing.json' + TYPE_LIST = CLASS_9_LIST + type_key_str = 'class' + elif args.num_classes == 74: + london_file_path = '../../semantic_typing/data/sql_output/osm-point-london-typing-ranking.json' + california_file_path = '../../semantic_typing/data/sql_output/osm-point-california-typing-ranking.json' + TYPE_LIST = CLASS_74_LIST + type_key_str = 'fine_class' + else: + raise NotImplementedError + + + if args.model_save_dir is None: + checkpoint_basename = os.path.basename(mlm_checkpoint_path) + checkpoint_prefix = checkpoint_basename.replace("mlm_mem_keeppos_","").strip('.pth') + + sep_pathstr = '_sep' if sep_between_neighbors else '_nosep' + freeze_pathstr = '_freeze' if freeze_backbone else '_nofreeze' + if if_no_spatial_distance: + model_save_dir = '/data2/zekun/spatial_bert_weights_ablation/' + else: + model_save_dir = '/data2/zekun/spatial_bert_weights/' + model_save_dir = os.path.join(model_save_dir, 'typing_lr' + str("{:.0e}".format(lr)) + sep_pathstr +'_'+bert_option+ freeze_pathstr + '_london_california_bsize' + str(batch_size) ) + model_save_dir = os.path.join(model_save_dir, checkpoint_prefix) + + if not os.path.isdir(model_save_dir): + os.makedirs(model_save_dir) + else: + model_save_dir = args.model_save_dir + + + print('model_save_dir', model_save_dir) + print('\n') + + if bert_option == 'bert-base': + tokenizer = BertTokenizer.from_pretrained("bert-base-uncased") + config = SpatialBertConfig(use_spatial_distance_embedding = not if_no_spatial_distance, num_semantic_types=len(TYPE_LIST)) + elif bert_option == 'bert-large': + tokenizer = BertTokenizer.from_pretrained("bert-large-uncased") + config = SpatialBertConfig(use_spatial_distance_embedding = not if_no_spatial_distance, hidden_size = 1024, intermediate_size = 4096, num_attention_heads=16, num_hidden_layers=24, num_semantic_types=len(TYPE_LIST)) + else: + raise NotImplementedError + + + + label_encoder = LabelEncoder() + label_encoder.fit(TYPE_LIST) + + + london_train_val_dataset = PbfMapDataset(data_file_path = london_file_path, + tokenizer = tokenizer, + max_token_len = max_token_len, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = with_type, + type_key_str = type_key_str, + sep_between_neighbors = sep_between_neighbors, + label_encoder = label_encoder, + mode = 'train') + + percent_80 = int(len(london_train_val_dataset) * 0.8) + london_train_dataset, london_val_dataset = torch.utils.data.random_split(london_train_val_dataset, [percent_80, len(london_train_val_dataset) - percent_80]) + + california_train_val_dataset = PbfMapDataset(data_file_path = california_file_path, + tokenizer = tokenizer, + max_token_len = max_token_len, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = with_type, + type_key_str = type_key_str, + sep_between_neighbors = sep_between_neighbors, + label_encoder = label_encoder, + mode = 'train') + percent_80 = int(len(california_train_val_dataset) * 0.8) + california_train_dataset, california_val_dataset = torch.utils.data.random_split(california_train_val_dataset, [percent_80, len(california_train_val_dataset) - percent_80]) + + train_dataset = torch.utils.data.ConcatDataset([london_train_dataset, california_train_dataset]) + val_dataset = torch.utils.data.ConcatDataset([london_val_dataset, california_val_dataset]) + + + if DEBUG: + train_loader = DataLoader(train_dataset, batch_size= batch_size, num_workers=num_workers, + shuffle=False, pin_memory=True, drop_last=True) + val_loader = DataLoader(val_dataset, batch_size= batch_size, num_workers=num_workers, + shuffle=False, pin_memory=True, drop_last=False) + else: + train_loader = DataLoader(train_dataset, batch_size= batch_size, num_workers=num_workers, + shuffle=True, pin_memory=True, drop_last=True) + val_loader = DataLoader(val_dataset, batch_size= batch_size, num_workers=num_workers, + shuffle=False, pin_memory=True, drop_last=False) + + + device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') + + model = SpatialBertForSemanticTyping(config) + model.to(device) + + + model.load_state_dict(torch.load(mlm_checkpoint_path), strict = False) + + model.train() + + + + # initialize optimizer + optim = AdamW(model.parameters(), lr = lr) + + print('start training...') + + for epoch in range(epochs): + # setup loop with TQDM and dataloader + loop = tqdm(train_loader, leave=True) + iter = 0 + for batch in loop: + # initialize calculated gradients (from prev step) + optim.zero_grad() + # pull all tensor batches required for training + input_ids = batch['pseudo_sentence'].to(device) + attention_mask = batch['attention_mask'].to(device) + position_list_x = batch['norm_lng_list'].to(device) + position_list_y = batch['norm_lat_list'].to(device) + sent_position_ids = batch['sent_position_ids'].to(device) + + #labels = batch['pseudo_sentence'].to(device) + labels = batch['pivot_type'].to(device) + pivot_lens = batch['pivot_token_len'].to(device) + + outputs = model(input_ids, attention_mask = attention_mask, sent_position_ids = sent_position_ids, + position_list_x = position_list_x, position_list_y = position_list_y, labels = labels, pivot_len_list = pivot_lens) + + + loss = outputs.loss + loss.backward() + optim.step() + + loop.set_description(f'Epoch {epoch}') + loop.set_postfix({'loss':loss.item()}) + + if DEBUG: + print('ep'+str(epoch)+'_' + '_iter'+ str(iter).zfill(5), loss.item() ) + + iter += 1 + + if iter % save_interval == 0 or iter == loop.total: + loss_valid = validating(val_loader, model, device) + + save_path = os.path.join(model_save_dir, 'keeppos_ep'+str(epoch) + '_iter'+ str(iter).zfill(5) \ + + '_' +str("{:.4f}".format(loss.item())) + '_val' + str("{:.4f}".format(loss_valid)) +'.pth' ) + + torch.save(model.state_dict(), save_path) + print('validation loss', loss_valid) + print('saving model checkpoint to', save_path) + +def validating(val_loader, model, device): + + with torch.no_grad(): + + loss_valid = 0 + loop = tqdm(val_loader, leave=True) + + for batch in loop: + input_ids = batch['pseudo_sentence'].to(device) + attention_mask = batch['attention_mask'].to(device) + position_list_x = batch['norm_lng_list'].to(device) + position_list_y = batch['norm_lat_list'].to(device) + sent_position_ids = batch['sent_position_ids'].to(device) + + + labels = batch['pivot_type'].to(device) + pivot_lens = batch['pivot_token_len'].to(device) + + outputs = model(input_ids, attention_mask = attention_mask, sent_position_ids = sent_position_ids, + position_list_x = position_list_x, position_list_y = position_list_y, labels = labels, pivot_len_list = pivot_lens) + + loss_valid += outputs.loss + + loss_valid /= len(val_loader) + + return loss_valid + + +def main(): + + parser = argparse.ArgumentParser() + parser.add_argument('--num_workers', type=int, default=5) + parser.add_argument('--batch_size', type=int, default=12) + parser.add_argument('--epochs', type=int, default=10) + parser.add_argument('--save_interval', type=int, default=2000) + parser.add_argument('--max_token_len', type=int, default=512) + + + parser.add_argument('--lr', type=float, default = 5e-5) + parser.add_argument('--distance_norm_factor', type=float, default = 0.0001) + parser.add_argument('--spatial_dist_fill', type=float, default = 100) + parser.add_argument('--num_classes', type=int, default = 9) + + parser.add_argument('--with_type', default=False, action='store_true') + parser.add_argument('--sep_between_neighbors', default=False, action='store_true') + parser.add_argument('--freeze_backbone', default=False, action='store_true') + parser.add_argument('--no_spatial_distance', default=False, action='store_true') + + parser.add_argument('--bert_option', type=str, default='bert-base') + parser.add_argument('--model_save_dir', type=str, default=None) + + parser.add_argument('--mlm_checkpoint_path', type=str, default=None) + + + args = parser.parse_args() + print('\n') + print(args) + print('\n') + + + # out_dir not None, and out_dir does not exist, then create out_dir + if args.model_save_dir is not None and not os.path.isdir(args.model_save_dir): + os.makedirs(args.model_save_dir) + + training(args) + + +if __name__ == '__main__': + + main() + + \ No newline at end of file diff --git a/models/spabert/models/__init__.py b/models/spabert/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/models/spabert/models/__pycache__/__init__.cpython-310.pyc b/models/spabert/models/__pycache__/__init__.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..2547dc994cc3532704c99e123675e04fb46bf2b1 Binary files /dev/null and b/models/spabert/models/__pycache__/__init__.cpython-310.pyc differ diff --git a/models/spabert/models/__pycache__/spatial_bert_model.cpython-310.pyc b/models/spabert/models/__pycache__/spatial_bert_model.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..328cb51e3814ae61e9210bd559097a21d94432dc Binary files /dev/null and b/models/spabert/models/__pycache__/spatial_bert_model.cpython-310.pyc differ diff --git a/models/spabert/models/baseline_typing_model.py b/models/spabert/models/baseline_typing_model.py new file mode 100644 index 0000000000000000000000000000000000000000..cebd1c0395affbc0b5eb9d989001365d60ac0c48 --- /dev/null +++ b/models/spabert/models/baseline_typing_model.py @@ -0,0 +1,106 @@ + +import torch +import torch.utils.checkpoint +from torch import nn +from torch.nn import CrossEntropyLoss, MSELoss +from transformers.modeling_outputs import SequenceClassifierOutput + + +class PivotEntityPooler(nn.Module): + def __init__(self): + super().__init__() + + + def forward(self, hidden_states, pivot_len_list): + # We "pool" the model by simply taking the hidden state corresponding + # to the tokens of pivot entity + + bsize = hidden_states.shape[0] + + tensor_list = [] + for i in torch.arange(0, bsize): + pivot_token_full = hidden_states[i, 1:pivot_len_list[i]+1] + pivot_token_tensor = torch.mean(torch.unsqueeze(pivot_token_full, 0), dim = 1) + tensor_list.append(pivot_token_tensor) + + + batch_pivot_tensor = torch.cat(tensor_list, dim = 0) + + return batch_pivot_tensor + + +class BaselineTypingHead(nn.Module): + def __init__(self, hidden_size, num_semantic_types): + super().__init__() + self.dense = nn.Linear(hidden_size, hidden_size) + self.activation = nn.Tanh() + + self.seq_relationship = nn.Linear(hidden_size, num_semantic_types) + + def forward(self, pivot_pooled_output): + + pivot_pooled_output = self.dense(pivot_pooled_output) + pivot_pooled_output = self.activation(pivot_pooled_output) + + seq_relationship_score = self.seq_relationship(pivot_pooled_output) + return seq_relationship_score + + +class BaselineForSemanticTyping(nn.Module): + + def __init__(self, backbone, hidden_size, num_semantic_types): + super().__init__() + + self.backbone = backbone + self.pivot_pooler = PivotEntityPooler() + self.num_semantic_types = num_semantic_types + + self.cls = BaselineTypingHead(hidden_size, num_semantic_types) + + + def forward( + self, + input_ids=None, + position_ids = None, + pivot_len_list = None, + attention_mask=None, + head_mask=None, + labels=None, + output_attentions=None, + output_hidden_states=None, + return_dict = True + ): + + outputs = self.backbone( + input_ids, + attention_mask=attention_mask, + position_ids = position_ids, + head_mask=head_mask, + output_attentions=output_attentions, + output_hidden_states=output_hidden_states, + ) + + + sequence_output = outputs[0] + pooled_output = self.pivot_pooler(sequence_output, pivot_len_list) + + + type_prediction_score = self.cls(pooled_output) + + typing_loss = None + if labels is not None: + loss_fct = CrossEntropyLoss() + typing_loss = loss_fct(type_prediction_score.view(-1, self.num_semantic_types), labels.view(-1)) + + + + if not return_dict: + output = (type_prediction_score,) + outputs[2:] + return ((typing_loss,) + output) if typing_loss is not None else output + + return SequenceClassifierOutput( + loss=typing_loss, + logits=type_prediction_score, + hidden_states=outputs.hidden_states, + attentions=outputs.attentions, + ) diff --git a/models/spabert/models/spatial_bert_model.py b/models/spabert/models/spatial_bert_model.py new file mode 100644 index 0000000000000000000000000000000000000000..7951e64a49205c87c2be24581757b998fc9f140a --- /dev/null +++ b/models/spabert/models/spatial_bert_model.py @@ -0,0 +1,769 @@ +import collections.abc +import math +import pdb +import torch +import torch.utils.checkpoint +from torch import nn +from torch.nn import CrossEntropyLoss, MSELoss, MarginRankingLoss + +import transformers +from transformers.activations import ACT2FN +from transformers.file_utils import add_start_docstrings, add_start_docstrings_to_model_forward, replace_return_docstrings +from transformers.modeling_outputs import BaseModelOutput, BaseModelOutputWithPooling, SequenceClassifierOutput +from transformers.modeling_utils import PreTrainedModel, find_pruneable_heads_and_indices, prune_linear_layer +from transformers.utils import logging + +from transformers.modeling_utils import ( + PreTrainedModel, + apply_chunking_to_forward, + find_pruneable_heads_and_indices, + prune_linear_layer, +) + +from transformers.modeling_outputs import ( + BaseModelOutputWithPastAndCrossAttentions, + BaseModelOutputWithPoolingAndCrossAttentions, + CausalLMOutputWithCrossAttentions, + MaskedLMOutput, + MultipleChoiceModelOutput, + NextSentencePredictorOutput, + QuestionAnsweringModelOutput, + SequenceClassifierOutput, + TokenClassifierOutput, +) + +from transformers.models.bert.modeling_bert import BertPooler, BertEncoder, BertLayer, BertOnlyMLMHead +from transformers.models.bert.modeling_bert import load_tf_weights_in_bert +from transformers.models.bert.modeling_bert import BertModel, BertPreTrainedModel +from transformers.configuration_utils import PretrainedConfig + +""" +Acknowledge: SpaBERT code is derived/adapted from the BERT model from HuggingFace +https://huggingface.co/docs/transformers/model_doc/bert +""" + +class SpatialBertConfig(PretrainedConfig): + r""" + This is the configuration class to store the configuration of a :class:`SpatialBertModel` + It is used to instantiate a SpatialBERT model according to the specified arguments, + defining the model architecture. + + Args: + vocab_size (:obj:`int`, `optional`, defaults to 30522): + hidden_size (:obj:`int`, `optional`, defaults to 768): + Dimensionality of the encoder layers and the pooler layer. + num_hidden_layers (:obj:`int`, `optional`, defaults to 12): + Number of hidden layers in the Transformer encoder. + num_attention_heads (:obj:`int`, `optional`, defaults to 12): + Number of attention heads for each attention layer in the Transformer encoder. + intermediate_size (:obj:`int`, `optional`, defaults to 3072): + Dimensionality of the "intermediate" (often named feed-forward) layer in the Transformer encoder. + hidden_act (:obj:`str` or :obj:`Callable`, `optional`, defaults to :obj:`"gelu"`): + The non-linear activation function (function or string) in the encoder and pooler. If string, + :obj:`"gelu"`, :obj:`"relu"`, :obj:`"silu"` and :obj:`"gelu_new"` are supported. + hidden_dropout_prob (:obj:`float`, `optional`, defaults to 0.1): + The dropout probability for all fully connected layers in the embeddings, encoder, and pooler. + attention_probs_dropout_prob (:obj:`float`, `optional`, defaults to 0.1): + The dropout ratio for the attention probabilities. + max_position_embeddings (:obj:`int`, `optional`, defaults to 512): + The maximum sequence length that this model might ever be used with. Typically set this to something large + just in case (e.g., 512 or 1024 or 2048). + type_vocab_size (:obj:`int`, `optional`, defaults to 2): + The vocabulary size of the :obj:`token_type_ids` passed when calling :class:`~transformers.BertModel` or + :class:`~transformers.TFBertModel`. + initializer_range (:obj:`float`, `optional`, defaults to 0.02): + The standard deviation of the truncated_normal_initializer for initializing all weight matrices. + layer_norm_eps (:obj:`float`, `optional`, defaults to 1e-12): + The epsilon used by the layer normalization layers. + position_embedding_type (:obj:`str`, `optional`, defaults to :obj:`"absolute"`): + Type of position embedding. Choose one of :obj:`"absolute"`, :obj:`"relative_key"`, + :obj:`"relative_key_query"`. For positional embeddings use :obj:`"absolute"`. For more information on + :obj:`"relative_key"`, please refer to `Self-Attention with Relative Position Representations (Shaw et al.) + `__. For more information on :obj:`"relative_key_query"`, please refer to + `Method 4` in `Improve Transformer Models with Better Relative Position Embeddings (Huang et al.) + `__. + use_cache (:obj:`bool`, `optional`, defaults to :obj:`True`): + Whether or not the model should return the last key/values attentions (not used by all models). Only + relevant if ``config.is_decoder=True``. + use_spatial_distance_embedding (:obj:`bool`, `optional`, defaults to :obj:`True`): + Whether or not use spatial_distance_embedding + classifier_dropout (:obj:`float`, `optional`): + The dropout ratio for the classification head. + + + """ + model_type = "bert" + + def __init__( + self, + vocab_size=30522, + num_semantic_types=97, + hidden_size=768, + num_hidden_layers=12, + num_attention_heads=12, + intermediate_size=3072, + hidden_act="gelu", + hidden_dropout_prob=0.1, + attention_probs_dropout_prob=0.1, + max_position_embeddings=512, + type_vocab_size=2, + initializer_range=0.02, + layer_norm_eps=1e-12, + pad_token_id=0, + position_embedding_type="absolute", + use_cache=True, + use_spatial_distance_embedding = True, + classifier_dropout=None, + **kwargs + ): + super().__init__(pad_token_id=pad_token_id, **kwargs) + + self.vocab_size = vocab_size + self.hidden_size = hidden_size + self.num_hidden_layers = num_hidden_layers + self.num_attention_heads = num_attention_heads + self.hidden_act = hidden_act + self.intermediate_size = intermediate_size + self.hidden_dropout_prob = hidden_dropout_prob + self.attention_probs_dropout_prob = attention_probs_dropout_prob + self.max_position_embeddings = max_position_embeddings + self.type_vocab_size = type_vocab_size + self.initializer_range = initializer_range + self.layer_norm_eps = layer_norm_eps + self.position_embedding_type = position_embedding_type + self.use_cache = use_cache + self.use_spatial_distance_embedding = use_spatial_distance_embedding + self.classifier_dropout = classifier_dropout + self.num_semantic_types = num_semantic_types + + + +class ContinuousSpatialPositionalEmbedding(nn.Module): + def __init__(self, hidden_size): + super().__init__() + + self.emb_dim = int(hidden_size/2) # dimension of the embedding + + inv_freq = 1 / (10000 ** (torch.arange(0.0, self.emb_dim) / self.emb_dim)) #(emb_dim) + + self.register_buffer("inv_freq", inv_freq) + + def forward(self, x ): + bsz, seq_len = x.shape[0], x.shape[1] # get batch size + flat_x = torch.flatten(x) # (bsize, seq_len) -> bsize * seq_len + + flat_sinusoid_inp = torch.ger(flat_x, self.inv_freq) # outer-product, out_shape: (bsize * seq_len, emb_dim) + + sinusoid_inp = flat_sinusoid_inp.reshape(bsz, seq_len, self.emb_dim) #(bsize * seq_len, emb_dim) -> (bsize, seq_len, emb_dim) + + ret_pos_emb = torch.cat([sinusoid_inp.sin(), sinusoid_inp.cos()], dim=-1) # (bsize, seq_len, 2*emb_dim) + + return ret_pos_emb + + + +class SpatialBertPreTrainedModel(PreTrainedModel): + """ + An abstract class to handle weights initialization and a simple interface for downloading and loading pretrained + models. + """ + + config_class = SpatialBertConfig + load_tf_weights = load_tf_weights_in_bert + base_model_prefix = 'spatialbert' + supports_gradient_checkpointing = True + _keys_to_ignore_on_load_missing = [r"position_ids"] + + def _init_weights(self, module): + """Initialize the weights""" + if isinstance(module, nn.Linear): + # Slightly different from the TF version which uses truncated_normal for initialization + # cf https://github.com/pytorch/pytorch/pull/5617 + module.weight.data.normal_(mean=0.0, std=self.config.initializer_range) + if module.bias is not None: + module.bias.data.zero_() + elif isinstance(module, nn.Embedding): + module.weight.data.normal_(mean=0.0, std=self.config.initializer_range) + if module.padding_idx is not None: + module.weight.data[module.padding_idx].zero_() + elif isinstance(module, nn.LayerNorm): + module.bias.data.zero_() + module.weight.data.fill_(1.0) + + def _set_gradient_checkpointing(self, module, value=False): + if isinstance(module, BertEncoder): + module.gradient_checkpointing = value + + +class SpatialEmbedding(nn.Module): + # position_embedding_type controls the type for both sent_position_embedding and spatial_position_embedding + + def __init__(self, config): + super().__init__() + + + self.word_embeddings = nn.Embedding(config.vocab_size, config.hidden_size, padding_idx=config.pad_token_id) + + self.position_embeddings = nn.Embedding(config.max_position_embeddings, config.hidden_size) + + self.sent_position_embedding = self.position_embeddings # a trick to simplify the weight loading from Bert + + self.sent_position_embedding_type = getattr(config, "position_embedding_type", "absolute") + + + self.spatial_position_embedding = ContinuousSpatialPositionalEmbedding(hidden_size = config.hidden_size) + self.spatial_position_embedding_type = getattr(config, "position_embedding_type", "absolute") + + + # self.LayerNorm is not snake-cased to stick with TensorFlow model variable name and be able to load + # any TensorFlow checkpoint file + self.LayerNorm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps) + self.dropout = nn.Dropout(config.hidden_dropout_prob) + # position_ids (1, len position emb) is contiguous in memory and exported when serialized + + + self.use_spatial_distance_embedding = config.use_spatial_distance_embedding + + + def forward( + self, + input_ids=None, + sent_position_ids = None, + position_list_x=None, + position_list_y = None, + ): + + input_shape = input_ids.size() + + seq_length = input_shape[1] + + embeddings = self.word_embeddings(input_ids) + #pdb.set_trace() + + if self.use_spatial_distance_embedding: + if len(position_list_x) != 0 and len(position_list_y) !=0: + if self.spatial_position_embedding_type == "absolute": + pos_emb_x = self.spatial_position_embedding(position_list_x) + pos_emb_y = self.spatial_position_embedding(position_list_y) + + embeddings += 0.01* pos_emb_x + embeddings += 0.01* pos_emb_y + else: + raise NotImplementedError("Invalid spatial position embedding type") + # TODO: if relative, need to look at BertSelfAttention module as well + + else: + pass + else: + pass + + + if self.sent_position_embedding_type == "absolute": + pos_emb_sent = self.sent_position_embedding(sent_position_ids) + embeddings += pos_emb_sent + else: + raise NotImplementedError("Invalid sentence position embedding type") + # TODO: if relative, need to look at BertSelfAttention module as well + + + #pdb.set_trace() + + embeddings = self.LayerNorm(embeddings) + embeddings = self.dropout(embeddings) + + + + return embeddings + + + +class PivotEntityPooler(nn.Module): + def __init__(self): + super().__init__() + + + def forward(self, hidden_states, pivot_len_list): + # We "pool" the model by simply taking the hidden state corresponding + # to the tokens of pivot entity + + bsize = hidden_states.shape[0] + + tensor_list = [] + for i in torch.arange(0, bsize): + pivot_token_full = hidden_states[i, 1:pivot_len_list[i]+1] + pivot_token_tensor = torch.mean(torch.unsqueeze(pivot_token_full, 0), dim = 1) + tensor_list.append(pivot_token_tensor) + + + batch_pivot_tensor = torch.cat(tensor_list, dim = 0) + + return batch_pivot_tensor + + + +class SpatialBertModel(SpatialBertPreTrainedModel): + + + def __init__(self, config, add_pooling_layer=True): + super().__init__(config) + self.config = config + + self.embeddings = SpatialEmbedding(config) + self.encoder = BertEncoder(config) + + self.pooler = BertPooler(config) if add_pooling_layer else None + + + self.init_weights() + + def get_input_embeddings(self): + return self.embeddings.word_embeddings + + def set_input_embeddings(self, value): + self.embeddings.word_embeddings = value + + def _prune_heads(self, heads_to_prune): + """ + Prunes heads of the model. heads_to_prune: dict of {layer_num: list of heads to prune in this layer} See base + class PreTrainedModel + """ + for layer, heads in heads_to_prune.items(): + self.encoder.layer[layer].attention.prune_heads(heads) + + def forward( + self, + input_ids=None, + attention_mask=None, + sent_position_ids = None, + position_list_x = None, + position_list_y = None, + #pivot_len_list = None, + head_mask=None, + encoder_hidden_states=None, + encoder_attention_mask=None, + past_key_values=None, + use_cache=None, + output_attentions=None, + output_hidden_states=None, + return_dict=None, + ): + + output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions + output_hidden_states = ( + output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states + ) + return_dict = return_dict if return_dict is not None else self.config.use_return_dict + + if self.config.is_decoder: + use_cache = use_cache if use_cache is not None else self.config.use_cache + else: + use_cache = False + + assert input_ids is not None + input_shape = input_ids.size() + + + batch_size, seq_length = input_shape + device = input_ids.device if input_ids is not None else inputs_embeds.device + + # past_key_values_length + past_key_values_length = past_key_values[0][0].shape[2] if past_key_values is not None else 0 + + if attention_mask is None: + attention_mask = torch.ones(((batch_size, seq_length + past_key_values_length)), device=device) + + # We can provide a self-attention mask of dimensions [batch_size, from_seq_length, to_seq_length] + # ourselves in which case we just need to make it broadcastable to all heads. + extended_attention_mask: torch.Tensor = self.get_extended_attention_mask(attention_mask, input_shape, device) + + # If a 2D or 3D attention mask is provided for the cross-attention + # we need to make broadcastable to [batch_size, num_heads, seq_length, seq_length] + if self.config.is_decoder and encoder_hidden_states is not None: + encoder_batch_size, encoder_sequence_length, _ = encoder_hidden_states.size() + encoder_hidden_shape = (encoder_batch_size, encoder_sequence_length) + if encoder_attention_mask is None: + encoder_attention_mask = torch.ones(encoder_hidden_shape, device=device) + encoder_extended_attention_mask = self.invert_attention_mask(encoder_attention_mask) + else: + encoder_extended_attention_mask = None + + # Prepare head mask if needed + # 1.0 in head_mask indicate we keep the head + # attention_probs has shape bsz x n_heads x N x N + # input head_mask has shape [num_heads] or [num_hidden_layers x num_heads] + # and head_mask is converted to shape [num_hidden_layers x batch x num_heads x seq_length x seq_length] + head_mask = self.get_head_mask(head_mask, self.config.num_hidden_layers) + + + + embedding_output = self.embeddings( + input_ids=input_ids, + sent_position_ids = sent_position_ids, + position_list_x= position_list_x, + position_list_y = position_list_y, + ) + + + encoder_outputs = self.encoder( + embedding_output, + attention_mask=extended_attention_mask, + head_mask=head_mask, + encoder_hidden_states=encoder_hidden_states, + encoder_attention_mask=encoder_extended_attention_mask, + past_key_values=past_key_values, + use_cache=use_cache, + output_attentions=output_attentions, + output_hidden_states=output_hidden_states, + return_dict=return_dict, + ) + + sequence_output = encoder_outputs[0] + pooled_output = self.pooler(sequence_output) if self.pooler is not None else None + + if not return_dict: + + return (sequence_output, pooled_output) + encoder_outputs[1:] + + return BaseModelOutputWithPoolingAndCrossAttentions( + last_hidden_state=sequence_output, + pooler_output=pooled_output, + past_key_values=encoder_outputs.past_key_values, + hidden_states=encoder_outputs.hidden_states, + attentions=encoder_outputs.attentions, + cross_attentions=encoder_outputs.cross_attentions, + ) + + + + +class SpatialBertPredictionHeadTransform(nn.Module): + def __init__(self, config): + super().__init__() + self.dense = nn.Linear(config.hidden_size, config.hidden_size) + if isinstance(config.hidden_act, str): + self.transform_act_fn = ACT2FN[config.hidden_act] + else: + self.transform_act_fn = config.hidden_act + self.LayerNorm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps) + + def forward(self, hidden_states): + hidden_states = self.dense(hidden_states) + hidden_states = self.transform_act_fn(hidden_states) + hidden_states = self.LayerNorm(hidden_states) + return hidden_states + +class SpatialBertLMPredictionHead(nn.Module): + def __init__(self, config): + super().__init__() + self.transform = SpatialBertPredictionHeadTransform(config) + + # The output weights are the same as the input embeddings, but there is + # an output-only bias for each token. + self.decoder = nn.Linear(config.hidden_size, config.vocab_size, bias=False) + + self.bias = nn.Parameter(torch.zeros(config.vocab_size)) + + # Need a link between the two variables so that the bias is correctly resized with `resize_token_embeddings` + self.decoder.bias = self.bias + + def forward(self, hidden_states): + hidden_states = self.transform(hidden_states) + hidden_states = self.decoder(hidden_states) + return hidden_states + + +class SpatialBertOnlyMLMHead(nn.Module): + def __init__(self, config): + super().__init__() + self.predictions = SpatialBertLMPredictionHead(config) + + def forward(self, sequence_output): + prediction_scores = self.predictions(sequence_output) + return prediction_scores + + +class SpatialBertOnlyTypingHead(nn.Module): + def __init__(self, config): + super().__init__() + self.dense = nn.Linear(config.hidden_size, config.hidden_size) + self.activation = nn.Tanh() + + self.seq_relationship = nn.Linear(config.hidden_size, config.num_semantic_types) + + def forward(self, pivot_pooled_output): + + pivot_pooled_output = self.dense(pivot_pooled_output) + pivot_pooled_output = self.activation(pivot_pooled_output) + + seq_relationship_score = self.seq_relationship(pivot_pooled_output) + return seq_relationship_score + + +class SpatialBertPreTrainingHeads(nn.Module): + def __init__(self, config): + super().__init__() + self.predictions = SpatialBertLMPredictionHead(config) + self.seq_relationship = nn.Linear(config.hidden_size, config.num_semantic_types) + + def forward(self, sequence_output, pooled_output): + prediction_scores = self.predictions(sequence_output) + seq_relationship_score = self.seq_relationship(pooled_output) + return prediction_scores, seq_relationship_score + + +class SpatialBertForMaskedLM(SpatialBertPreTrainedModel): + + _keys_to_ignore_on_load_unexpected = [r"pooler"] + _keys_to_ignore_on_load_missing = [r"position_ids", r"predictions.decoder.bias"] + + def __init__(self, config): + super().__init__(config) + + if config.is_decoder: + logger.warning( + "If you want to use `SpatialBertForMaskedLM` make sure `config.is_decoder=False` for " + "bi-directional self-attention." + ) + + self.bert = SpatialBertModel(config, add_pooling_layer=False) + self.cls = SpatialBertOnlyMLMHead(config) + + self.init_weights() + + + def forward( + self, + input_ids=None, + attention_mask=None, + sent_position_ids = None, + position_list_x = None, + position_list_y = None, + head_mask=None, + encoder_attention_mask=None, + labels=None, + output_attentions=None, + output_hidden_states=None, + return_dict=None, + ): + r""" + labels (:obj:`torch.LongTensor` of shape :obj:`(batch_size, sequence_length)`, `optional`): + Labels for computing the masked language modeling loss. Indices should be in ``[-100, 0, ..., + config.vocab_size]`` (see ``input_ids`` docstring) Tokens with indices set to ``-100`` are ignored + (masked), the loss is only computed for the tokens with labels in ``[0, ..., config.vocab_size]`` + """ + + return_dict = return_dict if return_dict is not None else self.config.use_return_dict + + outputs = self.bert( + input_ids, + attention_mask=attention_mask, + sent_position_ids = sent_position_ids, + position_list_x = position_list_x, + position_list_y = position_list_y, + head_mask=head_mask, + encoder_attention_mask=encoder_attention_mask, + output_attentions=output_attentions, + output_hidden_states=output_hidden_states, + return_dict=return_dict, + ) + + + sequence_output = outputs[0] + prediction_scores = self.cls(sequence_output) + + masked_lm_loss = None + if labels is not None: + loss_fct = CrossEntropyLoss() # -100 index = padding token + + masked_lm_loss = loss_fct(prediction_scores.view(-1, self.config.vocab_size), labels.view(-1)) + + + if not return_dict: + output = (prediction_scores,) + outputs[2:] + pdb.set_trace() + print('inside MLM', output.shape) + return ((masked_lm_loss,) + output) if masked_lm_loss is not None else output + + return MaskedLMOutput( + loss=masked_lm_loss, + logits=prediction_scores, + hidden_states=outputs.hidden_states, + attentions=outputs.attentions, + ) + + + def prepare_inputs_for_generation(self, input_ids, attention_mask=None, **model_kwargs): + input_shape = input_ids.shape + effective_batch_size = input_shape[0] + + # add a dummy token + assert self.config.pad_token_id is not None, "The PAD token should be defined for generation" + attention_mask = torch.cat([attention_mask, attention_mask.new_zeros((attention_mask.shape[0], 1))], dim=-1) + dummy_token = torch.full( + (effective_batch_size, 1), self.config.pad_token_id, dtype=torch.long, device=input_ids.device + ) + input_ids = torch.cat([input_ids, dummy_token], dim=1) + + return {"input_ids": input_ids, "attention_mask": attention_mask} + +class SpatialBertForSemanticTyping(SpatialBertPreTrainedModel): + + def __init__(self, config): + super().__init__(config) + + self.bert = SpatialBertModel(config) + self.pivot_pooler = PivotEntityPooler() + self.num_semantic_types = config.num_semantic_types + + self.cls = SpatialBertOnlyTypingHead(config) + + self.init_weights() + + + def forward( + self, + input_ids=None, + sent_position_ids = None, + position_list_x = None, + position_list_y = None, + pivot_len_list = None, + attention_mask=None, + head_mask=None, + labels=None, + output_attentions=None, + output_hidden_states=None, + return_dict=None, + ): + + + + return_dict = return_dict if return_dict is not None else self.config.use_return_dict + + outputs = self.bert( + input_ids, + attention_mask=attention_mask, + sent_position_ids = sent_position_ids, + position_list_x = position_list_x, + position_list_y = position_list_y, + head_mask=head_mask, + output_attentions=output_attentions, + output_hidden_states=output_hidden_states, + return_dict=return_dict, + ) + + + sequence_output = outputs[0] + pooled_output = self.pivot_pooler(sequence_output, pivot_len_list) + + + type_prediction_score = self.cls(pooled_output) + + typing_loss = None + if labels is not None: + loss_fct = CrossEntropyLoss() + typing_loss = loss_fct(type_prediction_score.view(-1, self.num_semantic_types), labels.view(-1)) + + if not return_dict: + output = (type_prediction_score,) + outputs[2:] + return ((typing_loss,) + output) if typing_loss is not None else output + + return SequenceClassifierOutput( + loss=typing_loss, + logits=type_prediction_score, + hidden_states = pooled_output, + attentions=outputs.attentions, + ) + +class SpatialBertForMarginRanking(SpatialBertPreTrainedModel): + + def __init__(self, config): + super().__init__(config) + + self.bert = SpatialBertModel(config) + self.pivot_pooler = PivotEntityPooler() + + self.init_weights() + + + def forward( + self, + geo_entity_data, + positive_type_data, + negative_type_data, + head_mask=None, + output_attentions=None, + output_hidden_states=None, + return_dict=None, + ): + + input_ids = geo_entity_data['pseudo_sentence'].to(device) + attention_mask = geo_entity_data['attention_mask'].to(device) + position_list_x = geo_entity_data['norm_lng_list'].to(device) + position_list_y = geo_entity_data['norm_lat_list'].to(device) + sent_position_ids = geo_entity_data['sent_position_ids'].to(device) + + pivot_lens = batch['pivot_token_len'].to(device) + + entity_outputs = model(input_ids, attention_mask = attention_mask, sent_position_ids = sent_position_ids, + position_list_x = position_list_x, position_list_y = position_list_y).pooler_output + + + input_ids = positive_type_data['pseudo_sentence'].to(device) + attention_mask = positive_type_data['attention_mask'].to(device) + position_list_x = positive_type_data['norm_lng_list'].to(device) + position_list_y = positive_type_data['norm_lat_list'].to(device) + sent_position_ids = positive_type_data['sent_position_ids'].to(device) + + positive_outputs = model(input_ids, attention_mask = attention_mask, sent_position_ids = sent_position_ids, + position_list_x = position_list_x, position_list_y = position_list_y).pooler_output + + + + input_ids = negative_type_data['pseudo_sentence'].to(device) + attention_mask = negative_type_data['attention_mask'].to(device) + position_list_x = negative_type_data['norm_lng_list'].to(device) + position_list_y = negative_type_data['norm_lat_list'].to(device) + sent_position_ids = negative_type_data['sent_position_ids'].to(device) + negative_outputs = model(input_ids, attention_mask = attention_mask, sent_position_ids = sent_position_ids, + position_list_x = position_list_x, position_list_y = position_list_y).pooler_output + + + + + return_dict = return_dict if return_dict is not None else self.config.use_return_dict + + outputs = self.bert( + input_ids, + attention_mask=attention_mask, + sent_position_ids = sent_position_ids, + position_list_x = position_list_x, + position_list_y = position_list_y, + head_mask=head_mask, + output_attentions=output_attentions, + output_hidden_states=output_hidden_states, + return_dict=return_dict, + ) + + + sequence_output = outputs[0] + pooled_output = self.pivot_pooler(sequence_output, pivot_len_list) + + + + + typing_loss = None + if labels is not None: + loss_fct = CrossEntropyLoss() + typing_loss = loss_fct(type_prediction_score.view(-1, self.num_semantic_types), labels.view(-1)) + + if not return_dict: + output = (type_prediction_score,) + outputs[2:] + return ((typing_loss,) + output) if typing_loss is not None else output + + return SequenceClassifierOutput( + loss=typing_loss, + logits=type_prediction_score, + hidden_states = pooled_output, + attentions=outputs.attentions, + ) + diff --git a/models/spabert/notebooks/GAN-SpaBERT_pytorch.ipynb b/models/spabert/notebooks/GAN-SpaBERT_pytorch.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..66a4389b0b6dabce6d5a9056460e982d38f5019c --- /dev/null +++ b/models/spabert/notebooks/GAN-SpaBERT_pytorch.ipynb @@ -0,0 +1 @@ +{"cells":[{"cell_type":"markdown","metadata":{"id":"view-in-github"},"source":["\"Open"]},{"cell_type":"code","source":["!sudo update-alternatives --config python3"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"dGLAJQpUJNW1","executionInfo":{"status":"ok","timestamp":1724035718040,"user_tz":420,"elapsed":247,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"5dc39b9c-4f73-4fa9-a0ca-1133a0c6cfd4"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["update-alternatives: error: no alternatives for python3\n"]}]},{"cell_type":"code","source":["# install pip\n","!curl https://bootstrap.pypa.io/get-pip.py -o get-pip.py\n","!python3 get-pip.py --force-reinstall\n","\n","#install colab's dependencies\n","!python3 -m pip install ipython ipython_genutils ipykernel jupyter_console prompt_toolkit httplib2 astor\n","\n","# link to the old google package\n","!ln -s /usr/local/lib/python3.9/dist-packages/google \\\n"," /usr/local/lib/python3.8/dist-packages/google\n","\n","# There has got to be a better way to do this...but there's a bad import in some of the colab files\n","# IPython no longer exposes traitlets like this, it's a separate package now\n","!sed -i \"s/from IPython.utils import traitlets as _traitlets/import traitlets as _traitlets/\" /usr/local/lib/python3.8/dist-packages/google/colab/*.py\n","!sed -i \"s/from IPython.utils import traitlets/import traitlets/\" /usr/local/lib/python3.8/dist-packages/google/colab/*.py"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"2K_XqKbyJPCE","executionInfo":{"status":"ok","timestamp":1721346937085,"user_tz":420,"elapsed":10689,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"65c6e909-4638-4b55-8eaa-b8df8cec2871"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":[" % Total % Received % Xferd Average Speed Time Time Time Current\n"," Dload Upload Total Spent Left Speed\n","100 2224k 100 2224k 0 0 17.4M 0 --:--:-- --:--:-- --:--:-- 17.5M\n","Collecting pip\n"," Using cached pip-24.1.2-py3-none-any.whl.metadata (3.6 kB)\n","Using cached pip-24.1.2-py3-none-any.whl (1.8 MB)\n","Installing collected packages: pip\n"," Attempting uninstall: pip\n"," Found existing installation: pip 23.1.2\n"," Uninstalling pip-23.1.2:\n"," Successfully uninstalled pip-23.1.2\n","Successfully installed pip-24.1.2\n","\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager, possibly rendering your system unusable.It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv. Use the --root-user-action option if you know what you are doing and want to suppress this warning.\u001b[0m\u001b[33m\n","\u001b[0mRequirement already satisfied: ipython in /usr/local/lib/python3.10/dist-packages (7.34.0)\n","Requirement already satisfied: ipython_genutils in /usr/local/lib/python3.10/dist-packages (0.2.0)\n","Requirement already satisfied: ipykernel in /usr/local/lib/python3.10/dist-packages (5.5.6)\n","Requirement already satisfied: jupyter_console in /usr/local/lib/python3.10/dist-packages (6.1.0)\n","Requirement already satisfied: prompt_toolkit in /usr/local/lib/python3.10/dist-packages (3.0.47)\n","Requirement already satisfied: httplib2 in /usr/local/lib/python3.10/dist-packages (0.22.0)\n","Collecting astor\n"," Downloading astor-0.8.1-py2.py3-none-any.whl.metadata (4.2 kB)\n","Requirement already satisfied: setuptools>=18.5 in /usr/local/lib/python3.10/dist-packages (from ipython) (67.7.2)\n","Collecting jedi>=0.16 (from ipython)\n"," Downloading jedi-0.19.1-py2.py3-none-any.whl.metadata (22 kB)\n","Requirement already satisfied: decorator in /usr/local/lib/python3.10/dist-packages (from ipython) (4.4.2)\n","Requirement already satisfied: pickleshare in /usr/local/lib/python3.10/dist-packages (from ipython) (0.7.5)\n","Requirement already satisfied: traitlets>=4.2 in /usr/local/lib/python3.10/dist-packages (from ipython) (5.7.1)\n","Requirement already satisfied: pygments in /usr/local/lib/python3.10/dist-packages (from ipython) (2.16.1)\n","Requirement already satisfied: backcall in /usr/local/lib/python3.10/dist-packages (from ipython) (0.2.0)\n","Requirement already satisfied: matplotlib-inline in /usr/local/lib/python3.10/dist-packages (from ipython) (0.1.7)\n","Requirement already satisfied: pexpect>4.3 in /usr/local/lib/python3.10/dist-packages (from ipython) (4.9.0)\n","Requirement already satisfied: jupyter-client in /usr/local/lib/python3.10/dist-packages (from ipykernel) (6.1.12)\n","Requirement already satisfied: tornado>=4.2 in /usr/local/lib/python3.10/dist-packages (from ipykernel) (6.3.3)\n","Requirement already satisfied: wcwidth in /usr/local/lib/python3.10/dist-packages (from prompt_toolkit) (0.2.13)\n","Requirement already satisfied: pyparsing!=3.0.0,!=3.0.1,!=3.0.2,!=3.0.3,<4,>=2.4.2 in /usr/local/lib/python3.10/dist-packages (from httplib2) (3.1.2)\n","Requirement already satisfied: parso<0.9.0,>=0.8.3 in /usr/local/lib/python3.10/dist-packages (from jedi>=0.16->ipython) (0.8.4)\n","Requirement already satisfied: ptyprocess>=0.5 in /usr/local/lib/python3.10/dist-packages (from pexpect>4.3->ipython) (0.7.0)\n","Requirement already satisfied: jupyter-core>=4.6.0 in /usr/local/lib/python3.10/dist-packages (from jupyter-client->ipykernel) (5.7.2)\n","Requirement already satisfied: pyzmq>=13 in /usr/local/lib/python3.10/dist-packages (from jupyter-client->ipykernel) (24.0.1)\n","Requirement already satisfied: python-dateutil>=2.1 in /usr/local/lib/python3.10/dist-packages (from jupyter-client->ipykernel) (2.8.2)\n","Requirement already satisfied: platformdirs>=2.5 in /usr/local/lib/python3.10/dist-packages (from jupyter-core>=4.6.0->jupyter-client->ipykernel) (4.2.2)\n","Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.1->jupyter-client->ipykernel) (1.16.0)\n","Downloading astor-0.8.1-py2.py3-none-any.whl (27 kB)\n","Downloading jedi-0.19.1-py2.py3-none-any.whl (1.6 MB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m1.6/1.6 MB\u001b[0m \u001b[31m70.7 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hInstalling collected packages: jedi, astor\n","Successfully installed astor-0.8.1 jedi-0.19.1\n","\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager, possibly rendering your system unusable.It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv. Use the --root-user-action option if you know what you are doing and want to suppress this warning.\u001b[0m\u001b[33m\n","\u001b[0mln: failed to create symbolic link '/usr/local/lib/python3.8/dist-packages/google': No such file or directory\n","sed: can't read /usr/local/lib/python3.8/dist-packages/google/colab/*.py: No such file or directory\n","sed: can't read /usr/local/lib/python3.8/dist-packages/google/colab/*.py: No such file or directory\n"]}]},{"cell_type":"code","source":["#check python version\n","import sys\n","print(sys.version)\n","!python3 --version\n","!python --version"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"GhL6RHY0JRCg","executionInfo":{"status":"ok","timestamp":1721408603412,"user_tz":420,"elapsed":445,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"cb270ecd-abef-47d6-feb6-662610b2022c"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["3.10.12 (main, Mar 22 2024, 16:50:05) [GCC 11.4.0]\n","Python 3.10.12\n","Python 3.10.12\n"]}]},{"cell_type":"code","execution_count":null,"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"NV6AqCjjJVMC","executionInfo":{"status":"ok","timestamp":1721421519160,"user_tz":420,"elapsed":17174,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"38047a2c-7d5b-4a1b-a8cb-466eef2c9869"},"outputs":[{"output_type":"stream","name":"stdout","text":["Mounted at /content/drive\n"]}],"source":["from google.colab import drive\n","drive.mount('/content/drive')"]},{"cell_type":"markdown","metadata":{"id":"fUpqAwtN8rTA"},"source":["# GAN-BERT (in Pytorch and compatible with HuggingFace)\n","\n","This is a Pytorch (+ **Huggingface** transformers) implementation of the GAN-BERT model from https://github.com/crux82/ganbert. While the original GAN-BERT was an extension of BERT, this implementation can be adapted to several architectures, ranging from Roberta to Albert!\n","\n","**NOTE**: given that this implementation is different from the original one in Tensorflow, some results can be slighty different.\n"]},{"cell_type":"markdown","metadata":{"id":"Q0m5KR34gmRH"},"source":["Let's GO!\n","\n","Required Imports."]},{"cell_type":"code","source":["!pip list | grep packaging"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"I26sjPpPDa47","executionInfo":{"status":"ok","timestamp":1721408610190,"user_tz":420,"elapsed":2169,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"aee49b21-c551-4f98-be2b-d5952193e748"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["packaging 24.1\n"]}]},{"cell_type":"code","source":["pip install packaging==21.3"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":287},"id":"JvCgPn-ADfOe","executionInfo":{"status":"ok","timestamp":1721408618079,"user_tz":420,"elapsed":5330,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"c365806f-cdf0-4574-87e9-8175a8f6babd"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Collecting packaging==21.3\n"," Downloading packaging-21.3-py3-none-any.whl (40 kB)\n","\u001b[?25l \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m0.0/40.8 kB\u001b[0m \u001b[31m?\u001b[0m eta \u001b[36m-:--:--\u001b[0m\r\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m40.8/40.8 kB\u001b[0m \u001b[31m1.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hRequirement already satisfied: pyparsing!=3.0.5,>=2.0.2 in /usr/local/lib/python3.10/dist-packages (from packaging==21.3) (3.1.2)\n","Installing collected packages: packaging\n"," Attempting uninstall: packaging\n"," Found existing installation: packaging 24.1\n"," Uninstalling packaging-24.1:\n"," Successfully uninstalled packaging-24.1\n","Successfully installed packaging-21.3\n"]},{"output_type":"display_data","data":{"application/vnd.colab-display-data+json":{"pip_warning":{"packages":["packaging"]},"id":"96e342c5396c4c3c9ce457aa4b22a4bf"}},"metadata":{}}]},{"cell_type":"code","execution_count":null,"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"UIqpm34x2rms","outputId":"57e03d2f-0543-457c-f6a9-00bcd5da3a33","executionInfo":{"status":"ok","timestamp":1721408671643,"user_tz":420,"elapsed":41237,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"outputs":[{"output_type":"stream","name":"stdout","text":["Collecting transformers==4.3.2\n"," Downloading transformers-4.3.2-py3-none-any.whl (1.8 MB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m1.8/1.8 MB\u001b[0m \u001b[31m11.1 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hRequirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from transformers==4.3.2) (3.15.4)\n","Requirement already satisfied: numpy>=1.17 in /usr/local/lib/python3.10/dist-packages (from transformers==4.3.2) (1.25.2)\n","Requirement already satisfied: packaging in /usr/local/lib/python3.10/dist-packages (from transformers==4.3.2) (21.3)\n","Requirement already satisfied: regex!=2019.12.17 in /usr/local/lib/python3.10/dist-packages (from transformers==4.3.2) (2024.5.15)\n","Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages (from transformers==4.3.2) (2.31.0)\n","Collecting sacremoses (from transformers==4.3.2)\n"," Downloading sacremoses-0.1.1-py3-none-any.whl (897 kB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m897.5/897.5 kB\u001b[0m \u001b[31m19.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hCollecting tokenizers<0.11,>=0.10.1 (from transformers==4.3.2)\n"," Downloading tokenizers-0.10.3.tar.gz (212 kB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m212.7/212.7 kB\u001b[0m \u001b[31m16.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25h Installing build dependencies ... \u001b[?25l\u001b[?25hdone\n"," Getting requirements to build wheel ... \u001b[?25l\u001b[?25hdone\n"," Preparing metadata (pyproject.toml) ... \u001b[?25l\u001b[?25hdone\n","Requirement already satisfied: tqdm>=4.27 in /usr/local/lib/python3.10/dist-packages (from transformers==4.3.2) (4.66.4)\n","Requirement already satisfied: pyparsing!=3.0.5,>=2.0.2 in /usr/local/lib/python3.10/dist-packages (from packaging->transformers==4.3.2) (3.1.2)\n","Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests->transformers==4.3.2) (3.3.2)\n","Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests->transformers==4.3.2) (3.7)\n","Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests->transformers==4.3.2) (2.0.7)\n","Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests->transformers==4.3.2) (2024.7.4)\n","Requirement already satisfied: click in /usr/local/lib/python3.10/dist-packages (from sacremoses->transformers==4.3.2) (8.1.7)\n","Requirement already satisfied: joblib in /usr/local/lib/python3.10/dist-packages (from sacremoses->transformers==4.3.2) (1.4.2)\n","Building wheels for collected packages: tokenizers\n"," \u001b[1;31merror\u001b[0m: \u001b[1msubprocess-exited-with-error\u001b[0m\n"," \n"," \u001b[31m×\u001b[0m \u001b[32mBuilding wheel for tokenizers \u001b[0m\u001b[1;32m(\u001b[0m\u001b[32mpyproject.toml\u001b[0m\u001b[1;32m)\u001b[0m did not run successfully.\n"," \u001b[31m│\u001b[0m exit code: \u001b[1;36m1\u001b[0m\n"," \u001b[31m╰─>\u001b[0m See above for output.\n"," \n"," \u001b[1;35mnote\u001b[0m: This error originates from a subprocess, and is likely not a problem with pip.\n"," Building wheel for tokenizers (pyproject.toml) ... \u001b[?25l\u001b[?25herror\n","\u001b[31m ERROR: Failed building wheel for tokenizers\u001b[0m\u001b[31m\n","\u001b[0mFailed to build tokenizers\n","\u001b[31mERROR: Could not build wheels for tokenizers, which is required to install pyproject.toml-based projects\u001b[0m\u001b[31m\n","\u001b[0mLooking in links: https://download.pytorch.org/whl/torch_stable.html\n","\u001b[31mERROR: Could not find a version that satisfies the requirement torch==1.7.1+cu101 (from versions: 1.11.0, 1.11.0+cpu, 1.11.0+cu102, 1.11.0+cu113, 1.11.0+cu115, 1.11.0+rocm4.3.1, 1.11.0+rocm4.5.2, 1.12.0, 1.12.0+cpu, 1.12.0+cu102, 1.12.0+cu113, 1.12.0+cu116, 1.12.0+rocm5.0, 1.12.0+rocm5.1.1, 1.12.1, 1.12.1+cpu, 1.12.1+cu102, 1.12.1+cu113, 1.12.1+cu116, 1.12.1+rocm5.0, 1.12.1+rocm5.1.1, 1.13.0, 1.13.0+cpu, 1.13.0+cu116, 1.13.0+cu117, 1.13.0+cu117.with.pypi.cudnn, 1.13.0+rocm5.1.1, 1.13.0+rocm5.2, 1.13.1, 1.13.1+cpu, 1.13.1+cu116, 1.13.1+cu117, 1.13.1+cu117.with.pypi.cudnn, 1.13.1+rocm5.1.1, 1.13.1+rocm5.2, 2.0.0, 2.0.0+cpu, 2.0.0+cpu.cxx11.abi, 2.0.0+cu117, 2.0.0+cu117.with.pypi.cudnn, 2.0.0+cu118, 2.0.0+rocm5.3, 2.0.0+rocm5.4.2, 2.0.1, 2.0.1+cpu, 2.0.1+cpu.cxx11.abi, 2.0.1+cu117, 2.0.1+cu117.with.pypi.cudnn, 2.0.1+cu118, 2.0.1+rocm5.3, 2.0.1+rocm5.4.2, 2.1.0, 2.1.0+cpu, 2.1.0+cpu.cxx11.abi, 2.1.0+cu118, 2.1.0+cu121, 2.1.0+cu121.with.pypi.cudnn, 2.1.0+rocm5.5, 2.1.0+rocm5.6, 2.1.1, 2.1.1+cpu, 2.1.1+cpu.cxx11.abi, 2.1.1+cu118, 2.1.1+cu121, 2.1.1+cu121.with.pypi.cudnn, 2.1.1+rocm5.5, 2.1.1+rocm5.6, 2.1.2, 2.1.2+cpu, 2.1.2+cpu.cxx11.abi, 2.1.2+cu118, 2.1.2+cu121, 2.1.2+cu121.with.pypi.cudnn, 2.1.2+rocm5.5, 2.1.2+rocm5.6, 2.2.0, 2.2.0+cpu, 2.2.0+cpu.cxx11.abi, 2.2.0+cu118, 2.2.0+cu121, 2.2.0+rocm5.6, 2.2.0+rocm5.7, 2.2.1, 2.2.1+cpu, 2.2.1+cpu.cxx11.abi, 2.2.1+cu118, 2.2.1+cu121, 2.2.1+rocm5.6, 2.2.1+rocm5.7, 2.2.2, 2.2.2+cpu, 2.2.2+cpu.cxx11.abi, 2.2.2+cu118, 2.2.2+cu121, 2.2.2+rocm5.6, 2.2.2+rocm5.7, 2.3.0, 2.3.0+cpu, 2.3.0+cpu.cxx11.abi, 2.3.0+cu118, 2.3.0+cu121, 2.3.0+rocm5.7, 2.3.0+rocm6.0, 2.3.1, 2.3.1+cpu, 2.3.1+cpu.cxx11.abi, 2.3.1+cu118, 2.3.1+cu121, 2.3.1+rocm5.7, 2.3.1+rocm6.0)\u001b[0m\u001b[31m\n","\u001b[0m\u001b[31mERROR: No matching distribution found for torch==1.7.1+cu101\u001b[0m\u001b[31m\n","\u001b[0mRequirement already satisfied: sentencepiece in /usr/local/lib/python3.10/dist-packages (0.1.99)\n","Requirement already satisfied: pandas in /usr/local/lib/python3.10/dist-packages (2.0.3)\n","Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.10/dist-packages (from pandas) (2.8.2)\n","Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.10/dist-packages (from pandas) (2023.4)\n","Requirement already satisfied: tzdata>=2022.1 in /usr/local/lib/python3.10/dist-packages (from pandas) (2024.1)\n","Requirement already satisfied: numpy>=1.21.0 in /usr/local/lib/python3.10/dist-packages (from pandas) (1.25.2)\n","Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.8.2->pandas) (1.16.0)\n"]},{"output_type":"stream","name":"stderr","text":["/usr/local/lib/python3.10/dist-packages/transformers/deepspeed.py:24: FutureWarning: transformers.deepspeed module is deprecated and will be removed in a future version. Please import deepspeed modules directly from transformers.integrations\n"," warnings.warn(\n","/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_token.py:89: UserWarning: \n","The secret `HF_TOKEN` does not exist in your Colab secrets.\n","To authenticate with the Hugging Face Hub, create a token in your settings tab (https://huggingface.co/settings/tokens), set it as secret in your Google Colab and restart your session.\n","You will be able to reuse this secret in all of your notebooks.\n","Please note that authentication is recommended but still optional to access public models or datasets.\n"," warnings.warn(\n"]}],"source":["!pip install transformers==4.3.2\n","!pip install torch==1.7.1+cu101 torchvision==0.8.2+cu101 -f https://download.pytorch.org/whl/torch_stable.html\n","!pip install sentencepiece\n","!pip install pandas\n","\n","import torch\n","import io\n","import torch.nn.functional as F\n","import random\n","import numpy as np\n","import time\n","import math\n","import datetime\n","import torch.nn as nn\n","from transformers import *\n","from torch.utils.data import TensorDataset, DataLoader, RandomSampler, SequentialSampler\n","import random\n","import pandas as pd\n","import pickle\n","import csv\n","\n","\n","##Set random values\n","seed_val = 42\n","random.seed(seed_val)\n","np.random.seed(seed_val)\n","torch.manual_seed(seed_val)\n","if torch.cuda.is_available():\n"," torch.cuda.manual_seed_all(seed_val)"]},{"cell_type":"code","execution_count":null,"metadata":{"id":"LeZgRup520II","executionInfo":{"status":"ok","timestamp":1721408695804,"user_tz":420,"elapsed":249,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"colab":{"base_uri":"https://localhost:8080/"},"outputId":"c571191e-2c8c-4ed3-a4c5-55deb6f889f7"},"outputs":[{"output_type":"stream","name":"stdout","text":["There are 1 GPU(s) available.\n","We will use the GPU: Tesla T4\n"]}],"source":["# If there's a GPU available...\n","if torch.cuda.is_available():\n"," # Tell PyTorch to use the GPU.\n"," device = torch.device(\"cuda\")\n"," print('There are %d GPU(s) available.' % torch.cuda.device_count())\n"," print('We will use the GPU:', torch.cuda.get_device_name(0))\n","# If not...\n","else:\n"," print('No GPU available, using the CPU instead.')\n"," device = torch.device(\"cpu\")"]},{"cell_type":"markdown","metadata":{"id":"AU3ns8Ic7I-h"},"source":["### Input Parameters\n"]},{"cell_type":"code","execution_count":null,"metadata":{"id":"jw0HC_hU3FUy"},"outputs":[],"source":["#--------------------------------\n","# Transformer parameters\n","#--------------------------------\n","max_seq_length = 64\n","batch_size = 64\n","\n","#--------------------------------\n","# GAN-BERT specific parameters\n","#--------------------------------\n","# number of hidden layers in the generator,\n","# each of the size of the output space\n","num_hidden_layers_g = 1;\n","# number of hidden layers in the discriminator,\n","# each of the size of the input space\n","num_hidden_layers_d = 1;\n","# size of the generator's input noisy vectors\n","noise_size = 100\n","# dropout to be applied to discriminator's input vectors\n","out_dropout_rate = 0.2\n","\n","# Replicate labeled data to balance poorly represented datasets,\n","# e.g., less than 1% of labeled material\n","apply_balance = True\n","\n","#--------------------------------\n","# Optimization parameters\n","#--------------------------------\n","learning_rate_discriminator = 5e-5\n","learning_rate_generator = 5e-5\n","epsilon = 1e-8\n","num_train_epochs = 10\n","multi_gpu = True\n","# Scheduler\n","apply_scheduler = False\n","warmup_proportion = 0.1\n","# Print\n","print_each_n_step = 10\n","\n","#--------------------------------\n","# Adopted Tranformer model\n","#--------------------------------\n","# Since this version is compatible with Huggingface transformers, you can uncomment\n","# (or add) transformer models compatible with GAN\n","\n","#model_name = \"bert-base-cased\"\n","model_name = \"bert-base-uncased\"\n","#model_name = \"roberta-base\"\n","#model_name = \"albert-base-v2\"\n","#model_name = \"xlm-roberta-base\"\n","#model_name = \"amazon/bort\"\n","\n","#--------------------------------\n","# Retrieve the TREC QC Dataset\n","#--------------------------------\n","#! git clone https://github.com/crux82/ganbert\n","\n","# NOTE: in this setting 50 classes are involved\n","labeled_file = \"/content/ganbert/data/labeled.tsv\"\n","unlabeled_file = \"/content/ganbert/data/unlabeled.tsv\"\n","test_filename = \"/content/ganbert/data/test.tsv\"\n","opspam = \"./data/opspam.txt\" #Don't have\n","chicago_unlab = \"./data/chicago_unlab.txt\" #Don't Have\n","opspam_test = \"./data/opspam_test.txt\" #Don't have\n","review_content = \"/content/drive/MyDrive/Master_Project_2024_JP/yelpZip/YelpZip/reviewContent\"\n","metadata = \"/content/drive/MyDrive/Master_Project_2024_JP/yelpZip/YelpZip/metadata\"\n","outlabsp = \"/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/Yelp_dataset_Sirish/outlabsp.txt\"\n","outrevsp = \"/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/Yelp_dataset_Sirish/outrevsp.txt\"\n","#review_content = \"./Yelp/YelpNYC/reviewContent\"\n","#metadata = \"./Yelp/YelpNYC/metadata\"\n","\n","\n","\n"]},{"cell_type":"markdown","metadata":{"id":"R6Q5jzVioTHb"},"source":["Load the Tranformer Model"]},{"cell_type":"code","execution_count":null,"metadata":{"id":"gxghkkZq3Gbn","executionInfo":{"status":"ok","timestamp":1721408720743,"user_tz":420,"elapsed":3492,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"colab":{"base_uri":"https://localhost:8080/","height":1000,"referenced_widgets":["c869a537fc794e27918eaac6e9a960fe","6e38efa9cbc947fe834dcf54dca2229a","7904dce7c1b74a04b94f5b98a211981d","136118b664ab4424b2d1ff7c86c7d0f7","b0c3e480d7f54023a25f073400fc1519","8f89cfc39e7f4df0aa57a403d4509f74","002428f871114b97a48aa237dff7b6d9","0c19a6c54a5d4d0d84cc308830e970a2","60f87b21653a476c8ae0e260fc7df97d","ebafff9ee1c04b64ab166c3aac13a6f0","46b3280d400843039617466ae7285130","a007bd30def44eb789acb386f8dcc0f4","26e35ebcee904fcc8e59d8ef2cc4efd3","52114ba15a6b42aa97b1f0522ef4cc0b","a43c1a714f3d4f738a5415294c409215","c2781eb2f03d476fb58a330b0a0c3b1b","27566833a689489ba7fd4b68dd2d13f6","ab7f04c391d54ae4ba9ae31188b9099d","9da4fd83f6cd461b9692597a46d0ccc1","366f2fc4fb3c480aaba32d3216bd3d24","e25b2951c77f44e7aa722bfe608a80a4","a1d08faa838646da8b97b377cd6a7913","62df311454c44e489e4130900dfec014","2d156fa7e87a4e60b7081d321f1118ac","1077abf659c64aaa8cbd5f84257cf3d3","2464d9ad1361412b99e55d7a7a21bef5","22638fcba8d441de910886946c159366","0081cf36c860483ca6dea6dbbd3c57fa","4fce33104c5d49d78a0b627c1f48def1","fcdf50a400ef43b1b4fb0e88be7f4f23","48ce848d10f44d029b8f91d6a4a41a69","ec11c0dda2a341318977a5ba706dcd2e","1e816e9b63a24e80b277f7b873171532","80708c1bab0e441db238db1f6de14aa1","d0fb79a264b04957895de907c288f747","c515dfd4e23843debcd530c1e29ce63b","1a7864a6a429493888b053ea305263b9","5eba8eaef376428691f503e9a1b09921","a81ebe0b66d342a9a7ef4495cbc12430","9dbb1bb20cea4de49910683ebed17bbf","5d033b9c8bd445db8e9fb41e5d21d969","7023abd045f9488fba6ad0af5b7b374e","e04a3cc02da345e382d44406fdf67f7f","118a9e15bdb847b590a7db22d0f2ca00","bb9a56fe72f341a18309f3fa9e94e736","87d0a7104d7e41acad70fd849a5ee931","3529ec18d150499aa74cc565a56e0e8b","a42c4c42aee546d680ebcbbef9aae803","2ebf4f8809654720b33597d4e4a0cb53","b379c4b7bf0c4ff7b7ac7bdd44f5bb90","41fc4a9f66d74e8eb626bc005c43809c","e1e43783014c4ae1a627400dfb6a6fe4","51665cdd88aa4862ad4f360f8853fe0b","a5110700268243a081a925e4f0728aab","97bd3ba8bc354929a382a399d5653bcd"]},"outputId":"50a74de3-2e00-4403-c61e-61ec5b8dcbf3"},"outputs":[{"output_type":"display_data","data":{"text/plain":["config.json: 0%| | 0.00/570 [00:00 0) for token_id in sent]\n"," input_mask_array.append(att_mask)\n"," # Convertion to Tensor\n"," input_ids = torch.tensor(input_ids)\n"," input_mask_array = torch.tensor(input_mask_array)\n"," label_id_array = torch.tensor(label_id_array, dtype=torch.long)\n"," label_mask_array = torch.tensor(label_mask_array)\n","\n"," # Building the TensorDataset\n"," dataset = TensorDataset(input_ids, input_mask_array, label_id_array, label_mask_array)\n","\n"," if do_shuffle:\n"," sampler = RandomSampler\n"," else:\n"," sampler = SequentialSampler\n","\n"," # Building the DataLoader\n"," return DataLoader(\n"," dataset, # The training samples.\n"," sampler = sampler(dataset),\n"," batch_size = batch_size) # Trains with this batch size.\n","\n","def format_time(elapsed):\n"," '''\n"," Takes a time in seconds and returns a string hh:mm:ss\n"," '''\n"," # Round to the nearest second.\n"," elapsed_rounded = int(round((elapsed)))\n"," # Format as hh:mm:ss\n"," return str(datetime.timedelta(seconds=elapsed_rounded))"]},{"cell_type":"code","execution_count":null,"metadata":{"id":"4c-nsMXlKX-D","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1721358688756,"user_tz":420,"elapsed":1399,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"53efc151-c0bd-4b04-e463-153ad7632378"},"outputs":[{"output_type":"stream","name":"stderr","text":[":54: DeprecationWarning: In future, it will be an error for 'np.bool_' scalars to be interpreted as an index\n"," label_mask_array = torch.tensor(label_mask_array)\n"]}],"source":["label_map = {}\n","for (i, label) in enumerate(label_list):\n"," label_map[label] = i\n","#------------------------------\n","# Load the train dataset\n","#------------------------------\n","train_examples = labeled_examples\n","#The labeled (train) dataset is assigned with a mask set to True\n","train_label_masks = np.ones(len(labeled_examples), dtype=bool)\n","#If unlabel examples are available\n","if unlabeled_examples:\n"," train_examples = train_examples + unlabeled_examples\n"," #The unlabeled (train) dataset is assigned with a mask set to False\n"," tmp_masks = np.zeros(len(unlabeled_examples), dtype=bool)\n"," train_label_masks = np.concatenate([train_label_masks,tmp_masks])\n","\n","train_dataloader = generate_data_loader(train_examples, train_label_masks, label_map, do_shuffle = True, balance_label_examples = apply_balance)\n","\n","#------------------------------\n","# Load the test dataset\n","#------------------------------\n","#The labeled (test) dataset is assigned with a mask set to True\n","test_label_masks = np.ones(len(test_examples), dtype=bool)\n","\n","test_dataloader = generate_data_loader(test_examples, test_label_masks, label_map, do_shuffle = False, balance_label_examples = False)"]},{"cell_type":"markdown","metadata":{"id":"6Ihcw3vquaQm"},"source":["We define the Generator and Discriminator as discussed in https://www.aclweb.org/anthology/2020.acl-main.191/"]},{"cell_type":"code","execution_count":null,"metadata":{"id":"18kY64-n3I6y"},"outputs":[],"source":["#------------------------------\n","# The Generator as in\n","# https://www.aclweb.org/anthology/2020.acl-main.191/\n","# https://github.com/crux82/ganbert\n","#------------------------------\n","class Generator(nn.Module):\n"," def __init__(self, noise_size=100, output_size=512, hidden_sizes=[512], dropout_rate=0.1):\n"," super(Generator, self).__init__()\n"," layers = []\n"," hidden_sizes = [noise_size] + hidden_sizes\n"," for i in range(len(hidden_sizes)-1):\n"," layers.extend([nn.Linear(hidden_sizes[i], hidden_sizes[i+1]), nn.LeakyReLU(0.2, inplace=True), nn.Dropout(dropout_rate)])\n","\n"," layers.append(nn.Linear(hidden_sizes[-1],output_size))\n"," self.layers = nn.Sequential(*layers)\n","\n"," def forward(self, noise):\n"," output_rep = self.layers(noise)\n"," return output_rep\n","\n","#------------------------------\n","# The Discriminator\n","# https://www.aclweb.org/anthology/2020.acl-main.191/\n","# https://github.com/crux82/ganbert\n","#------------------------------\n","class Discriminator(nn.Module):\n"," def __init__(self, input_size=512, hidden_sizes=[512], num_labels=2, dropout_rate=0.1):\n"," super(Discriminator, self).__init__()\n"," self.input_dropout = nn.Dropout(p=dropout_rate)\n"," layers = []\n"," hidden_sizes = [input_size] + hidden_sizes\n"," for i in range(len(hidden_sizes)-1):\n"," layers.extend([nn.Linear(hidden_sizes[i], hidden_sizes[i+1]), nn.LeakyReLU(0.2, inplace=True), nn.Dropout(dropout_rate)])\n","\n"," self.layers = nn.Sequential(*layers) #per il flatten\n"," self.logit = nn.Linear(hidden_sizes[-1],num_labels+1) # +1 for the probability of this sample being fake/real.\n"," self.softmax = nn.Softmax(dim=-1)\n","\n"," def forward(self, input_rep):\n"," input_rep = self.input_dropout(input_rep)\n"," last_rep = self.layers(input_rep)\n"," logits = self.logit(last_rep)\n"," probs = self.softmax(logits)\n"," return last_rep, logits, probs"]},{"cell_type":"markdown","metadata":{"id":"Uje9s2zQunFc"},"source":["We instantiate the Discriminator and Generator"]},{"cell_type":"code","execution_count":null,"metadata":{"id":"Ylz5rvqE3U2S","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1721358705173,"user_tz":420,"elapsed":654,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"af260e3b-e521-4fae-f765-0e7896185296"},"outputs":[{"output_type":"stream","name":"stderr","text":["loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-cased/snapshots/cd5ef92a9fb2f889e972770a36d4ed042daf221e/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-cased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.42.4\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 28996\n","}\n","\n"]}],"source":["# The config file is required to get the dimension of the vector produced by\n","# the underlying transformer\n","config = AutoConfig.from_pretrained(model_name)\n","hidden_size = int(config.hidden_size)\n","# Define the number and width of hidden layers\n","hidden_levels_g = [hidden_size for i in range(0, num_hidden_layers_g)]\n","hidden_levels_d = [hidden_size for i in range(0, num_hidden_layers_d)]\n","\n","#-------------------------------------------------\n","# Instantiate the Generator and Discriminator\n","#-------------------------------------------------\n","generator = Generator(noise_size=noise_size, output_size=hidden_size, hidden_sizes=hidden_levels_g, dropout_rate=out_dropout_rate)\n","discriminator = Discriminator(input_size=hidden_size, hidden_sizes=hidden_levels_d, num_labels=len(label_list), dropout_rate=out_dropout_rate)\n","\n","# Put everything in the GPU if available\n","if torch.cuda.is_available():\n"," generator.cuda()\n"," discriminator.cuda()\n"," transformer.cuda()\n"," if multi_gpu:\n"," transformer = torch.nn.DataParallel(transformer)\n","\n","# print(config)"]},{"cell_type":"markdown","metadata":{"id":"VG3qzp2-usZE"},"source":["Let's go with the training procedure"]},{"cell_type":"code","execution_count":null,"metadata":{"id":"NhqylHGK3Va4","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1721359345781,"user_tz":420,"elapsed":216427,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"9ba1b4e5-1895-4a3e-a81e-8fb1b1fc1ac1"},"outputs":[{"output_type":"stream","name":"stderr","text":[":54: DeprecationWarning: In future, it will be an error for 'np.bool_' scalars to be interpreted as an index\n"," label_mask_array = torch.tensor(label_mask_array)\n","loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-cased/snapshots/cd5ef92a9fb2f889e972770a36d4ed042daf221e/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-cased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.42.4\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 28996\n","}\n","\n"]},{"output_type":"stream","name":"stdout","text":["\n","======== Epoch 1 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.371\n"," Average training loss discriminator: 1.887\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.681\n"," Test Loss: 1.133\n"," Test took: 0:00:00\n","\n","======== Epoch 2 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.548\n"," Average training loss discriminator: 1.065\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.550\n"," Test Loss: 1.849\n"," Test took: 0:00:00\n","\n","======== Epoch 3 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.776\n"," Average training loss discriminator: 0.724\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.512\n"," Test Loss: 2.449\n"," Test took: 0:00:01\n","\n","======== Epoch 4 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.837\n"," Average training loss discriminator: 0.656\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.562\n"," Test Loss: 2.314\n"," Test took: 0:00:01\n","\n","======== Epoch 5 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.747\n"," Average training loss discriminator: 0.731\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.675\n"," Test Loss: 1.710\n"," Test took: 0:00:01\n","\n","======== Epoch 6 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.724\n"," Average training loss discriminator: 0.804\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.625\n"," Test Loss: 1.833\n"," Test took: 0:00:01\n","\n","======== Epoch 7 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.745\n"," Average training loss discriminator: 0.760\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.569\n"," Test Loss: 2.122\n"," Test took: 0:00:01\n","\n","======== Epoch 8 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.730\n"," Average training loss discriminator: 0.724\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.588\n"," Test Loss: 2.160\n"," Test took: 0:00:01\n","\n","======== Epoch 9 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.712\n"," Average training loss discriminator: 0.741\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.625\n"," Test Loss: 1.866\n"," Test took: 0:00:01\n","\n","======== Epoch 10 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.729\n"," Average training loss discriminator: 0.770\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.675\n"," Test Loss: 2.143\n"," Test took: 0:00:01\n","\n","Training complete!\n","Total training took 0:01:47 (h:mm:ss)\n"]},{"output_type":"stream","name":"stderr","text":["loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-cased/snapshots/cd5ef92a9fb2f889e972770a36d4ed042daf221e/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-cased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.42.4\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 28996\n","}\n","\n"]},{"output_type":"stream","name":"stdout","text":["\n","======== Epoch 1 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.361\n"," Average training loss discriminator: 1.992\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.531\n"," Test Loss: 1.476\n"," Test took: 0:00:01\n","\n","======== Epoch 2 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.535\n"," Average training loss discriminator: 1.100\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.569\n"," Test Loss: 1.879\n"," Test took: 0:00:01\n","\n","======== Epoch 3 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.758\n"," Average training loss discriminator: 0.746\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.550\n"," Test Loss: 2.150\n"," Test took: 0:00:01\n","\n","======== Epoch 4 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.845\n"," Average training loss discriminator: 0.648\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.581\n"," Test Loss: 2.390\n"," Test took: 0:00:01\n","\n","======== Epoch 5 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.750\n"," Average training loss discriminator: 0.724\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.613\n"," Test Loss: 2.081\n"," Test took: 0:00:01\n","\n","======== Epoch 6 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.709\n"," Average training loss discriminator: 0.757\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.625\n"," Test Loss: 1.980\n"," Test took: 0:00:01\n","\n","======== Epoch 7 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.731\n"," Average training loss discriminator: 0.727\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.606\n"," Test Loss: 2.000\n"," Test took: 0:00:01\n","\n","======== Epoch 8 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.734\n"," Average training loss discriminator: 0.718\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.588\n"," Test Loss: 1.982\n"," Test took: 0:00:01\n","\n","======== Epoch 9 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.717\n"," Average training loss discriminator: 0.730\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.575\n"," Test Loss: 2.250\n"," Test took: 0:00:01\n","\n","======== Epoch 10 / 10 ========\n","Training...\n","\n"," Average training loss generetor: 0.716\n"," Average training loss discriminator: 0.726\n"," Training epcoh took: 0:00:10\n","\n","Running Test...\n"," Accuracy: 0.575\n"," Test Loss: 2.248\n"," Test took: 0:00:01\n","\n","Training complete!\n","Total training took 0:01:47 (h:mm:ss)\n"]}],"source":["for z in range(1, 3):\n"," label_map = {}\n"," for (i, label) in enumerate(label_list):\n"," label_map[label] = i\n"," #------------------------------\n"," # Load the train dataset\n"," #------------------------------\n"," train_examples = labeled_examples\n"," #The labeled (train) dataset is assigned with a mask set to True\n"," train_label_masks = np.ones(len(labeled_examples), dtype=bool)\n"," #If unlabel examples are available\n"," if unlabeled_examples:\n"," train_examples = train_examples + unlabeled_examples\n"," #The unlabeled (train) dataset is assigned with a mask set to False\n"," tmp_masks = np.zeros(len(unlabeled_examples), dtype=bool)\n"," train_label_masks = np.concatenate([train_label_masks,tmp_masks])\n","\n"," train_dataloader = generate_data_loader(train_examples, train_label_masks, label_map, do_shuffle = True, balance_label_examples = apply_balance)\n","\n"," #------------------------------\n"," # Load the test dataset\n"," #------------------------------\n"," #The labeled (test) dataset is assigned with a mask set to True\n"," test_label_masks = np.ones(len(test_examples), dtype=bool)\n","\n"," test_dataloader = generate_data_loader(test_examples, test_label_masks, label_map, do_shuffle = False, balance_label_examples = False)\n","\n"," ###########################################################\n","\n","\n"," # The config file is required to get the dimension of the vector produced by\n"," # the underlying transformer\n"," config = AutoConfig.from_pretrained(model_name)\n"," hidden_size = int(config.hidden_size)\n"," # Define the number and width of hidden layers\n"," hidden_levels_g = [hidden_size for i in range(0, num_hidden_layers_g)]\n"," hidden_levels_d = [hidden_size for i in range(0, num_hidden_layers_d)]\n","\n"," #-------------------------------------------------\n"," # Instantiate the Generator and Discriminator\n"," #-------------------------------------------------\n"," generator = Generator(noise_size=noise_size, output_size=hidden_size, hidden_sizes=hidden_levels_g, dropout_rate=out_dropout_rate)\n"," discriminator = Discriminator(input_size=hidden_size, hidden_sizes=hidden_levels_d, num_labels=len(label_list), dropout_rate=out_dropout_rate)\n","\n"," # Put everything in the GPU if available\n"," if torch.cuda.is_available():\n"," generator.cuda()\n"," discriminator.cuda()\n"," transformer.cuda()\n"," if multi_gpu:\n"," transformer = torch.nn.DataParallel(transformer)\n","\n"," # print(config)\n","\n","\n"," ###########################################################\n","\n","\n","\n"," training_stats = []\n","\n"," # Measure the total training time for the whole run.\n"," total_t0 = time.time()\n","\n"," #models parameters\n"," transformer_vars = [i for i in transformer.parameters()]\n"," d_vars = transformer_vars + [v for v in discriminator.parameters()]\n"," g_vars = [v for v in generator.parameters()]\n","\n"," #optimizer\n"," dis_optimizer = torch.optim.AdamW(d_vars, lr=learning_rate_discriminator)\n"," gen_optimizer = torch.optim.AdamW(g_vars, lr=learning_rate_generator)\n","\n"," #scheduler\n"," if apply_scheduler:\n"," num_train_examples = len(train_examples)\n"," num_train_steps = int(num_train_examples / batch_size * num_train_epochs)\n"," num_warmup_steps = int(num_train_steps * warmup_proportion)\n","\n"," scheduler_d = get_constant_schedule_with_warmup(dis_optimizer,\n"," num_warmup_steps = num_warmup_steps)\n"," scheduler_g = get_constant_schedule_with_warmup(gen_optimizer,\n"," num_warmup_steps = num_warmup_steps)\n","\n"," # For each epoch...\n"," for epoch_i in range(0, num_train_epochs):\n"," # ========================================\n"," # Training\n"," # ========================================\n"," # Perform one full pass over the training set.\n"," print(\"\")\n"," print('======== Epoch {:} / {:} ========'.format(epoch_i + 1, num_train_epochs))\n"," print('Training...')\n","\n"," # Measure how long the training epoch takes.\n"," t0 = time.time()\n","\n"," # Reset the total loss for this epoch.\n"," tr_g_loss = 0\n"," tr_d_loss = 0\n","\n"," # Put the model into training mode.\n"," transformer.train()\n"," generator.train()\n"," discriminator.train()\n","\n"," # For each batch of training data...\n"," for step, batch in enumerate(train_dataloader):\n","\n"," # Progress update every print_each_n_step batches.\n"," if step % print_each_n_step == 0 and not step == 0:\n"," # Calculate elapsed time in minutes.\n"," elapsed = format_time(time.time() - t0)\n","\n"," # Report progress.\n"," print(' Batch {:>5,} of {:>5,}. Elapsed: {:}.'.format(step, len(train_dataloader), elapsed))\n","\n"," # Unpack this training batch from our dataloader.\n"," b_input_ids = batch[0].to(device)\n"," b_input_mask = batch[1].to(device)\n"," b_labels = batch[2].to(device)\n"," b_label_mask = batch[3].to(device)\n","\n"," real_batch_size = b_input_ids.shape[0]\n","\n"," # Encode real data in the Transformer\n"," model_outputs = transformer(b_input_ids, attention_mask=b_input_mask)\n"," #model_outputs = transformer(input_ids = None, inputs_embeds = inputs_embeds, attention_mask=b_input_mask) #Verify this with Dr.Chen\n"," hidden_states = model_outputs[-1]\n","\n"," # Generate fake data that should have the same distribution of the ones\n"," # encoded by the transformer.\n"," # First noisy input are used in input to the Generator\n"," noise = torch.zeros(real_batch_size, noise_size, device=device).uniform_(0, 1)\n"," # Gnerate Fake data\n"," gen_rep = generator(noise)\n","\n"," # Generate the output of the Discriminator for real and fake data.\n"," # First, we put together the output of the tranformer and the generator\n"," disciminator_input = torch.cat([hidden_states, gen_rep], dim=0)\n"," # Then, we select the output of the disciminator\n"," features, logits, probs = discriminator(disciminator_input)\n","\n"," # Finally, we separate the discriminator's output for the real and fake\n"," # data\n"," features_list = torch.split(features, real_batch_size)\n"," D_real_features = features_list[0]\n"," D_fake_features = features_list[1]\n","\n"," logits_list = torch.split(logits, real_batch_size)\n"," D_real_logits = logits_list[0]\n"," D_fake_logits = logits_list[1]\n","\n"," probs_list = torch.split(probs, real_batch_size)\n"," D_real_probs = probs_list[0]\n"," D_fake_probs = probs_list[1]\n","\n"," #---------------------------------\n"," # LOSS evaluation\n"," #---------------------------------\n"," # Generator's LOSS estimation\n"," g_loss_d = -1 * torch.mean(torch.log(1 - D_fake_probs[:,-1] + epsilon))\n"," g_feat_reg = torch.mean(torch.pow(torch.mean(D_real_features, dim=0) - torch.mean(D_fake_features, dim=0), 2))\n"," g_loss = g_loss_d + g_feat_reg\n","\n"," # Disciminator's LOSS estimation\n"," logits = D_real_logits[:,0:-1]\n"," log_probs = F.log_softmax(logits, dim=-1)\n"," # The discriminator provides an output for labeled and unlabeled real data\n"," # so the loss evaluated for unlabeled data is ignored (masked)\n"," label2one_hot = torch.nn.functional.one_hot(b_labels, len(label_list))\n"," per_example_loss = -torch.sum(label2one_hot * log_probs, dim=-1)\n"," per_example_loss = torch.masked_select(per_example_loss, b_label_mask.to(device))\n"," labeled_example_count = per_example_loss.type(torch.float32).numel()\n","\n"," # It may be the case that a batch does not contain labeled examples,\n"," # so the \"supervised loss\" in this case is not evaluated\n"," if labeled_example_count == 0:\n"," D_L_Supervised = 0\n"," else:\n"," D_L_Supervised = torch.div(torch.sum(per_example_loss.to(device)), labeled_example_count)\n","\n"," D_L_unsupervised1U = -1 * torch.mean(torch.log(1 - D_real_probs[:, -1] + epsilon))\n"," D_L_unsupervised2U = -1 * torch.mean(torch.log(D_fake_probs[:, -1] + epsilon))\n"," d_loss = D_L_Supervised + D_L_unsupervised1U + D_L_unsupervised2U\n","\n"," #---------------------------------\n"," # OPTIMIZATION\n"," #---------------------------------\n"," # Avoid gradient accumulation\n"," gen_optimizer.zero_grad()\n"," dis_optimizer.zero_grad()\n","\n"," # Calculate weigth updates\n"," # retain_graph=True is required since the underlying graph will be deleted after backward\n"," g_loss.backward(retain_graph=True)\n"," d_loss.backward()\n","\n"," # Apply modifications\n"," gen_optimizer.step()\n"," dis_optimizer.step()\n","\n"," # A detail log of the individual losses\n"," #print(\"{0:.4f}\\t{1:.4f}\\t{2:.4f}\\t{3:.4f}\\t{4:.4f}\".\n"," # format(D_L_Supervised, D_L_unsupervised1U, D_L_unsupervised2U,\n"," # g_loss_d, g_feat_reg))\n","\n"," # Save the losses to print them later\n"," tr_g_loss += g_loss.item()\n"," tr_d_loss += d_loss.item()\n","\n"," # Update the learning rate with the scheduler\n"," if apply_scheduler:\n"," scheduler_d.step()\n"," scheduler_g.step()\n","\n"," # Calculate the average loss over all of the batches.\n"," avg_train_loss_g = tr_g_loss / len(train_dataloader)\n"," avg_train_loss_d = tr_d_loss / len(train_dataloader)\n","\n"," # Measure how long this epoch took.\n"," training_time = format_time(time.time() - t0)\n","\n"," print(\"\")\n"," print(\" Average training loss generetor: {0:.3f}\".format(avg_train_loss_g))\n"," print(\" Average training loss discriminator: {0:.3f}\".format(avg_train_loss_d))\n"," print(\" Training epcoh took: {:}\".format(training_time))\n","\n"," # ========================================\n"," # TEST ON THE EVALUATION DATASET\n"," # ========================================\n"," # After the completion of each training epoch, measure our performance on\n"," # our test set.\n"," print(\"\")\n"," print(\"Running Test...\")\n","\n"," t0 = time.time()\n","\n"," # Put the model in evaluation mode--the dropout layers behave differently\n"," # during evaluation.\n"," transformer.eval() #maybe redundant\n"," discriminator.eval()\n"," generator.eval()\n","\n"," # Tracking variables\n"," total_test_accuracy = 0\n","\n"," total_test_loss = 0\n"," nb_test_steps = 0\n","\n"," all_preds = []\n"," all_labels_ids = []\n","\n"," #loss\n"," nll_loss = torch.nn.CrossEntropyLoss(ignore_index=-1)\n","\n"," # Evaluate data for one epoch\n"," for batch in test_dataloader:\n","\n"," # Unpack this training batch from our dataloader.\n"," b_input_ids = batch[0].to(device)\n"," b_input_mask = batch[1].to(device)\n"," b_labels = batch[2].to(device)\n","\n"," # Tell pytorch not to bother with constructing the compute graph during\n"," # the forward pass, since this is only needed for backprop (training).\n"," with torch.no_grad():\n"," model_outputs = transformer(b_input_ids, attention_mask=b_input_mask)\n"," hidden_states = model_outputs[-1]\n"," _, logits, probs = discriminator(hidden_states)\n"," ###log_probs = F.log_softmax(probs[:,1:], dim=-1)\n"," filtered_logits = logits[:,0:-1]\n"," # Accumulate the test loss.\n"," total_test_loss += nll_loss(filtered_logits, b_labels)\n","\n"," # Accumulate the predictions and the input labels\n"," _, preds = torch.max(filtered_logits, 1)\n"," all_preds += preds.detach().cpu()\n"," all_labels_ids += b_labels.detach().cpu()\n","\n"," # Report the final accuracy for this validation run.\n"," all_preds = torch.stack(all_preds).numpy()\n"," all_labels_ids = torch.stack(all_labels_ids).numpy()\n"," test_accuracy = np.sum(all_preds == all_labels_ids) / len(all_preds)\n"," print(\" Accuracy: {0:.3f}\".format(test_accuracy))\n","\n"," # Calculate the average loss over all of the batches.\n"," avg_test_loss = total_test_loss / len(test_dataloader)\n"," avg_test_loss = avg_test_loss.item()\n","\n"," # Measure how long the validation run took.\n"," test_time = format_time(time.time() - t0)\n","\n"," print(\" Test Loss: {0:.3f}\".format(avg_test_loss))\n"," print(\" Test took: {:}\".format(test_time))\n","\n"," # Record all statistics from this epoch.\n"," training_stats.append(\n"," {\n"," 'epoch': epoch_i + 1,\n"," 'Training Loss generator': avg_train_loss_g,\n"," 'Training Loss discriminator': avg_train_loss_d,\n"," 'Valid. Loss': avg_test_loss,\n"," 'Valid. Accur.': test_accuracy,\n"," 'Training Time': training_time,\n"," 'Test Time': test_time,\n"," 'Preds': all_preds,\n"," 'Labels': all_labels_ids\n"," }\n"," )\n","\n"," last_pred = []\n"," last_label = []\n"," for stat in training_stats:\n"," last_pred = stat['Preds']\n"," last_label = stat['Labels']\n","\n","\n"," print(\"\\nTraining complete!\")\n","\n"," print(\"Total training took {:} (h:mm:ss)\".format(format_time(time.time()-total_t0)))\n","\n"," with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/runs/'+ str(z) +'/training_stats_lab_yelp_100L_ns_400R.pkl', 'wb') as f:\n"," pickle.dump(training_stats, f)"]},{"cell_type":"code","execution_count":null,"metadata":{"id":"dDm9NProRB4c","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1679283224281,"user_tz":420,"elapsed":173,"user":{"displayName":"Tom Hoang","userId":"06929039740252442952"}},"outputId":"ac51e265-4e9c-4436-97ef-38c72f33ca64"},"outputs":[{"output_type":"stream","name":"stdout","text":["\n","Training complete!\n","Total training took 0:03:46 (h:mm:ss)\n"]}],"source":["last_pred = []\n","last_label = []\n","for stat in training_stats:\n"," last_pred = stat['Preds']\n"," last_label = stat['Labels']\n","\n","\n","print(\"\\nTraining complete!\")\n","\n","print(\"Total training took {:} (h:mm:ss)\".format(format_time(time.time()-total_t0)))"]},{"cell_type":"code","source":["with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/runs/1/training_stats_lab_ns_100.pkl', 'wb') as f:\n"," pickle.dump(training_stats, f)"],"metadata":{"id":"LJ-ki1aykw58"},"execution_count":null,"outputs":[]},{"cell_type":"code","execution_count":null,"metadata":{"id":"T_IaS--gcYyl","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1721359427900,"user_tz":420,"elapsed":409,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"b337ee04-8db6-4bfc-fd14-1564cd1a6666"},"outputs":[{"output_type":"execute_result","data":{"text/plain":["array([1, 0, 0, 1, 0, 0, 0, 0, 1, 1, 0, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 0, 0, 1, 0, 1, 1, 1, 0, 1, 1, 1, 1, 0, 1, 0, 0, 1, 1, 0, 1,\n"," 1, 1, 1, 1, 1, 1, 0, 1, 0, 1, 0, 0, 1, 0, 0, 0, 1, 0, 1, 0, 0, 0,\n"," 0, 1, 1, 0, 1, 0, 0, 0, 0, 0, 0, 1, 1, 0, 1, 1, 1, 0, 1, 1, 1, 0,\n"," 1, 0, 0, 1, 0, 0, 0, 0, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0, 1,\n"," 1, 0, 0, 0, 1, 1, 1, 0, 0, 1, 1, 1, 1, 1, 0, 1, 0, 0, 1, 0, 1, 0,\n"," 1, 1, 0, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0, 1, 0, 1, 0, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1])"]},"metadata":{},"execution_count":29}],"source":["last_pred"]},{"cell_type":"code","execution_count":null,"metadata":{"id":"Qq76zKxmck5T","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1721359431548,"user_tz":420,"elapsed":1074,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"88fceb85-8b0f-45f6-d376-0358d419e630"},"outputs":[{"output_type":"execute_result","data":{"text/plain":["array([0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1])"]},"metadata":{},"execution_count":30}],"source":["last_label"]},{"cell_type":"code","source":["from sklearn.metrics import classification_report"],"metadata":{"id":"EKnqunrU10RW"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["from google.colab import drive\n","drive.mount('/content/drive')"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"0d6xC-nG-ej3","executionInfo":{"status":"ok","timestamp":1679684179863,"user_tz":420,"elapsed":23006,"user":{"displayName":"Thong Hoang","userId":"01246065757324293441"}},"outputId":"c48badd7-1869-4e2b-b7e9-596844469493"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Mounted at /content/drive\n"]}]},{"cell_type":"code","source":["import pickle"],"metadata":{"id":"csIUAyIg-ruH"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["for z in range(1, 2):\n"," with open('/content/drive/MyDrive/CSC 502/GAN-BERT/runs/'+ str(z) +'/training_stats_lab_op_spam_100_s.pkl', 'rb') as f:\n"," print(z)\n"," training_stats = pickle.load(f)\n","\n"," last_pred = []\n"," last_label = []\n"," for stat in training_stats:\n"," last_pred = stat['Preds']\n"," last_label = stat['Labels']\n","\n"," target_names = ['real', 'fake']\n"," print(classification_report(last_label, last_pred, target_names=target_names))"],"metadata":{"id":"SUn_VlD815Yk"},"execution_count":null,"outputs":[]},{"cell_type":"code","execution_count":null,"metadata":{"id":"tWlGOpascAaa","colab":{"base_uri":"https://localhost:8080/","height":507},"executionInfo":{"status":"ok","timestamp":1721359527836,"user_tz":420,"elapsed":1062,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"b62b7cf9-f3f0-44e7-b2c9-33fd3cbd8d64"},"outputs":[{"output_type":"display_data","data":{"text/plain":["
"],"image/png":"iVBORw0KGgoAAAANSUhEUgAAAcUAAAHqCAYAAAB1O1VnAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAAA8dUlEQVR4nO3deVxV1f7/8fdhRplRcUKcMofKOVMrh8yhwUwrb1nO1zJtsuxbWU71y8q+t7L8lpk5VE6ZerUsU9NrjjmkaWGlASoomSggIAis3x9uzpWYDxyOyOv5ePDwsM9ae33OBs+bvc/ea9uMMUYAAEBuri4AAIDLBaEIAICFUAQAwEIoAgBgIRQBALAQigAAWAhFAAAshCIAABZCEQAAC6EI/M2BAwd03333qVatWvLw8JDNZlOrVq1cVs+mTZtks9lks9lcVgPyFx0dbf/ZREdHu7oclAFCEU6RlZWlpUuXavDgwWrSpImCgoLk5eWlGjVq6MYbb9Tzzz+vgwcPurrMPKKiotS5c2d9/vnnOnnypAIDAxUWFqZq1aq5urQKKScwbDabmjVrVmT7Xbt25eozdOjQMq1n3759mjx5st5+++0yXS+uHB6uLgBXnh07dmjIkCH67bff7Ms8PT3l7++v06dPa+vWrdq6datee+019e/fX4sWLZKXl5cLK/6vWbNmKTk5WY0bN9amTZtUp04dV5ekKlWq6Oqrr3Z1GaV26NAhbd++XR07diywzccff+zUGvbt26cpU6YoIiJCTz75ZKnX5+npaf/ZeHp6lnp9cD32FFGmVq9era5du+q3335TaGiopk2bpt9++00ZGRk6ffq0MjIytGvXLj333HMKCAjQ8uXLlZqa6uqy7Q4cOCBJuuuuuy6LQJSk66+/XocOHdKhQ4dcXYrD6tevL0maO3dugW3Onz+vxYsXy2azKSIiopwqK506derYfzaXy+8LSodQRJn5/fff9eCDDyo9PV3NmzfXvn379Nxzz+mqq66yt3F3d1e7du00bdo0RUVF6a677nJhxXnlBLSfn5+LK7myDB48WDabTUuWLCnwj6Dly5fr7Nmz6tKliz1EgfJGKKLMvPjii0pKSpKPj49WrFihunXrFto+JCREK1euVGBgYJ7nTp48qfHjx6tFixaqWrWqqlatqhYtWujZZ59VfHx8vuv7+0kP8fHxeuKJJ9SgQQP5+PgoLCxM//jHP/Ld46pfv75sNps2bdokSZoyZUquz7Zylk+ePFk2m01du3Yt8HUVdWLMzp07NWjQIHtdVatWVUREhLp06aKXX35Zx48fL9H6XLG9SqpBgwbq0qWLkpKS9MUXX+TbJufQ6bBhwwpdV2pqqhYtWqTBgwerVatWql69ury9vVW7dm3169dPX3/9db79bDabfd0xMTG5fr42m02TJ0+2tx06dKj9M01jjD766CPdeOONCg0Nlc1m07x58yQVfKLN6dOnVbduXdlsNvXr1y/fejIzM9W5c2fZbDZdd911On/+fKGvG+XEAGXg5MmTxs3NzUgyI0aMKNW6Nm3aZIKCgowkI8lUrVrVVK1a1f59cHCw+f777/P0i4qKsrf58ssvTY0aNYwkU6VKFePt7W1/LiAgwOzbty9X33bt2pmwsDDj6elpHzMsLMz+tXXrVmOMMZMmTTKSTJcuXQqsf+PGjfax/m7evHnGZrPZn/f29jYBAQH27yWZuXPnFnt9rtpexXXpa5o/f76RZLp165anXXR0tLHZbMbf39+kpKSYLl26GElmyJAhedrOnTvXvl6bzWYCAwNNlSpVcm3Dp59+Ok+/sLAw+7Z2c3PL9fMNCwsz06dPt7cdMmSIkWQGDx5sBgwYYO8THBxs3Nzc7D+jS7dhVFRUrvE2bdpk/z/x3nvv5alnwoQJRpLx9fU1P//8c8k2LJyGUESZWLRoUa43WEcdPXrU/gbfvHlzs2XLFvtzmzdvNldffbWRZEJCQszx48dz9b30DSo4ONh07tzZ7Nq1yxhjzIULF8y6detMrVq1jCRz00035Tt+zpvxpEmT8n2+NKGYkpJi/P39jSTz4IMPmsOHD9ufO3funNm9e7cZP368+eqrr4q1vsthexXl0lDMef02m8388ccfudpNnjzZSDIjR440xphCQ3HlypXmmWeeMVu2bDEpKSn25XFxcWbKlCn2P2z+/e9/5+mbE6gRERGF1p0Tin5+fsbDw8O8+eabJjEx0RhjTHJysomLizPGFB6Kxhjz0ksvGUnGx8fH/PTTT/blGzdutAfmBx98UGgtKF+EIsrEiy++aH9ziI2NdXg9jzzyiP1N+sSJE3meP3bsmP2v/TFjxuR67tI3qKZNm5rU1NQ8/VetWmVvc+zYsTzPOzMUd+7cad+Tu3DhQoH9i7s+Y1y/vYry973fkSNHGklm4sSJ9jbZ2dmmfv36RpJ9j7ywUCzK9OnTjSRzyy235HmupKEoycyYMaPAdkWFYmZmpuncubP9j5bU1FTz119/mTp16hhJpn///iV9eXAyPlNEmTh9+rT9cUhIiEPrMMZo6dKlkqRHHnlENWvWzNOmbt26euSRRyRJixcvLnBdTz/9tHx9ffMs79Onj/3yj5wzTctLUFCQJNnPxC2tiri9hg8fLkmaP3++jDGSpI0bNyo6OlpXX321OnXqVOoxbr/9dknS9u3blZWVVap1BQcH6+GHH3a4v7u7uxYuXKjg4GD98ssveuKJJzR8+HDFxsYqPDxcH330UanqQ9kjFHHZiIqKUkJCgiSpR48eBba79dZbJV0M4qioqHzbdOjQId/lHh4eql69uiTZxyovjRo1UtOmTXXhwgV16NBBr7/+uvbt2+fwG3dF3F4dO3ZU06ZNFRMTow0bNkgq/gk2l4qPj9ekSZPUsWNHhYaG2mcestlsat68uaSLJ+ScOXOmVPW2b9++1NfQ1qtXT7Nnz5YkzZ49W6tWrZK7u7s+/fRTBQcHl2rdKHuEIspEaGio/bGjb55//vmn/XFh13xdelbrpX0u5e/vX2B/D4+Lc1ZcuHChpCWWiru7uxYvXqwGDRooJiZGzz33nFq3bq2AgADdeuutev/990t0zWZF3V454Td37lwlJSVp+fLlcnd31+DBg4vVf/v27WratKmmTp2qHTt2KCEhQb6+vqpRo0ae2YdSUlJKVWuNGjVK1T/HgAEDNGDAAPv3zzzzjG6++eYyWTfKFqGIMtGiRQv74x9//NGFlVzeWrZsqUOHDumLL77QqFGjdM011ygtLU3r16/Xo48+qqZNm5b7Yd3y9tBDD8nd3V0rVqzQBx98oLS0NPXu3Vu1atUqsm9mZqbuv/9+nT17Vq1atdKaNWuUlJSk5ORkxcfH6+TJk9qxY4e9fc4hWke5u7uXqn+O6OhorV+/3v791q1bS31oF85BKKJMdOvWTW5uF3+dVqxY4dA6Lv2r/O/X6l3q0ufK6i/54srZayrsmrLExMRC1+Hl5aX+/ftr1qxZOnDggE6dOqUPPvhAISEhOnbsmIYMGVKsWirC9spPrVq11Lt3b6Wlpemll16SVPxDp9u3b1dMTIzc3d315Zdfqk+fPnn2ck+ePFnmNZdGTpAnJiaqSZMm8vb21pYtW/Tyyy+7ujTkg1BEmQgLC7MfHlq4cGGueU+LkvPXfIMGDewn6eR83pSfnL+4Q0ND1aBBA0dLdkjOZ0DHjh0rsM3OnTtLtM7Q0FA9/PDDev311yVd3NMuzok4FWF7FSTnhJuMjAxVq1ZNffv2LVa/nO1evXr1Ag8ZX7pH9nc5f7iVdg+yJCZNmqQdO3aoSpUqWrlypf3n/Morr2jLli3lVgeKh1BEmXnllVfk5+entLQ09e/fX7GxsYW2P3PmjAYMGGDfs7LZbBo4cKCkixNz5/cXf1xcnGbNmiVJuv/++8v4FRStZcuW9jryC78///zTflLF36Wnpxe67kvP/sx58y5MRdheBbnzzjs1fvx4Pf3003r77beLPZl2zuxH8fHx+c7Uc/z4cc2YMaPA/gEBAZKks2fPlrxoB2zcuFGvvfaaJOmtt95Ss2bN9MQTT+j2229XVlaWBg0aVOqTgVC2CEWUmSZNmuiTTz6Rl5eXfv75Z7Vq1Uqvv/66Dh8+bG+TlZWlH3/8URMnTlTDhg21fPnyXOt44YUXFBQUpISEBPXo0UPbtm2zP7d161b16NFDZ8+eVUhIiJ577rlye205OnXqZJ+sesiQIdq9e7eMMcrOztamTZvUtWtXZWdn59t38eLF6ty5s2bNmqU//vjDvjwrK0tr1661v56OHTsW+6zEy317FcTT01NvvPGG3nzzTQ0aNKjY/W688UZVrVpVxhjdd9999iMSOduwa9euhU6Hd80110iSkpKS7JezOMvp06f10EMPKTs7W/3799eoUaPsz82dO1e1atXS0aNH9c9//tOpdaCEXHeJJK5UW7ZsMY0bN8417ZaXl5cJCQmxz+Iha4qu+++/32RkZOTqv2nTJhMYGFjgtGVBQUFm8+bNecYt6kLqHBEREflOp2ZM0RfvG2PMN998Y581Rda0aD4+PkaSueqqq3LN7nOpS6cnkzXFW2hoaK5tUrt2bRMZGZmrX3GmeXPV9ipKzvpL2rewi/fff//9XNvRz8/Pvv2rVauWa8KB/F7XLbfcYn/e39/fREREmIiICPPWW2/Z2+RcvF/U5AGFbcO+ffsaSSY8PNwkJCTk6btu3Tr7lH8ffvhhMbYKygN7iihznTt31qFDh7Ro0SINGjRIjRs3lo+Pj5KTkxUSEqIbb7xREyZMUGRkpBYuXJjn0FmXLl0UGRmpp59+Ws2aNVN2draMMWrWrJmeeeYZRUZG6qabbnLRq5N69eql77//XnfccYeCg4OVlZWl8PBwPffcc9qzZ0++F9FLUt++fbVgwQINGzZMLVu2VGBgoBITE+Xv76/rr79eL7/8sn7++Wc1bdq0RPVc7turrD3yyCP66quv1LVrV/n5+SkzM1N16tTRY489pv379+vaa68ttP+yZcv01FNPqUmTJrpw4YJiYmIUExNTpodUZ86cqVWrVsnNza3A6xF79Oih8ePHS5KefPJJRUZGltn4cJzNmHL8xBkAgMsYe4oAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIpwupkzZ6p+/fry8fFRhw4d9MMPP7i6JKBcbN68WXfeeadq164tm82mlStXurokFIFQhFMtWbJE48aN06RJk7R37161bNlSvXr1KvAO8MCVJCUlRS1bttTMmTNdXQqKiWne4FQdOnRQ+/bt9d5770mSsrOzFR4erscee+yyumsD4Gw2m00rVqxQv379XF0KCsGeIpwmIyNDe/bsUY8ePezL3Nzc1KNHD23fvt2FlQFA/ghFOM1ff/2lrKwshYWF5VoeFhaW7w1xAcDVCEUAACyEIpymWrVqcnd3V3x8fK7l8fHxBd5zEABciVCE03h5ealt27basGGDfVl2drY2bNigjh07urAyAMifh6sLwJVt3LhxGjJkiNq1a6frr79eb7/9tlJSUjRs2DBXlwY43blz53T48GH791FRUdq3b59CQkJUr149F1aGgnBJBpzuvffe0/Tp03Xy5Em1atVKM2bMUIcOHVxdFuB0mzZtUrdu3fIsHzJkiObNm1f+BaFIhCIAABY+UwQAwEIoAgBgIRQBALAQigAAWAhFAAAshCIAABZCEQAAC6EIp0tPT9fkyZOVnp7u6lIAl+D/QMXBxftwuqSkJAUGBioxMVEBAQGuLgcod/wfqDjYUwQAwEIoAgBgqRR3ycjOzlZcXJz8/f1ls9lcXU6lk5SUlOtfoLLh/4BrGWOUnJys2rVry82t8H3BSvGZ4vHjxxUeHu7qMgAALnTs2DHVrVu30DaVYk/R399fknR07wYF+Pu5uBqg/F2IP+bqEgCXSU5JVcNeg+1ZUJhKEYo5h0wD/P0IRVRKF1KquroEwOWK8/EZJ9oAAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsHi4ugBUTLv3HdS/136n3fsO6nDUUZ06fUbn09NVLSRY7Vq20NB/3K1+fW7J0y/6aKwaXt+zyPX/8M0StWt1jTNKB5ziXGqaWt49Ssfj/5IkzZ4yToPvujVXm+jYeF19+9Ai17Xts3fUtkUTZ5SJIhCKcMhHC7/QhwuW2r/3q1pFbm5uijv5p1ad/FOr1m7UgNtv1cIPpsvT0zPfdYRVDy1w/Z6e/GqiYpn03nx7IBZHWGhwgc95evD77ypseTikY9uWatq4gW6+oZ2aNIqQX9WqkqRjsSf07pzP9Ob/zdUXX63Ta+9+pJfGjc53HScObC7PkgGn+THysN5fslrXX3u1fjjwa7H6HN2w0MlVwRF8pgiHDBnYT0+OGqw21zW3B6IkhdeppTcmPqMH77lTkjR/yb9dVSJQLrKzszXm5RmSpHcnjHVxNSgtQhFOkfN5YFz8ny6uBHCumYtWac8vv2vUvberVdPGri4HpUQowim279onSWoQXse1hQBOFBv/l6b83wKFhQZrypghri4HZYDPFFFmzqWk6I+Y45q1YKmW/PtrSdKY4Q8U2L7T7Q/o518P60JmpmpWr6bO17fWw4Pv040d2pZXyUCpPPX6+0pOSdOMF8Yq0L9q0R0ucfPgp/TLkRhdyMxSWGiwOrVqrn/ee5s6t+asa1eqUHuKM2fOVP369eXj46MOHTrohx9+cHVJld7xuJNyq9lCbjVbKKDR9WrVvb/en7dYPj7emvo/j+nRYfcX2HfHnv1yc7v4Kxh9LFafffGlbr5rsJ58aZqMMeX1EgCHfPmfHfr3d9vUpd11euD27iXuv/OnQ3KzXfz9j4mL16I1G9V92Hg9/cYH/P67UIUJxSVLlmjcuHGaNGmS9u7dq5YtW6pXr176808+s3Ild3d3hVUPVVj1UHl5Xbz0wsPDQ889NlJj8glEHx8vjR76D/1n5QIlHflBZ37boZSoPdr97ee6s2dXSdKM2Z9q2ozZ5fkygBJJSTuvp157X54eHnrn+UeL3c/H21MP33eHNnw8Xae3LdefW5bp7I6V2rHoXd3epYMk6b2F/9Ybc5Y4q3QUwWYqyJ8kHTp0UPv27fXee+9JunjGV3h4uB577DE999xzhfZNSkpSYGCgzv6+UwH+fuVRbqWUnZ2tw1FH9fp7czR30XLVq1NLX332gVqU4OSDgf8cp89Xr1XVKr469uN3CgoMcGLFlceFk0ddXcIV5dn/na13Plmup4feo1efHJHrOe9WfSTlf/F+UR4Y/6q+WPe9qvr66I+1nygogPerspB0LkXVb7xHiYmJCggo/D2lQuwpZmRkaM+ePerRo4d9mZubm3r06KHt27fnaZ+enq6kpKRcX3A+Nzc3NWlUX3PeellPPTxER2NPaPBjzyk7O7vY63jtxXGSpJTUNG34foezSgUctv/QEb23cKXCa1bXhIcHlem6/9+TwyVd3BPd+MO+Ml03iqdChOJff/2lrKwshYWF5VoeFhamkydP5mk/bdo0BQYG2r/Cw8PLq1RYHhtx8c3ixwOR+vFAZLH7NYioq+qhIZKkP2KOO6U2oDSenv6BsrKyNWXsEBljdC41LddXjvQLF3QuNU2paeeLve4GdWqqenCgJOmP43nf2+B8V+TZp88//7zGjRtn/z4pKYlgLGd1atWwPz4SfUxtW7ZwYTVA2Tkad/E8huEvvllou7GvvKuxr7yriFo19NvX88ujNJSBChGK1apVk7u7u+Lj43Mtj4+PV82aNfO09/b2lre3d3mVh3xEHY21P/arWqX4/WKO69TpBElSg3pc44jKJSr2pE6dSZQkNagTVkRrOEOFCEUvLy+1bdtWGzZsUL9+/SRdPKljw4YNGjuWaZXKW1ZWltzc3GSz2QpsM/3/PpZ08UzUju1a2pcbYwrtN2Ha25IkX18fdb+xQ9kUDJShovb6CjvRpqjf/4nvzpMk+fp4q+v1rUpVJxxTIT5TlKRx48Zp9uzZmj9/viIjIzV69GilpKRo2LBhri6t0jkWe1Lte92njxcu1/G4/37ukZ2drX0HI/Xgo89qzmdfSJLGjnhAwUGB9jbd7h6qaTNm62Dk78rKypJ08Y3ixwOR6j/scS1eefGi/2fHjFBIcFD5vSigHNw68lm9MWeJfj4cnev3f9+hw7r3qala+s1/JEnPDL1XIYH+riy10qoQe4qSNHDgQJ06dUoTJ07UyZMn1apVK33zzTd5Tr5B+dj70y8aOe4lSZKPj7f8qlRRckqK0tMz7G2GDuynN156Ole/mONxmvDq25rw6tvy9PRQgL+fUtPOK+2SkxHGjhikiU/nf2cNoCI7GvenXnp3nl56d548PTwU4FdFqefTlXY+3d7m0fv7asLDBc8EBeeqMKEoSWPHjuVw6WWgds3qWjzrf7Vhyw7t+vGATsSf0ukzifLx9lKjiHDd0K6Vhv2jnzpf3yZP3zcmPqN1m7dp148HdPLPv5RwNlFenp66unEDdWrfWqMeulcd2lznglcFON+0p0Zq/Y692n3wN8WfPqOExGR5eXqoSf266tSquUYM6KPrr23q6jIrtQpz8X5pcPE+Kjsu3kdldsVdvA8AQHkgFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFqeG4pkzZ5SYmOjMIQAAKDMOh2JcXJwWLFigb775Js9zP//8s9q1a6dq1aopJCREN910k3777bdSFQoAgLM5HIoff/yxhg0bpk2bNuVanpaWpttuu00//vijjDEyxmjr1q3q0aOHkpKSSlsvAABO43Aorl+/XpI0cODAXMvnz5+vY8eOKSQkRLNnz9ann36qunXrKjY2VjNnzixdtQAAOJHDoRgdHS1Jatq0aa7ly5cvl81m06uvvqoRI0bogQce0OzZs2WM0apVq0pVLAAAzuRwKP71118KCAiQr6+vfVl2dra2bdsmm82me+65x7781ltvlZubm3799dfSVQsAgBM5HIpZWVlKT0/PtezAgQNKTU1VixYtFBwc/N9B3NwUHByslJQUxysFAMDJHA7FWrVqKT09XVFRUfZla9eulSR16tQpT/tz584pJCTE0eEAAHA6h0OxY8eOkqQpU6YoOztbp06d0vvvvy+bzaZevXrlahsVFaX09HTVqlWrdNUCAOBEDofiE088IUn65JNPFBQUpPDwcMXExKhBgwa64447crVdt26dJKlNmzalKBUAAOdyOBSvv/56ffzxx/Lz89O5c+eUkZGhpk2bavny5fLw8MjVdsGCBZKkbt26la5aAACcyGaMMaVZQVpamg4ePKigoCA1atRIbm65czYjI0OLFy+WMUZ33XWXgoKCSjOcQ5KSkhQYGKizv+9UgL9fuY8PuNqFk0ddXQLgMknnUlT9xnuUmJiogICAQtt6FPpsMfj6+qp9+/YFPu/l5aXBgweXdhgAAJyOu2QAAGAhFAEAsBTr8GnDhg3LZDCbzaYjR46UyboAAChrxQrFnHlOS8tms5XJegAAcIZiheLcuXOdXQcAAC5XrFAcMmSIs+sAAMDlONEGAAALoQgAgIVQBADAUupQ3L9/v0aNGqXmzZsrICBA7u7uBX79fU5UAAAuJ6VKqffee0/jxo1TVlaWSjmFKgAALufwnuLOnTv1xBNPKCsrS48++qjWrFkjSQoJCdH69ev16aefaujQofLy8lK1atW0cOFCfffdd2VWOAAAZc3hu2QMGjRIixYt0pNPPql//etfkiQ3NzfVrFlTcXFx9nb79u1Tr169FBAQoL1798rf379sKi8B7pKByo67ZKAyK8ldMhzeU9y6datsNpv9ZsM5/p6xrVq10rvvvqsjR45o+vTpjg4HAIDTORyK8fHx8vb2VkRExH9X5uam8+fP52l79913y9PTU8uXL3d0OAAAnM7hE22qVKmSZy5Tf39/JSUlKT09Xd7e3vblnp6eqlKlimJiYhyvFAAAJ3N4T7FOnTpKSkpSZmamfVmjRo0kSbt27crVNi4uTomJiZyhCgC4rDkcis2aNVNWVpYOHDhgX9a1a1cZYzR16lT7YdSMjAw9/vjjkqRrr722lOUCAOA8Dodiz549ZYzR6tWr7cvGjBkjb29vbdiwQXXr1lXnzp1Vp04drVixQjabTWPHji2TogEAcAaHP1McMGCAjh8/rtq1a9uXNWjQQAsXLtSwYcOUkJCg7du3S7p4As748eM1aNCg0lcMAICTOHydYmESEhK0Zs0aHTt2TIGBgerZs6caN25c1sMUG9cporLjOkVUZiW5TtEpk5GGhITowQcfdMaqAQBwGu6SAQCAhVAEAMDi8OHT7t27l7iPzWbThg0bHB0SAACncjgUN23aVKx2ObPeGGPyzIADAMDlxOFQnDRpUqHPJyYmaufOndq+fbtCQ0M1evRoubu7OzocAABO57RQzPHdd9+pf//++uWXX7Rs2TJHhwMAwOmcfqJN9+7d9c4772jFihX66KOPnD0cAAAOK5ezTwcOHCh3d3dCEQBwWXPKxft/5+Pjo6pVqyoyMrI8hiuQLbShbEXMZgBciaJ+iXJ1CYDLnEvJLnbbctlTjI2N5dZRAIDLntNDMS0tTY8++qgkbh0FALi8OXz4dOrUqYU+f/78eR07dkxr167V6dOnZbPZNGbMGEeHAwDA6RwOxcmTJxfrYnxjjNzc3PTiiy/qgQcecHQ4AACczuFQvPnmmwsNRQ8PDwUHB6tly5a67777dNVVVzk6FAAA5cLp07wBAFBRcJcMAAAsDofi1KlT9a9//avY7WfMmFHkyTkAALiSzTh48aCbm5tq1qypuLi4YrVv0KCBjh49qqysLEeGK5WkpCQFBgYqMeGUArh4H5XQr5vXuboEwGXOpaSq3Z33KTExscgM4PApAACWcgvFhIQE+fj4lNdwAACUWLmE4ueff67k5GTVq1evPIYDAMAhxb4k45133tE777yTa9mpU6fUsGHDAvsYY3T27FklJSXJZrPp9ttvd7xSAACcrNihePbsWUVHR+dalpWVlWdZQW655RZNnDixJLUBAFCuih2K/fr1U/369SVd3AMcPny4AgMD9fbbbxfYx83NTQEBAbrmmmvUqFGj0tYKAIBTldslGa7EJRmo7LgkA5VZSS7JcHiat+zs4t+0EQCAioDrFAEAsDgcijt27FCbNm2KdY/EkSNHqk2bNtq9e7ejwwEA4HQOh+LChQu1f/9+3XTTTUW2veGGG7Rv3z4tXLjQ0eEAAHA6h0PxP//5jySpZ8+eRba9++67JUkbN250dDgAAJzO4VA8fvy4AgMDFRISUmTb0NBQBQYGKjY21tHhAABwOodDMS0trURnoBpjlJyc7OhwAAA4ncOhWKNGDSUnJxfrOsXY2FglJSWpWrVqjg4HAIDTORyKN9xwgyRp5syZRbbNadOhQwdHhwMAwOkcDsURI0bIGKM33nhDH374YYHtZs2apTfeeEM2m00jRoxwdDgAAJzO4Rltbr31Vt1zzz1atmyZRo8erZkzZ+qOO+5QRESEJCkmJkarV6/Wzz//LGOMBgwYoD59+pRZ4QAAlDWHQ1GS5s+fL5vNps8//1wHDhzQwYMHcz2fM63qP/7xD82ZM6c0QwEA4HSlmubN19dXS5Ys0fr16/XAAw8oIiJC3t7e8vHxUf369TVo0CB99913WrhwoXx9fcuqZgAAnKJUe4o5unfvru7duxf4fHZ2tr766ivNmTNHK1euLIshAQAoc2USigX5/fffNWfOHC1YsEDx8fHOHAoAgFIr81BMTU3V0qVLNWfOHG3btk3Sfz9bbNasWVkPBwBAmSmzUNyxY4fmzJmjpUuX6ty5c5IuhmHTpk1177336t5779U111xTVsMBAFDmShWKp06d0oIFC/Txxx/r0KFDkv67V2iz2bRr1y61bdu29FUCAFAOShyKxhitWbNGH3/8sb788ktlZmbKGCNfX1/169dPQ4YMUe/evSVxuBQAULEUOxSPHDmijz/+WPPnz9eJEydkjJHNZtONN96owYMH67777pO/v78zawUAwKmKHYpXXXWVbDabjDFq0KCBBg8erMGDB6tBgwbOrA8AgHJT4sOnjz/+uN544w15eXk5ox4AAFym2DPaeHt7yxijd999V7Vr19aYMWO0Y8cOZ9YGAEC5KnYonjhxQjNmzNB1112nhIQEvf/+++rcubOuvvpqvfrqqzp69Kgz6wQAwOmKHYpBQUEaO3asfvzxR+3Zs0ejR49WYGCgfv/9d7300ktq2LChunfvrrlz5zqzXgAAnMahCcFbt26tmTNn6sSJE/rkk0/UpUsXGWO0adMmjRw50t7u22+/VWZmZpkVCwCAM5XqLhne3t72O2EcPnxYEyZMUJ06dSTJfg/FGjVqaNiwYVqzZg0BCQC4rNlMzhQ0ZcQYo7Vr1+qjjz7S6tWrdeHCBdlsNkkXD8GePn26LIcrlqSkJAUGBiox4ZQCAgLKfXzA1X7dvM7VJQAucy4lVe3uvE+JiYlFZkCp9hTzY7PZ1Lt3by1btkyxsbF688031axZMxljdPbs2bIeDgCAMlPmoXipatWqady4cTp48KC2bdumESNGOHM4AABKxan3U7zUDTfcoBtuuKG8hgMAoMScuqcIAEBFQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFg9XF4CK6ejRo1q+YqU2fLdR+386oPj4eHl5ealhwwbq06uXnnh8rGrVqpWnX2xsrBYuWqwfdu3Wz7/8oj//PKXExEQFBgaqRfPmumfA3Rr1z5Hy9vZ2wasCimf5N+v1whtvF9qmio+P9q5ZlmvZc6+/pZVrNxRrjLt79dC0/3nSwQrhKEIRJXbs2DHVb9RExhj7soCAAKWkpOinnw7op58O6MOP5uiLpYvVrVvXXH2/37JVzz73gv17b29vValSRadPn9bm77/X5u+/1/uzPtS6b9aoTp065fOCAAd5engo0N8v3+d8fXzyLPOvWkXVgoMKXN+FrCwlJiVLkppf1ahMakTJEIoosaysLEnS7bf10dAhg3VL924KDg5WRkaGNmz4TmMef0JRUdHqN+Be/frLAdWsWdPet154uCa99KK63HyTWra8TiEhIZKkpKQkLVn6ucY986wiIw9p8NDh2rBurUteH1BcrVo01SdvvVbs9hPGPqwJYx8u8Pl5n6/Ua+9/JE9PD91xS5eyKBElRCiixIKDg/Xj7h/UsuV1uZZ7eXmpT5/eWrP632rdroOSkpI068OPNGnii/Y2nTp1VKdOHfOsMyAgQP8cOUJubm4aOeoRfbdxk44dO6bw8HCnvx7gcrHy24uHVrt2aK/gwAAXV1M5caINSiwwMDBPIF6qadOmuqFDB0nSnr17S7Tu9u3a2R/HxZ1wrECgAjp05A8dOhIl6eLniXANQhFOERp68bBozqHW4tq2fbv9cf36EWVaE3A5W2GdgBMSFKibOrR1cTWVV4U4fLp582ZNnz5de/bs0YkTJ7RixQr169fP1WWhAJmZmdq67WK4XdOiRZHtMzIyFBsbqxUr/62XJk2RJN17zwCFhYU5tU6gtA5HH9Udwx7VsRMn5e7urjph1dWpbWs91P9O1a1Vs+gVWDKzsvTlhv9Iku7o3kWeHhXirfmKVCG2fEpKilq2bKnhw4erf//+ri4HRZj5f+/r5MmTcnNz05DBDxXYrvHVzXTkyB+5ltlsNt17zwB9/NGHzi4TKLUziUk6m5SsAH8/paSk6vfoo/o9+qiWfPmNXn7mMd15S9dirWfzzt06feasJOnu3hw6daUKEYp9+vRRnz59XF0GiuGnnw7o+QkvSZLGjhmt5s2bFdi2erXqOncuRSkpKTp37pwk6b5779ErUyfLzy//09yBy0GN0BA9NnSQet7USRF1a8vL01MZGRe0fe8+TZ81V4djjur5195SzWrV1L7lNUWuL+cEm6sb1lezxg2dXT4KcUV+ppienq6kpKRcX3C+EydOqN+Ae5SWlqa2bdvo9WmvFtp++9bNOhl7VMlnT+tk7FH9v5en6suv1ujaVm31+bIvyqlqoORubN9GYwbfr6saRMjL01OS5OXlqS43tNeid6crok4tZWZl6X9nzytyXWeTkrVx+w+SpH69bnFm2SiGKzIUp02bpsDAQPsXp/U7X0JCgnr2uV1RUdG66qrG+mrVSvnkc/FyQcLCwvTC8/+jRZ8u0Pnz5zV0+EjFxsY6sWLAOfz9qmrUA/dJkvZH/qoziYmFtl+zcbMuXMiUh7u7+vboVh4lohBXZCg+//zzSkxMtH8dO3bM1SVd0RITE9Xrtjt08ODPqlevntav/drhk2TuvPMORUREKDU1VYuXLC3jSoHy0bLZ1ZIkY4yOn4gvtG3OtG83tm+j0EJmu0H5qBCfKZaUt7c3c2eWk5SUFN12x13avXuPatasqfVr16hevXqlWmed2rUVExOjI3/8UXRjoAI7EnNMPx36TRKHTi8XV+SeIspHWlqa7ryrv7Zt367Q0FCtX/u1rrrqqlKvNzomRpLkV5WTbVAx7Y/81f64Ts2Cj5rk7CUGBvire6cOTq8LRasQe4rnzp3T4cOH7d9HRUVp3759CgkJKfVeCRyTkZGh/vfcp42bNikoKEjffv2VWrRoXmS/zMxMeRRyDdZnCxcpLi5OknTTjZ3LrF6grBhjZLPZCnz+XEqqZi+6eHeM65o2UUhQYL7tsrOztWr9RknS7d1utp+wA9eqEHuKu3fvVuvWrdW6dWtJ0rhx49S6dWtNnDjRxZVVTllZWXrgwcH6Zu238vf319dfrlKbNq2L1ffmrrfotden65dfInPNdnP06FFNmfqKho8cJUlq27aNbr/9NqfUD5RGbPyfGjjmaS1b863i4v+0L8+4cEHf/7BH9z8+XtHHY+Xm5qZxI4cUuJ5te/Yp/q/TkqR+Pbs7vW4UT4XYU+zatWuu2xTBtbZu3aYvlq+QJF24cEH9BtxbYNvw8LratWOb/fu4Eyf0/IQX9fyEF+Xp6amAgACdP39eKSkp9jbt27XTqpVfyM2tQvzNhkpof+Sv9kOk3l5e8vXxUUpqqi5kZkqSfH28NfnJMbqhTcsC15FzbWKjiHBdZ52YA9erEKGIy0t2drb98fnz53X+/PkC2/79sox5c2brm7XfavP3W3Ts+HGdOnVKbm5uql8/Qm1at9a99wzQvfcMkLu7u9PqB0qjWnCQJox9WHsP/qJDR6KUkJiocykp8vXx0dWNGqhj65b6R9/bVKdmjQLXcS4lVeu37JAk9evJCTaXE5upBLtgSUlJCgwMVGLCKQUEcDsWVD6/bl7n6hIAlzmXkqp2d96nxMTEIjOA41MAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYPFwdQHlwRgjSUpKSnZxJYBrnEtJdXUJgMucS734+5+TBYWpFKGYnHwxDMPrN3RxJQAAV0lOTlZgYGChbWymONFZwWVnZysuLk7+/v6y2WyuLqfSSUpKUnh4uI4dO6aAgABXlwOUO/4PuJYxRsnJyapdu7bc3Ar/1LBS7Cm6ubmpbt26ri6j0gsICOANAZUa/wdcp6g9xBycaAMAgIVQBADAQijC6by9vTVp0iR5e3u7uhTAJfg/UHFUihNtAAAoDvYUAQCwEIoAAFgIRQAALIQicBnr2rWrbDabJk+enOe5+vXry2azad68eeVa07x582Sz2VS/fv1yHRcoD4QirmiTJ0+WzWbL8+Xj46O6deuqb9++Wrp0abHmRLzSRUdHa/LkyfkGMFBZVIoZbQBJCgsLsz9OTExUbGysYmNjtXr1as2bN08rVqyoUKfMN2rUSD4+PsWeqaMo0dHRmjJliiQVGoyBgYG6+uqrVadOnTIZF7icsKeISuPkyZP2r5SUFB08eFC33nqrJOnrr7/Wiy++6OIKS2bDhg06dOiQ7r777nId9+6779ahQ4e0YcOGch0XKA+EIiolNzc3tWjRQqtWrVLjxo0lSbNmzVJmZqaLKwPgSoQiKjUfHx/de++9ki7eVubQoUOKjo62f/YYHR2tI0eOaNSoUWrQoIG8vb3znGCSnZ2tzz77TLfddpvCwsLk5eWl6tWrq2fPnlq0aFGhn1dmZWXp3XffVZs2bVS1alWFhISoa9euWrZsWZG1F+dEm507d2rYsGFq3LixqlSpooCAADVv3lzDhw/X2rVrc62rW7du9u///hns0KFD7c8V50SbI0eOaPTo0brqqqvk6+urgIAAtWnTRlOnTlVSUlK+fTZt2mQfT5IOHz6s4cOHKzw8XN7e3qpbt67++c9/KjY2tsBxDx06pFGjRqlJkyaqUqWKfHx8FB4erhtuuEEvvPCCDh06VGBfQJJkgCvYpEmTjCRT2K/6zJkz7W22bt1qoqKi7N9/9tlnxs/Pz0gyVapUMVWrVjURERH2vqdPnzY333yzvb0kExgYmOv7vn37mvT09Dzjnj9/3vTq1cvezs3NzQQFBRmbzWYkmf/5n/8xXbp0MZLMpEmT8vSPiIgwkszcuXPzPJeZmWkef/zxXHVUrVrVBAcH29cfGBhob9+uXTsTHBxsbxsWFpbr6/HHH7e3nTt3rpGUaztcasmSJcbb29u+Ln9//1zfh4eHm19++SVPv40bN9rbfPfdd/bt7u/vbzw8POzP1a5d2xw/fjxP/2+//TbXOJ6eniYoKCjXNshvOwKXIhRxRStOKI4fP97eJjIyMlco+vn5mQ4dOphdu3bZ2//666/GmIvBkxNarVq1MqtXrzYpKSnGGGPOnTtn5s+fb2rUqGEkmSeffDLPuE899ZSRZGw2m3nllVdMYmKiMcaY+Ph4M3r06FwBW9JQfPbZZ+2vYfjw4faajTHm7NmzZuXKlWbgwIG5+lwaSoUpLBT37NljPD09jSTTuXNn89NPPxljjMnKyjKrVq0ytWrVMpJMo0aNTHJycoHjBwcHm759+5rIyEhjjDHp6elmyZIlxt/f30gyDz30UJ6xGzVqZCSZnj17mgMHDtiXp6WlmYMHD5opU6bku62ASxGKuKIVFYqJiYmmdu3aRpIJCQkxWVlZuUIxIiIiz5t3jgULFhhJpmnTpubs2bP5ttm9e7ex2WzGy8vLxMfH25fHxsba935eeumlfPvef//9he7hFBSKv/76q3FzczOSzLPPPpvvuvNTFqHYu3dvI8k0btzY/gfCpfbu3Wt/3dOnTy9w/G7dupmsrKw8/WfMmGEkGV9fX3PhwgX78vj4eHvfuLi4Yr5iIC8+U0SldPbsWW3YsEHdu3dXXFycJOmJJ57Ic1fusWPHys/PL991zJkzR5I0evToAi+LaNu2rVq0aKGMjAxt3LjRvnzZsmXKzMyUr6+vnnnmmXz7Onq94Pz585Wdna3Q0FD7JRbl4ezZs/bPKcePH68qVarkadO6dWv1799fkrRo0aIC1/XCCy/ke4f0u+66S5KUlpam33//3b7c39/f3v7EiROOvwhUeoQiKo1LTxwJDg5Wjx49tGfPHknSgw8+qAkTJuTp07lz53zXlZWVpR07dki6GF41a9Ys8OvXX3+VJMXExNj77969W5LUrl27Au/E3qRJE4euBdy2bZsk6dZbb5WPj0+J+ztq79699pOKevToUWC7nMtgfvrpJ124cCHfNh06dMh3ee3ate2PExIS7I99fX11yy23SJJ69+6tiRMnaufOncrIyCjZi0Clx8X7qDQuvXjf29tb1apVU+vWrTVo0KBcZ15eqkaNGvkuT0hIUHp6uiTpzJkzxRo/NTXV/vjPP/+UpCJDr27duoWebZmfkydPSpIiIiJK1K+0cl6TVPjrqlu3riQpMzNTCQkJuX4uOfz9/fPt6+Hx37esvwfqRx99pL59+2r//v16+eWX9fLLL8vLy0vt27fXXXfdpREjRigkJKRErwmVD6GISiMnLErC3d093+VZWVn2x19//bV69+7tcF1lLeeShsqmXr162rt3r9atW6c1a9Zo69at2r9/v7Zu3aqtW7dq2rRpWrZsmbp37+7qUnEZ4/Ap4IDQ0FD7Xsulh0WLK2cPtKi9wJLuJUpSzZo1Ha6rNC7dqz5+/HiB7XKe8/DwKPM9Nzc3N/Xq1UvvvPOOdu/erYSEBH322WeqV6+ezpw5owceeIBDqigUoQg4wNPTU9dff70kafXq1SXu365dO0kXP1s8d+5cvm1+//33QsOlIJ06dZIkrVu3TufPny92v0tPbDEOTJDepk0b+zoKmwJu/fr1kqSWLVvK09OzxOOUhL+/vx544AH7SVHx8fE6cOCAU8dExUYoAg4aNWqUJGnNmjVas2ZNoW0vPSlEkgYMGCB3d3elpaXpzTffzLfP1KlTHapr6NChcnd31+nTpzVp0qRi97v0hJ+zZ8+WeNygoCD16tVLkjR9+vRcn6Hm2L9/v7744gtJ0v3331/iMQpS1N6fr6+v/XF+Z7UCOfjtABz04IMPqkePHjLG6O6779Yrr7xiv7xDklJSUrRx40aNGTNGDRs2zNW3Tp06GjNmjCTp5Zdf1rRp05ScnCxJOnXqlMaOHatPP/3UoTtgNG7cWOPHj5ckvfHGGxo5cmSuyxeSkpK0ZMmSPBOJN2nSRF5eXpIunrTiyN7iK6+8Ik9PTx0+fFi9evWy75VlZ2drzZo1uu2225SZmalGjRrp4YcfLvH6C7Jt2zZdd911euuttxQZGans7GxJF/d4t23bptGjR0u6eJLPddddV2bj4grk0qskAScrzow2f3fpxftRUVGFtk1MTDR33HFHrqnEAgICck3XJsl4eHjk6ZuWlmZ69Ohhb+Pu7p5rGrbSTvM2ZsyYXHX5+fkVOM1bjhEjRtjbV6lSxdSrV89ERESYp59+2t6mqGneFi9ebLy8vHJtDx8fnxJN81aYnDYbN27Mt6+sKd5CQ0NzTQ8XEBBgNm/eXOi6AfYUgVIICAjQ6tWrtWbNGg0cOFD16tVTenq6UlNTVadOHfXs2VPTpk2zX6t4KR8fH3399dd655131KpVK3l5eckYo5tuuklLly7Va6+95nBd7u7ueu+997RlyxYNGjRI9erV04ULF2SMUfPmzTVixAj7YcxLzZw5U5MnT9a1114rSTp69KhiYmL0119/FXvsgQMH6ueff9bDDz+sRo0aKT09XR4eHmrVqpWmTJmigwcPqlmzZg6/tvy0b99eS5cu1ejRo9W2bVtVq1ZNSUlJ8vHxUatWrfTss88qMjJSN910U5mOiyuPzRhuOQ4AgMRnigAA2BGKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgOX/A2v4OhhcyZ3SAAAAAElFTkSuQmCC\n"},"metadata":{}}],"source":["from sklearn.preprocessing import StandardScaler\n","from sklearn.svm import SVC\n","from sklearn.metrics import confusion_matrix\n","from sklearn.metrics import precision_score, recall_score, f1_score, accuracy_score\n","import matplotlib.pyplot as plt\n","#\n","# Standardize the data set\n","#\n","\n","#\n","# Fit the SVC model\n","#\n","\n","#\n","# Get the predictions\n","#\n","\n","#\n","# Calculate the confusion matrix\n","#\n","conf_matrix = confusion_matrix(y_true=last_label, y_pred=last_pred)\n","#\n","# Print the confusion matrix using Matplotlib\n","#\n","fig, ax = plt.subplots(figsize=(5, 5))\n","ax.matshow(conf_matrix, cmap=plt.cm.Oranges, alpha=0.3)\n","for i in range(conf_matrix.shape[0]):\n"," for j in range(conf_matrix.shape[1]):\n"," ax.text(x=j, y=i,s=conf_matrix[i, j], va='center', ha='center', size='xx-large')\n","\n","plt.xlabel('Predictions', fontsize=18)\n","plt.ylabel('Actuals', fontsize=18)\n","plt.title('Confusion Matrix', fontsize=18)\n","plt.show()"]},{"cell_type":"code","source":["from sklearn.metrics import classification_report\n","\n","target_names = ['non-spam', 'spam']\n","print(classification_report(last_label, last_pred, target_names=target_names))"],"metadata":{"id":"f1ze-Zf6EzAR","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1721359533938,"user_tz":420,"elapsed":404,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"148e3ee8-6d6c-4092-89d2-76f1123fe61a"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":[" precision recall f1-score support\n","\n"," non-spam 0.60 0.44 0.51 80\n"," spam 0.56 0.71 0.63 80\n","\n"," accuracy 0.57 160\n"," macro avg 0.58 0.57 0.57 160\n","weighted avg 0.58 0.57 0.57 160\n","\n"]}]},{"cell_type":"code","execution_count":null,"metadata":{"id":"951PfCSbH08S"},"outputs":[],"source":["rN"]}],"metadata":{"accelerator":"GPU","colab":{"provenance":[]},"kernelspec":{"display_name":"Python 3 (ipykernel)","language":"python","name":"python3"},"language_info":{"codemirror_mode":{"name":"ipython","version":3},"file_extension":".py","mimetype":"text/x-python","name":"python","nbconvert_exporter":"python","pygments_lexer":"ipython3","version":"3.9.7"},"gpuClass":"standard","widgets":{"application/vnd.jupyter.widget-state+json":{"c869a537fc794e27918eaac6e9a960fe":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_6e38efa9cbc947fe834dcf54dca2229a","IPY_MODEL_7904dce7c1b74a04b94f5b98a211981d","IPY_MODEL_136118b664ab4424b2d1ff7c86c7d0f7"],"layout":"IPY_MODEL_b0c3e480d7f54023a25f073400fc1519"}},"6e38efa9cbc947fe834dcf54dca2229a":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_8f89cfc39e7f4df0aa57a403d4509f74","placeholder":"​","style":"IPY_MODEL_002428f871114b97a48aa237dff7b6d9","value":"config.json: 100%"}},"7904dce7c1b74a04b94f5b98a211981d":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_0c19a6c54a5d4d0d84cc308830e970a2","max":570,"min":0,"orientation":"horizontal","style":"IPY_MODEL_60f87b21653a476c8ae0e260fc7df97d","value":570}},"136118b664ab4424b2d1ff7c86c7d0f7":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_ebafff9ee1c04b64ab166c3aac13a6f0","placeholder":"​","style":"IPY_MODEL_46b3280d400843039617466ae7285130","value":" 570/570 [00:00<00:00, 36.3kB/s]"}},"b0c3e480d7f54023a25f073400fc1519":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"8f89cfc39e7f4df0aa57a403d4509f74":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"002428f871114b97a48aa237dff7b6d9":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"0c19a6c54a5d4d0d84cc308830e970a2":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"60f87b21653a476c8ae0e260fc7df97d":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"ebafff9ee1c04b64ab166c3aac13a6f0":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"46b3280d400843039617466ae7285130":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"a007bd30def44eb789acb386f8dcc0f4":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_26e35ebcee904fcc8e59d8ef2cc4efd3","IPY_MODEL_52114ba15a6b42aa97b1f0522ef4cc0b","IPY_MODEL_a43c1a714f3d4f738a5415294c409215"],"layout":"IPY_MODEL_c2781eb2f03d476fb58a330b0a0c3b1b"}},"26e35ebcee904fcc8e59d8ef2cc4efd3":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_27566833a689489ba7fd4b68dd2d13f6","placeholder":"​","style":"IPY_MODEL_ab7f04c391d54ae4ba9ae31188b9099d","value":"model.safetensors: 100%"}},"52114ba15a6b42aa97b1f0522ef4cc0b":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_9da4fd83f6cd461b9692597a46d0ccc1","max":435755784,"min":0,"orientation":"horizontal","style":"IPY_MODEL_366f2fc4fb3c480aaba32d3216bd3d24","value":435755784}},"a43c1a714f3d4f738a5415294c409215":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_e25b2951c77f44e7aa722bfe608a80a4","placeholder":"​","style":"IPY_MODEL_a1d08faa838646da8b97b377cd6a7913","value":" 436M/436M [00:01<00:00, 290MB/s]"}},"c2781eb2f03d476fb58a330b0a0c3b1b":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"27566833a689489ba7fd4b68dd2d13f6":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"ab7f04c391d54ae4ba9ae31188b9099d":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"9da4fd83f6cd461b9692597a46d0ccc1":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"366f2fc4fb3c480aaba32d3216bd3d24":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"e25b2951c77f44e7aa722bfe608a80a4":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"a1d08faa838646da8b97b377cd6a7913":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"62df311454c44e489e4130900dfec014":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_2d156fa7e87a4e60b7081d321f1118ac","IPY_MODEL_1077abf659c64aaa8cbd5f84257cf3d3","IPY_MODEL_2464d9ad1361412b99e55d7a7a21bef5"],"layout":"IPY_MODEL_22638fcba8d441de910886946c159366"}},"2d156fa7e87a4e60b7081d321f1118ac":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_0081cf36c860483ca6dea6dbbd3c57fa","placeholder":"​","style":"IPY_MODEL_4fce33104c5d49d78a0b627c1f48def1","value":"tokenizer_config.json: 100%"}},"1077abf659c64aaa8cbd5f84257cf3d3":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_fcdf50a400ef43b1b4fb0e88be7f4f23","max":49,"min":0,"orientation":"horizontal","style":"IPY_MODEL_48ce848d10f44d029b8f91d6a4a41a69","value":49}},"2464d9ad1361412b99e55d7a7a21bef5":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_ec11c0dda2a341318977a5ba706dcd2e","placeholder":"​","style":"IPY_MODEL_1e816e9b63a24e80b277f7b873171532","value":" 49.0/49.0 [00:00<00:00, 2.87kB/s]"}},"22638fcba8d441de910886946c159366":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"0081cf36c860483ca6dea6dbbd3c57fa":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"4fce33104c5d49d78a0b627c1f48def1":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"fcdf50a400ef43b1b4fb0e88be7f4f23":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"48ce848d10f44d029b8f91d6a4a41a69":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"ec11c0dda2a341318977a5ba706dcd2e":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"1e816e9b63a24e80b277f7b873171532":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"80708c1bab0e441db238db1f6de14aa1":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_d0fb79a264b04957895de907c288f747","IPY_MODEL_c515dfd4e23843debcd530c1e29ce63b","IPY_MODEL_1a7864a6a429493888b053ea305263b9"],"layout":"IPY_MODEL_5eba8eaef376428691f503e9a1b09921"}},"d0fb79a264b04957895de907c288f747":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_a81ebe0b66d342a9a7ef4495cbc12430","placeholder":"​","style":"IPY_MODEL_9dbb1bb20cea4de49910683ebed17bbf","value":"vocab.txt: 100%"}},"c515dfd4e23843debcd530c1e29ce63b":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_5d033b9c8bd445db8e9fb41e5d21d969","max":213450,"min":0,"orientation":"horizontal","style":"IPY_MODEL_7023abd045f9488fba6ad0af5b7b374e","value":213450}},"1a7864a6a429493888b053ea305263b9":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_e04a3cc02da345e382d44406fdf67f7f","placeholder":"​","style":"IPY_MODEL_118a9e15bdb847b590a7db22d0f2ca00","value":" 213k/213k [00:00<00:00, 6.38MB/s]"}},"5eba8eaef376428691f503e9a1b09921":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"a81ebe0b66d342a9a7ef4495cbc12430":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"9dbb1bb20cea4de49910683ebed17bbf":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"5d033b9c8bd445db8e9fb41e5d21d969":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"7023abd045f9488fba6ad0af5b7b374e":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"e04a3cc02da345e382d44406fdf67f7f":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"118a9e15bdb847b590a7db22d0f2ca00":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"bb9a56fe72f341a18309f3fa9e94e736":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_87d0a7104d7e41acad70fd849a5ee931","IPY_MODEL_3529ec18d150499aa74cc565a56e0e8b","IPY_MODEL_a42c4c42aee546d680ebcbbef9aae803"],"layout":"IPY_MODEL_2ebf4f8809654720b33597d4e4a0cb53"}},"87d0a7104d7e41acad70fd849a5ee931":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_b379c4b7bf0c4ff7b7ac7bdd44f5bb90","placeholder":"​","style":"IPY_MODEL_41fc4a9f66d74e8eb626bc005c43809c","value":"tokenizer.json: 100%"}},"3529ec18d150499aa74cc565a56e0e8b":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_e1e43783014c4ae1a627400dfb6a6fe4","max":435797,"min":0,"orientation":"horizontal","style":"IPY_MODEL_51665cdd88aa4862ad4f360f8853fe0b","value":435797}},"a42c4c42aee546d680ebcbbef9aae803":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_a5110700268243a081a925e4f0728aab","placeholder":"​","style":"IPY_MODEL_97bd3ba8bc354929a382a399d5653bcd","value":" 436k/436k [00:00<00:00, 13.1MB/s]"}},"2ebf4f8809654720b33597d4e4a0cb53":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"b379c4b7bf0c4ff7b7ac7bdd44f5bb90":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"41fc4a9f66d74e8eb626bc005c43809c":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"e1e43783014c4ae1a627400dfb6a6fe4":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"51665cdd88aa4862ad4f360f8853fe0b":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"a5110700268243a081a925e4f0728aab":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"97bd3ba8bc354929a382a399d5653bcd":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}}}}},"nbformat":4,"nbformat_minor":0} \ No newline at end of file diff --git a/models/spabert/notebooks/README.md b/models/spabert/notebooks/README.md new file mode 100644 index 0000000000000000000000000000000000000000..998e341b7fc602b7f15e6b9ba4f2255cbbe7c207 --- /dev/null +++ b/models/spabert/notebooks/README.md @@ -0,0 +1,167 @@ +# Tutorials for Testing and Fine-Tuning SpaBERT + +This repository provides two Jupyter Notebooks for testing entity linking (one of the downstream tasks of SpaBERT) and fine-tuning procedure to train on geo-entities from other knowledge bases (e.g., [World Historical Gazetteer](https://whgazetteer.org/)) + +1. The first step is cloning the SpaBERT repository onto your machine. Run the following line of code to do this. + +`git clone https://github.com/zekun-li/spabert.git` + +2. You will need to have IPython Kernel for Jupyter installed before running the code in this tutorial. Run the following line of code to ensure ipython is installed + +`pip install ipykernel` + +3. Before starting the jupyter notebooks run the following lines to make sure you have all required packages: + +`pip install requirements.txt` + +The requirements.txt file will be located in the spabert directory. +``` +-spabert + | - datasets + | - experiments + | - models + | - models + | - notebooks + | - utils + | - __init__.py + | - README.md + | - requirements.txt + | - train_mlm.py +``` + +## Installing Model Weights + +Make sure you have git-lfs installed (https://git-lfs.com windows & mac) (https://github.com/git-lfs/git-lfs/blob/main/INSTALLING.md linux) + +Please run the follow commands separately in the order to install pre-trained & fine-tuned model weights + +`git lfs install` + +`git clone https://huggingface.co/knowledge-computing-lab/spabert-base-uncased` + +`git clone https://huggingface.co/knowledge-computing-lab/spabert-base-uncased-finetuned-osm-mn` + +Once the model weight is installed, you'll see a file called `mlm_mem_keeppos_ep0_iter06000_0.2936.pth` and `spabert-base-uncased-finetuned-osm-mn.pth` +Move these files to the tutorial_datasets folder. After moving them, the file structure should look like this: +``` +- notebooks + | - tutorial_datasets + | | - mlm_mem_keeppos_ep0_iter06000_0.2936.pth + | | - osm_mn.csv + | | - spabert_osm_mn.json + | | - spabert_whg_wikidata.json + | | - spabert_wikidata_sampled.json + | | - spabert-base-uncased-finetuned-osm-mn.pth + | - README.md + | - spabert-entity-linking.ipynb + | - spabert-fine-tuning.ipynb + | - WHGDataset.py +``` + +## Jupyter Notebook Descriptions + +### [spabert-fine-tuning.ipynb](https://github.com/Jina-Kim/spabert/blob/main/notebooks/spabert-fine-tuning.ipynb) +This Jupyter Notebook provides on how to fine-tune spabert using point data from OpenStreetMap (OSM) in Minnesota. SpaBERT is pre-trained using data from California and London using OSM Point data. Instructions for pre-training your own model can be found on the spabert github +Here are the steps to run: + +1. Define which dataset you want to use (e.g., OSM in New York or Minnesota) +2. Read data from csv file and construct KDTree for computing nearest neighbors +3. Create dataset using KDTree for fine-tuning SpaBERT using the dataset you chose +4. Load pre-trained model +5. Load dataset using the SpaBERT data loader +6. Train model for 1 epoch using fine-tuning model and save + +### [spabert-entity-linking.ipynb](https://github.com/Jina-Kim/spabert/blob/main/notebooks/spabert-entity-linking.ipynb) +This Jupyter Notebook provides on how to create an entity-linking dataset and how to perform entity-linking using SpaBERT. The dataset used here is a pre-matched dataset between World Historical Gazetteer (WHG) and Wikidata. The methods used to evaluate this model will be Hits@K and Mean Reciprocal Rank (MRR) +Here are the steps to run: + +1. Load fine-tuned model from previous Jupyter notebook +2. Load datasets using the WHG data loader +3. Calculate embeddings for whg and wikidata entities using SpaBERT +4. Calculate hits@1, Hits@5, Hits@10, and MRR + +## Dataset Descriptions + +There are two types of tutorial datasets used for fine-tuning SpaBERT, CSV and JSON files. + +- CSV file - sample taken from OpenStreetMap (OSM) + - Minnesota State `./tutorial_datasets/osm_mn.csv` + + An example data structure: + + | row_id | name | latitude | longitude | + | ------ | ---- | -------- | --------- | + | 0 | Duluth | -92.1215 | 46.7729 | + | 1 | Green Valley | -95.757 | 44.5269 | + +- JSON files - ready-to-use files for SpaBERT's data loader - [SpatialDataset](../datasets/dataset_loader.py) + - OSM Minnesota State `./tutorial_datasets/spabert_osm_mn.json` + - Generated from `./tutorial_datasets/osm_mn.csv` using spabert-fine-tuning.ipynb + - WHG `./tutorial_datasets/spabert_whg_wikidata.json` + - Geo-entities from WHG that have the link to Wikidata + - Wikidata `./tutorial_datasets/spabert_wikidata_sampled.json` + - Sampled from entities delivered by WHG. These entities have been linked between WHG and Wikidata by WHG prior to being delivered to us. + + +The file contains json objects on each line. Each json object describes the spatial context of an entity using nearby entities. + +A sample json object looks like the following: + +```json +{ + "info":{ + "name":"Duluth", + "geometry":{ + "coordinates":[ + 46.7729, + -92.1215 + ] + } + }, + "neighbor_info":{ + "name_list":[ + "Duluth", + "Chinese Peace Belle and Garden", + ... + ], + "geometry_list":[ + { + "coordinates":[ + 46.7729, + -92.1215 + ] + }, + { + "coordinates":[ + 46.7770, + -92.1241 + ] + }, + ... + ] + } +} +``` + +To perform entity-linking on SpaBERT you must have a dataset structured similarly to the second dataset used for fine-tuning. + +A sample json object looks like the following: + + +```json +{ + "info":{ + "name":"Duluth", + "geometry":{ + "coordinates":[ + 46.7729, + -92.1215 + ] + }, + "qid":"Q485708" + }, + "neighbor_info":{ + ... + } +} +``` \ No newline at end of file diff --git a/models/spabert/notebooks/Setup.ipynb b/models/spabert/notebooks/Setup.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..d48f406c628b109ff2b0c5c91055b9e2ea36b9fa --- /dev/null +++ b/models/spabert/notebooks/Setup.ipynb @@ -0,0 +1 @@ +{"nbformat":4,"nbformat_minor":0,"metadata":{"colab":{"provenance":[],"collapsed_sections":["vfv5rgwA0Z24","B_7xKDjDsH3m"],"gpuType":"T4","mount_file_id":"1lrQg5HQ5ydmPtMrhhMRJKBD_1Vp9XOSD","authorship_tag":"ABX9TyNO5gsAb4KWu3kpuRdCTCxO"},"kernelspec":{"name":"python3","display_name":"Python 3"},"language_info":{"name":"python"},"accelerator":"GPU","widgets":{"application/vnd.jupyter.widget-state+json":{"eeb424f60fcf4a00b84520e39a41296c":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_99e0025e1c104556833841ea6b8995c3","IPY_MODEL_db8476944687451faff333dd11c5cae9","IPY_MODEL_5921505c886d46098e0a0d07e959ee11"],"layout":"IPY_MODEL_67080a438ae548828e2211a510399dd2"}},"99e0025e1c104556833841ea6b8995c3":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_8ce3fe1df3e947559e1af37e967a0576","placeholder":"​","style":"IPY_MODEL_75751f905dc045f38542a1265ad4a203","value":"config.json: 100%"}},"db8476944687451faff333dd11c5cae9":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_5dbe7d9948044dac90b51d967077c4da","max":570,"min":0,"orientation":"horizontal","style":"IPY_MODEL_08eaaff7c1ff43fc8451440404b2ba36","value":570}},"5921505c886d46098e0a0d07e959ee11":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_e393a755228f4d18a45b437e0247b607","placeholder":"​","style":"IPY_MODEL_6880998cb3484487a987de48ac3a1927","value":" 570/570 [00:00<00:00, 36.0kB/s]"}},"67080a438ae548828e2211a510399dd2":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"8ce3fe1df3e947559e1af37e967a0576":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"75751f905dc045f38542a1265ad4a203":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"5dbe7d9948044dac90b51d967077c4da":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"08eaaff7c1ff43fc8451440404b2ba36":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"e393a755228f4d18a45b437e0247b607":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"6880998cb3484487a987de48ac3a1927":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"bd6e8d9d5df2463c9935453b6a208e97":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_32dcd44519264a20a16060605d14840c","IPY_MODEL_ed70508dbd6b47da925872cb75d14d0b","IPY_MODEL_08ab2974e4dc4ec79268cfe3c2fc4329"],"layout":"IPY_MODEL_a61ce28f62ce44f8801b486a0fe5c7ea"}},"32dcd44519264a20a16060605d14840c":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_0a5c47b410f849d5892e55f630d3264a","placeholder":"​","style":"IPY_MODEL_157a1792c0484d02b39c2770730c4a16","value":"model.safetensors: 100%"}},"ed70508dbd6b47da925872cb75d14d0b":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_61a0002e9f784f25bb969d35f70882a6","max":440449768,"min":0,"orientation":"horizontal","style":"IPY_MODEL_85293b9cc01347fbae6230e3af42f5cf","value":440449768}},"08ab2974e4dc4ec79268cfe3c2fc4329":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_437a52ddfd5f4fa0a839b495e631046d","placeholder":"​","style":"IPY_MODEL_5eba2094263c41ba8d4c507b4103f2e5","value":" 440M/440M [00:02<00:00, 230MB/s]"}},"a61ce28f62ce44f8801b486a0fe5c7ea":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"0a5c47b410f849d5892e55f630d3264a":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"157a1792c0484d02b39c2770730c4a16":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"61a0002e9f784f25bb969d35f70882a6":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"85293b9cc01347fbae6230e3af42f5cf":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"437a52ddfd5f4fa0a839b495e631046d":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"5eba2094263c41ba8d4c507b4103f2e5":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"ca9435786b0d4f49b894491d0a237633":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_b9c820dba93c437688d58bce6dd879f6","IPY_MODEL_0d5f84cba1a348679037a83b35440fe3","IPY_MODEL_a102821f4fd14e2faae7d6bc553416ab"],"layout":"IPY_MODEL_262c43fce62b465985b34017175e37c9"}},"b9c820dba93c437688d58bce6dd879f6":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_26c09ee0ea294735b4074d12d3c0d32d","placeholder":"​","style":"IPY_MODEL_dcdfef303c8b41e7862b9346c8a69116","value":"tokenizer_config.json: 100%"}},"0d5f84cba1a348679037a83b35440fe3":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_4f4c8617dd6a41f0b9a56840fd538b2d","max":48,"min":0,"orientation":"horizontal","style":"IPY_MODEL_314eb19e4ce34285b9ae18e9f306807e","value":48}},"a102821f4fd14e2faae7d6bc553416ab":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_4aac5ce32f5044ce99b54ad7513dfcf8","placeholder":"​","style":"IPY_MODEL_76f4b067a5ca4a0d98b0d28423a0a940","value":" 48.0/48.0 [00:00<00:00, 2.60kB/s]"}},"262c43fce62b465985b34017175e37c9":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"26c09ee0ea294735b4074d12d3c0d32d":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"dcdfef303c8b41e7862b9346c8a69116":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"4f4c8617dd6a41f0b9a56840fd538b2d":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"314eb19e4ce34285b9ae18e9f306807e":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"4aac5ce32f5044ce99b54ad7513dfcf8":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"76f4b067a5ca4a0d98b0d28423a0a940":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"bbe38b3a9aa943f49c3881b5c03e06fa":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_80391100db454f4285baa21ad7aeab77","IPY_MODEL_6bf9aef7fa384d17bd2c6209a65fa97b","IPY_MODEL_ded05f85c9da4f48b4d2a45238f6e663"],"layout":"IPY_MODEL_39456972a7ce4caba99247d02608e659"}},"80391100db454f4285baa21ad7aeab77":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_d4cd2d26c3624b1a8a25ff210de220d5","placeholder":"​","style":"IPY_MODEL_0273c61577834dfcac28885e8f5a5c0d","value":"vocab.txt: 100%"}},"6bf9aef7fa384d17bd2c6209a65fa97b":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_f8f0b1a9147b4820aa01f924a113a86e","max":231508,"min":0,"orientation":"horizontal","style":"IPY_MODEL_84f1be8659874adc9071b04f037a3699","value":231508}},"ded05f85c9da4f48b4d2a45238f6e663":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_c194013266634324a65f919a3473edc2","placeholder":"​","style":"IPY_MODEL_1b9c9a9ba4ab42bea96e28c9f4269b46","value":" 232k/232k [00:00<00:00, 6.03MB/s]"}},"39456972a7ce4caba99247d02608e659":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"d4cd2d26c3624b1a8a25ff210de220d5":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"0273c61577834dfcac28885e8f5a5c0d":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"f8f0b1a9147b4820aa01f924a113a86e":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"84f1be8659874adc9071b04f037a3699":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"c194013266634324a65f919a3473edc2":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"1b9c9a9ba4ab42bea96e28c9f4269b46":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"aebe2f80ebe0431ca6269799ad114bc6":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_5b98e7173cbf4ca3ad6df8a8a36f6cac","IPY_MODEL_a2c5e3c2fdc34d5d9a8d5381549f5df2","IPY_MODEL_681cbba01b6348d5b38b0bca31a113fd"],"layout":"IPY_MODEL_a5e35894ebd74452a780292930ea0fb2"}},"5b98e7173cbf4ca3ad6df8a8a36f6cac":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_974cd20c0c4242e187c4b2fee71ef1b6","placeholder":"​","style":"IPY_MODEL_e984d358b9954e569827a194905cfd47","value":"tokenizer.json: 100%"}},"a2c5e3c2fdc34d5d9a8d5381549f5df2":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_d1cf7f2082de4edeae5d5d562f86cffe","max":466062,"min":0,"orientation":"horizontal","style":"IPY_MODEL_1718f9ceb15d4ccb96040361d8663ec5","value":466062}},"681cbba01b6348d5b38b0bca31a113fd":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_f0f208cc5a6d493bb93d1a0631e4554e","placeholder":"​","style":"IPY_MODEL_c76f1c63b1e4464eb4ce2301cc37c381","value":" 466k/466k [00:00<00:00, 6.97MB/s]"}},"a5e35894ebd74452a780292930ea0fb2":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"974cd20c0c4242e187c4b2fee71ef1b6":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"e984d358b9954e569827a194905cfd47":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"d1cf7f2082de4edeae5d5d562f86cffe":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"1718f9ceb15d4ccb96040361d8663ec5":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"f0f208cc5a6d493bb93d1a0631e4554e":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"c76f1c63b1e4464eb4ce2301cc37c381":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}}}}},"cells":[{"cell_type":"markdown","source":[" **Spatial and Non-Spatial data with Spacy Model**\n","\n","The pupose of this notebook is to download and get a handle of how to use Spacy so that we can use it to determine our spatial and non-spatial data from the YelpZip dataset.\n","\n","The latest model can be retrieved from spacy.io/models/en\n","The model that we are using is en_core_web_trf version 3.7.3"],"metadata":{"id":"PCnby1expVp-"}},{"cell_type":"markdown","source":["#Download Spacy and import drive"],"metadata":{"id":"vwgTd4LTprzC"}},{"cell_type":"code","source":["!nvcc --version"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"TpgBIbmf0Gle","executionInfo":{"status":"ok","timestamp":1730066023555,"user_tz":420,"elapsed":218,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"a16268ae-88af-4e7c-bdd0-e4468ba4c48d","collapsed":true},"execution_count":1,"outputs":[{"output_type":"stream","name":"stdout","text":["nvcc: NVIDIA (R) Cuda compiler driver\n","Copyright (c) 2005-2023 NVIDIA Corporation\n","Built on Tue_Aug_15_22:02:13_PDT_2023\n","Cuda compilation tools, release 12.2, V12.2.140\n","Build cuda_12.2.r12.2/compiler.33191640_0\n"]}]},{"cell_type":"code","source":["!pip install cupy # Using cupy-cuda112 for compatibility"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"W9B297Cd0qR3","executionInfo":{"status":"ok","timestamp":1730066083580,"user_tz":420,"elapsed":59832,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"ee08030e-a75c-4dea-b83a-bc9a482d6aad","collapsed":true},"execution_count":2,"outputs":[{"output_type":"stream","name":"stdout","text":["Collecting cupy\n"," Downloading cupy-13.3.0.tar.gz (3.4 MB)\n","\u001b[?25l \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m0.0/3.4 MB\u001b[0m \u001b[31m?\u001b[0m eta \u001b[36m-:--:--\u001b[0m\r\u001b[2K \u001b[91m━━━━\u001b[0m\u001b[90m╺\u001b[0m\u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m0.3/3.4 MB\u001b[0m \u001b[31m10.8 MB/s\u001b[0m eta \u001b[36m0:00:01\u001b[0m\r\u001b[2K \u001b[91m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[91m╸\u001b[0m \u001b[32m3.4/3.4 MB\u001b[0m \u001b[31m55.6 MB/s\u001b[0m eta \u001b[36m0:00:01\u001b[0m\r\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m3.4/3.4 MB\u001b[0m \u001b[31m43.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25h Preparing metadata (setup.py) ... \u001b[?25l\u001b[?25hdone\n","Requirement already satisfied: numpy<2.3,>=1.22 in /usr/local/lib/python3.10/dist-packages (from cupy) (1.26.4)\n","Requirement already satisfied: fastrlock>=0.5 in /usr/local/lib/python3.10/dist-packages (from cupy) (0.8.2)\n","Building wheels for collected packages: cupy\n"," \u001b[1;31merror\u001b[0m: \u001b[1msubprocess-exited-with-error\u001b[0m\n"," \n"," \u001b[31m×\u001b[0m \u001b[32mpython setup.py bdist_wheel\u001b[0m did not run successfully.\n"," \u001b[31m│\u001b[0m exit code: \u001b[1;36m1\u001b[0m\n"," \u001b[31m╰─>\u001b[0m See above for output.\n"," \n"," \u001b[1;35mnote\u001b[0m: This error originates from a subprocess, and is likely not a problem with pip.\n"," Building wheel for cupy (setup.py) ... \u001b[?25lerror\n","\u001b[31m ERROR: Failed building wheel for cupy\u001b[0m\u001b[31m\n","\u001b[0m\u001b[?25h Running setup.py clean for cupy\n","Failed to build cupy\n","\u001b[31mERROR: ERROR: Failed to build installable wheels for some pyproject.toml based projects (cupy)\u001b[0m\u001b[31m\n","\u001b[0m"]}]},{"cell_type":"code","source":["import cupy\n","\n","print(\"CuPy version:\", cupy.__version__)\n","print(\"Is CuPy using GPU:\", cupy.is_available())"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"_53ONyKI0TGZ","executionInfo":{"status":"ok","timestamp":1730066085524,"user_tz":420,"elapsed":1945,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"0e0d4542-9db0-4ca3-f68a-f729c0d91837"},"execution_count":3,"outputs":[{"output_type":"stream","name":"stdout","text":["CuPy version: 12.2.0\n","Is CuPy using GPU: True\n"]}]},{"cell_type":"code","source":["import torch\n","\n","print(\"Is CUDA available?\", torch.cuda.is_available())\n","print(\"CUDA device count:\", torch.cuda.device_count())\n","print(\"Current CUDA device:\", torch.cuda.current_device())\n","print(\"CUDA device name:\", torch.cuda.get_device_name(torch.cuda.current_device()))"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"CWu6WBER2ZL4","executionInfo":{"status":"ok","timestamp":1730066089229,"user_tz":420,"elapsed":3707,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"4cbf87cb-aa58-4d3a-f750-49319c220040"},"execution_count":4,"outputs":[{"output_type":"stream","name":"stdout","text":["Is CUDA available? True\n","CUDA device count: 1\n","Current CUDA device: 0\n","CUDA device name: Tesla T4\n"]}]},{"cell_type":"code","execution_count":5,"metadata":{"id":"xnveXMTtZswh","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1730066115696,"user_tz":420,"elapsed":26469,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"0b5b3899-508a-4dfa-bd5d-8beaedba84d6","collapsed":true},"outputs":[{"output_type":"stream","name":"stdout","text":["Requirement already satisfied: spacy in /usr/local/lib/python3.10/dist-packages (3.7.5)\n","Requirement already satisfied: spacy-legacy<3.1.0,>=3.0.11 in /usr/local/lib/python3.10/dist-packages (from spacy) (3.0.12)\n","Requirement already satisfied: spacy-loggers<2.0.0,>=1.0.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (1.0.5)\n","Requirement already satisfied: murmurhash<1.1.0,>=0.28.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (1.0.10)\n","Requirement already satisfied: cymem<2.1.0,>=2.0.2 in /usr/local/lib/python3.10/dist-packages (from spacy) (2.0.8)\n","Requirement already satisfied: preshed<3.1.0,>=3.0.2 in /usr/local/lib/python3.10/dist-packages (from spacy) (3.0.9)\n","Requirement already satisfied: thinc<8.3.0,>=8.2.2 in /usr/local/lib/python3.10/dist-packages (from spacy) (8.2.5)\n","Requirement already satisfied: wasabi<1.2.0,>=0.9.1 in /usr/local/lib/python3.10/dist-packages (from spacy) (1.1.3)\n","Requirement already satisfied: srsly<3.0.0,>=2.4.3 in /usr/local/lib/python3.10/dist-packages (from spacy) (2.4.8)\n","Requirement already satisfied: catalogue<2.1.0,>=2.0.6 in /usr/local/lib/python3.10/dist-packages (from spacy) (2.0.10)\n","Requirement already satisfied: weasel<0.5.0,>=0.1.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (0.4.1)\n","Requirement already satisfied: typer<1.0.0,>=0.3.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (0.12.5)\n","Requirement already satisfied: tqdm<5.0.0,>=4.38.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (4.66.5)\n","Requirement already satisfied: requests<3.0.0,>=2.13.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (2.32.3)\n","Requirement already satisfied: pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4 in /usr/local/lib/python3.10/dist-packages (from spacy) (2.9.2)\n","Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from spacy) (3.1.4)\n","Requirement already satisfied: setuptools in /usr/local/lib/python3.10/dist-packages (from spacy) (75.1.0)\n","Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (24.1)\n","Requirement already satisfied: langcodes<4.0.0,>=3.2.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (3.4.1)\n","Requirement already satisfied: numpy>=1.19.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (1.26.4)\n","Requirement already satisfied: language-data>=1.2 in /usr/local/lib/python3.10/dist-packages (from langcodes<4.0.0,>=3.2.0->spacy) (1.2.0)\n","Requirement already satisfied: annotated-types>=0.6.0 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy) (0.7.0)\n","Requirement already satisfied: pydantic-core==2.23.4 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy) (2.23.4)\n","Requirement already satisfied: typing-extensions>=4.6.1 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy) (4.12.2)\n","Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy) (3.4.0)\n","Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy) (3.10)\n","Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy) (2.2.3)\n","Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy) (2024.8.30)\n","Requirement already satisfied: blis<0.8.0,>=0.7.8 in /usr/local/lib/python3.10/dist-packages (from thinc<8.3.0,>=8.2.2->spacy) (0.7.11)\n","Requirement already satisfied: confection<1.0.0,>=0.0.1 in /usr/local/lib/python3.10/dist-packages (from thinc<8.3.0,>=8.2.2->spacy) (0.1.5)\n","Requirement already satisfied: click>=8.0.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy) (8.1.7)\n","Requirement already satisfied: shellingham>=1.3.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy) (1.5.4)\n","Requirement already satisfied: rich>=10.11.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy) (13.9.3)\n","Requirement already satisfied: cloudpathlib<1.0.0,>=0.7.0 in /usr/local/lib/python3.10/dist-packages (from weasel<0.5.0,>=0.1.0->spacy) (0.20.0)\n","Requirement already satisfied: smart-open<8.0.0,>=5.2.1 in /usr/local/lib/python3.10/dist-packages (from weasel<0.5.0,>=0.1.0->spacy) (7.0.5)\n","Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->spacy) (3.0.2)\n","Requirement already satisfied: marisa-trie>=0.7.7 in /usr/local/lib/python3.10/dist-packages (from language-data>=1.2->langcodes<4.0.0,>=3.2.0->spacy) (1.2.1)\n","Requirement already satisfied: markdown-it-py>=2.2.0 in /usr/local/lib/python3.10/dist-packages (from rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy) (3.0.0)\n","Requirement already satisfied: pygments<3.0.0,>=2.13.0 in /usr/local/lib/python3.10/dist-packages (from rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy) (2.18.0)\n","Requirement already satisfied: wrapt in /usr/local/lib/python3.10/dist-packages (from smart-open<8.0.0,>=5.2.1->weasel<0.5.0,>=0.1.0->spacy) (1.16.0)\n","Requirement already satisfied: mdurl~=0.1 in /usr/local/lib/python3.10/dist-packages (from markdown-it-py>=2.2.0->rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy) (0.1.2)\n","Collecting thinc-gpu-ops\n"," Downloading thinc_gpu_ops-0.0.4.tar.gz (483 kB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m483.5/483.5 kB\u001b[0m \u001b[31m11.5 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25h \u001b[1;31merror\u001b[0m: \u001b[1msubprocess-exited-with-error\u001b[0m\n"," \n"," \u001b[31m×\u001b[0m \u001b[32mpython setup.py egg_info\u001b[0m did not run successfully.\n"," \u001b[31m│\u001b[0m exit code: \u001b[1;36m1\u001b[0m\n"," \u001b[31m╰─>\u001b[0m See above for output.\n"," \n"," \u001b[1;35mnote\u001b[0m: This error originates from a subprocess, and is likely not a problem with pip.\n"," Preparing metadata (setup.py) ... \u001b[?25l\u001b[?25herror\n","\u001b[1;31merror\u001b[0m: \u001b[1mmetadata-generation-failed\u001b[0m\n","\n","\u001b[31m×\u001b[0m Encountered error while generating package metadata.\n","\u001b[31m╰─>\u001b[0m See above for output.\n","\n","\u001b[1;35mnote\u001b[0m: This is an issue with the package mentioned above, not pip.\n","\u001b[1;36mhint\u001b[0m: See above for details.\n","Collecting en-core-web-trf==3.7.3\n"," Downloading https://github.com/explosion/spacy-models/releases/download/en_core_web_trf-3.7.3/en_core_web_trf-3.7.3-py3-none-any.whl (457.4 MB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m457.4/457.4 MB\u001b[0m \u001b[31m3.4 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hRequirement already satisfied: spacy<3.8.0,>=3.7.2 in /usr/local/lib/python3.10/dist-packages (from en-core-web-trf==3.7.3) (3.7.5)\n","Collecting spacy-curated-transformers<0.3.0,>=0.2.0 (from en-core-web-trf==3.7.3)\n"," Downloading spacy_curated_transformers-0.2.2-py2.py3-none-any.whl.metadata (2.7 kB)\n","Requirement already satisfied: spacy-legacy<3.1.0,>=3.0.11 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.0.12)\n","Requirement already satisfied: spacy-loggers<2.0.0,>=1.0.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.0.5)\n","Requirement already satisfied: murmurhash<1.1.0,>=0.28.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.0.10)\n","Requirement already satisfied: cymem<2.1.0,>=2.0.2 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.0.8)\n","Requirement already satisfied: preshed<3.1.0,>=3.0.2 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.0.9)\n","Requirement already satisfied: thinc<8.3.0,>=8.2.2 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (8.2.5)\n","Requirement already satisfied: wasabi<1.2.0,>=0.9.1 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.1.3)\n","Requirement already satisfied: srsly<3.0.0,>=2.4.3 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.4.8)\n","Requirement already satisfied: catalogue<2.1.0,>=2.0.6 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.0.10)\n","Requirement already satisfied: weasel<0.5.0,>=0.1.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.4.1)\n","Requirement already satisfied: typer<1.0.0,>=0.3.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.12.5)\n","Requirement already satisfied: tqdm<5.0.0,>=4.38.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (4.66.5)\n","Requirement already satisfied: requests<3.0.0,>=2.13.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.32.3)\n","Requirement already satisfied: pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.9.2)\n","Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.1.4)\n","Requirement already satisfied: setuptools in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (75.1.0)\n","Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (24.1)\n","Requirement already satisfied: langcodes<4.0.0,>=3.2.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.4.1)\n","Requirement already satisfied: numpy>=1.19.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.26.4)\n","Collecting curated-transformers<0.2.0,>=0.1.0 (from spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3)\n"," Downloading curated_transformers-0.1.1-py2.py3-none-any.whl.metadata (965 bytes)\n","Collecting curated-tokenizers<0.1.0,>=0.0.9 (from spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3)\n"," Downloading curated_tokenizers-0.0.9-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.9 kB)\n","Requirement already satisfied: torch>=1.12.0 in /usr/local/lib/python3.10/dist-packages (from spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (2.5.0+cu121)\n","Requirement already satisfied: regex>=2022 in /usr/local/lib/python3.10/dist-packages (from curated-tokenizers<0.1.0,>=0.0.9->spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (2024.9.11)\n","Requirement already satisfied: language-data>=1.2 in /usr/local/lib/python3.10/dist-packages (from langcodes<4.0.0,>=3.2.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.2.0)\n","Requirement already satisfied: annotated-types>=0.6.0 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.7.0)\n","Requirement already satisfied: pydantic-core==2.23.4 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.23.4)\n","Requirement already satisfied: typing-extensions>=4.6.1 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (4.12.2)\n","Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.4.0)\n","Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.10)\n","Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.2.3)\n","Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2024.8.30)\n","Requirement already satisfied: blis<0.8.0,>=0.7.8 in /usr/local/lib/python3.10/dist-packages (from thinc<8.3.0,>=8.2.2->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.7.11)\n","Requirement already satisfied: confection<1.0.0,>=0.0.1 in /usr/local/lib/python3.10/dist-packages (from thinc<8.3.0,>=8.2.2->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.1.5)\n","Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from torch>=1.12.0->spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (3.16.1)\n","Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch>=1.12.0->spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (3.4.2)\n","Requirement already satisfied: fsspec in /usr/local/lib/python3.10/dist-packages (from torch>=1.12.0->spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (2024.6.1)\n","Requirement already satisfied: sympy==1.13.1 in /usr/local/lib/python3.10/dist-packages (from torch>=1.12.0->spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (1.13.1)\n","Requirement already satisfied: mpmath<1.4,>=1.1.0 in /usr/local/lib/python3.10/dist-packages (from sympy==1.13.1->torch>=1.12.0->spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (1.3.0)\n","Requirement already satisfied: click>=8.0.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (8.1.7)\n","Requirement already satisfied: shellingham>=1.3.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.5.4)\n","Requirement already satisfied: rich>=10.11.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (13.9.3)\n","Requirement already satisfied: cloudpathlib<1.0.0,>=0.7.0 in /usr/local/lib/python3.10/dist-packages (from weasel<0.5.0,>=0.1.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.20.0)\n","Requirement already satisfied: smart-open<8.0.0,>=5.2.1 in /usr/local/lib/python3.10/dist-packages (from weasel<0.5.0,>=0.1.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (7.0.5)\n","Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.0.2)\n","Requirement already satisfied: marisa-trie>=0.7.7 in /usr/local/lib/python3.10/dist-packages (from language-data>=1.2->langcodes<4.0.0,>=3.2.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.2.1)\n","Requirement already satisfied: markdown-it-py>=2.2.0 in /usr/local/lib/python3.10/dist-packages (from rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.0.0)\n","Requirement already satisfied: pygments<3.0.0,>=2.13.0 in /usr/local/lib/python3.10/dist-packages (from rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.18.0)\n","Requirement already satisfied: wrapt in /usr/local/lib/python3.10/dist-packages (from smart-open<8.0.0,>=5.2.1->weasel<0.5.0,>=0.1.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.16.0)\n","Requirement already satisfied: mdurl~=0.1 in /usr/local/lib/python3.10/dist-packages (from markdown-it-py>=2.2.0->rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.1.2)\n","Downloading spacy_curated_transformers-0.2.2-py2.py3-none-any.whl (236 kB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m236.3/236.3 kB\u001b[0m \u001b[31m6.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hDownloading curated_tokenizers-0.0.9-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (731 kB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m731.6/731.6 kB\u001b[0m \u001b[31m31.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hDownloading curated_transformers-0.1.1-py2.py3-none-any.whl (25 kB)\n","Installing collected packages: curated-tokenizers, curated-transformers, spacy-curated-transformers, en-core-web-trf\n","Successfully installed curated-tokenizers-0.0.9 curated-transformers-0.1.1 en-core-web-trf-3.7.3 spacy-curated-transformers-0.2.2\n","\u001b[38;5;2m✔ Download and installation successful\u001b[0m\n","You can now load the package via spacy.load('en_core_web_trf')\n","\u001b[38;5;3m⚠ Restart to reload dependencies\u001b[0m\n","If you are in a Jupyter or Colab notebook, you may need to restart Python in\n","order to load all the package's dependencies. You can do this by selecting the\n","'Restart kernel' or 'Restart runtime' option.\n"]}],"source":["#Install Spacy\n","!pip install spacy\n","!pip install thinc-gpu-ops\n","#Download the Transformer Model\n","!python -m spacy download en_core_web_trf\n","\n"]},{"cell_type":"code","source":["!pip install spacy-transformers"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"YxxRJfmB4UCN","executionInfo":{"status":"ok","timestamp":1730066126488,"user_tz":420,"elapsed":10794,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"3b073e94-e20c-46e8-8fa2-b562054a3a02","collapsed":true},"execution_count":6,"outputs":[{"output_type":"stream","name":"stdout","text":["Collecting spacy-transformers\n"," Downloading spacy_transformers-1.3.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (7.0 kB)\n","Requirement already satisfied: spacy<4.1.0,>=3.5.0 in /usr/local/lib/python3.10/dist-packages (from spacy-transformers) (3.7.5)\n","Collecting transformers<4.37.0,>=3.4.0 (from spacy-transformers)\n"," Downloading transformers-4.36.2-py3-none-any.whl.metadata (126 kB)\n","\u001b[?25l \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m0.0/126.8 kB\u001b[0m \u001b[31m?\u001b[0m eta \u001b[36m-:--:--\u001b[0m\r\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m126.8/126.8 kB\u001b[0m \u001b[31m4.7 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hRequirement already satisfied: torch>=1.8.0 in /usr/local/lib/python3.10/dist-packages (from spacy-transformers) (2.5.0+cu121)\n","Requirement already satisfied: srsly<3.0.0,>=2.4.0 in /usr/local/lib/python3.10/dist-packages (from spacy-transformers) (2.4.8)\n","Collecting spacy-alignments<1.0.0,>=0.7.2 (from spacy-transformers)\n"," Downloading spacy_alignments-0.9.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.7 kB)\n","Requirement already satisfied: numpy>=1.19.0 in /usr/local/lib/python3.10/dist-packages (from spacy-transformers) (1.26.4)\n","Requirement already satisfied: spacy-legacy<3.1.0,>=3.0.11 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (3.0.12)\n","Requirement already satisfied: spacy-loggers<2.0.0,>=1.0.0 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (1.0.5)\n","Requirement already satisfied: murmurhash<1.1.0,>=0.28.0 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (1.0.10)\n","Requirement already satisfied: cymem<2.1.0,>=2.0.2 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (2.0.8)\n","Requirement already satisfied: preshed<3.1.0,>=3.0.2 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (3.0.9)\n","Requirement already satisfied: thinc<8.3.0,>=8.2.2 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (8.2.5)\n","Requirement already satisfied: wasabi<1.2.0,>=0.9.1 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (1.1.3)\n","Requirement already satisfied: catalogue<2.1.0,>=2.0.6 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (2.0.10)\n","Requirement already satisfied: weasel<0.5.0,>=0.1.0 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (0.4.1)\n","Requirement already satisfied: typer<1.0.0,>=0.3.0 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (0.12.5)\n","Requirement already satisfied: tqdm<5.0.0,>=4.38.0 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (4.66.5)\n","Requirement already satisfied: requests<3.0.0,>=2.13.0 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (2.32.3)\n","Requirement already satisfied: pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (2.9.2)\n","Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (3.1.4)\n","Requirement already satisfied: setuptools in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (75.1.0)\n","Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (24.1)\n","Requirement already satisfied: langcodes<4.0.0,>=3.2.0 in /usr/local/lib/python3.10/dist-packages (from spacy<4.1.0,>=3.5.0->spacy-transformers) (3.4.1)\n","Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from torch>=1.8.0->spacy-transformers) (3.16.1)\n","Requirement already satisfied: typing-extensions>=4.8.0 in /usr/local/lib/python3.10/dist-packages (from torch>=1.8.0->spacy-transformers) (4.12.2)\n","Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch>=1.8.0->spacy-transformers) (3.4.2)\n","Requirement already satisfied: fsspec in /usr/local/lib/python3.10/dist-packages (from torch>=1.8.0->spacy-transformers) (2024.6.1)\n","Requirement already satisfied: sympy==1.13.1 in /usr/local/lib/python3.10/dist-packages (from torch>=1.8.0->spacy-transformers) (1.13.1)\n","Requirement already satisfied: mpmath<1.4,>=1.1.0 in /usr/local/lib/python3.10/dist-packages (from sympy==1.13.1->torch>=1.8.0->spacy-transformers) (1.3.0)\n","Requirement already satisfied: huggingface-hub<1.0,>=0.19.3 in /usr/local/lib/python3.10/dist-packages (from transformers<4.37.0,>=3.4.0->spacy-transformers) (0.24.7)\n","Requirement already satisfied: pyyaml>=5.1 in /usr/local/lib/python3.10/dist-packages (from transformers<4.37.0,>=3.4.0->spacy-transformers) (6.0.2)\n","Requirement already satisfied: regex!=2019.12.17 in /usr/local/lib/python3.10/dist-packages (from transformers<4.37.0,>=3.4.0->spacy-transformers) (2024.9.11)\n","Collecting tokenizers<0.19,>=0.14 (from transformers<4.37.0,>=3.4.0->spacy-transformers)\n"," Downloading tokenizers-0.15.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (6.7 kB)\n","Requirement already satisfied: safetensors>=0.3.1 in /usr/local/lib/python3.10/dist-packages (from transformers<4.37.0,>=3.4.0->spacy-transformers) (0.4.5)\n","Requirement already satisfied: language-data>=1.2 in /usr/local/lib/python3.10/dist-packages (from langcodes<4.0.0,>=3.2.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (1.2.0)\n","Requirement already satisfied: annotated-types>=0.6.0 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy<4.1.0,>=3.5.0->spacy-transformers) (0.7.0)\n","Requirement already satisfied: pydantic-core==2.23.4 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy<4.1.0,>=3.5.0->spacy-transformers) (2.23.4)\n","Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (3.4.0)\n","Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (3.10)\n","Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (2.2.3)\n","Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (2024.8.30)\n","Requirement already satisfied: blis<0.8.0,>=0.7.8 in /usr/local/lib/python3.10/dist-packages (from thinc<8.3.0,>=8.2.2->spacy<4.1.0,>=3.5.0->spacy-transformers) (0.7.11)\n","Requirement already satisfied: confection<1.0.0,>=0.0.1 in /usr/local/lib/python3.10/dist-packages (from thinc<8.3.0,>=8.2.2->spacy<4.1.0,>=3.5.0->spacy-transformers) (0.1.5)\n","Requirement already satisfied: click>=8.0.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (8.1.7)\n","Requirement already satisfied: shellingham>=1.3.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (1.5.4)\n","Requirement already satisfied: rich>=10.11.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (13.9.3)\n","Requirement already satisfied: cloudpathlib<1.0.0,>=0.7.0 in /usr/local/lib/python3.10/dist-packages (from weasel<0.5.0,>=0.1.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (0.20.0)\n","Requirement already satisfied: smart-open<8.0.0,>=5.2.1 in /usr/local/lib/python3.10/dist-packages (from weasel<0.5.0,>=0.1.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (7.0.5)\n","Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->spacy<4.1.0,>=3.5.0->spacy-transformers) (3.0.2)\n","Requirement already satisfied: marisa-trie>=0.7.7 in /usr/local/lib/python3.10/dist-packages (from language-data>=1.2->langcodes<4.0.0,>=3.2.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (1.2.1)\n","Requirement already satisfied: markdown-it-py>=2.2.0 in /usr/local/lib/python3.10/dist-packages (from rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (3.0.0)\n","Requirement already satisfied: pygments<3.0.0,>=2.13.0 in /usr/local/lib/python3.10/dist-packages (from rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (2.18.0)\n","Requirement already satisfied: wrapt in /usr/local/lib/python3.10/dist-packages (from smart-open<8.0.0,>=5.2.1->weasel<0.5.0,>=0.1.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (1.16.0)\n","Requirement already satisfied: mdurl~=0.1 in /usr/local/lib/python3.10/dist-packages (from markdown-it-py>=2.2.0->rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy<4.1.0,>=3.5.0->spacy-transformers) (0.1.2)\n","Downloading spacy_transformers-1.3.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (197 kB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m197.8/197.8 kB\u001b[0m \u001b[31m11.4 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hDownloading spacy_alignments-0.9.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (313 kB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m314.0/314.0 kB\u001b[0m \u001b[31m22.0 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hDownloading transformers-4.36.2-py3-none-any.whl (8.2 MB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m8.2/8.2 MB\u001b[0m \u001b[31m90.0 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hDownloading tokenizers-0.15.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.6 MB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m3.6/3.6 MB\u001b[0m \u001b[31m97.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hInstalling collected packages: spacy-alignments, tokenizers, transformers, spacy-transformers\n"," Attempting uninstall: tokenizers\n"," Found existing installation: tokenizers 0.19.1\n"," Uninstalling tokenizers-0.19.1:\n"," Successfully uninstalled tokenizers-0.19.1\n"," Attempting uninstall: transformers\n"," Found existing installation: transformers 4.44.2\n"," Uninstalling transformers-4.44.2:\n"," Successfully uninstalled transformers-4.44.2\n","Successfully installed spacy-alignments-0.9.1 spacy-transformers-1.3.5 tokenizers-0.15.2 transformers-4.36.2\n"]}]},{"cell_type":"markdown","source":["##Mount Drive and import"],"metadata":{"id":"D6skQxMHNqLS"}},{"cell_type":"code","source":["#Mount Google Drive\n","from google.colab import drive\n","drive.mount('/content/drive')\n","%cd '/content/drive'"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"a33I4j9eVB1m","executionInfo":{"status":"ok","timestamp":1730066194555,"user_tz":420,"elapsed":1250,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"b75cbea1-8297-41f4-812b-8849cc6f03cb"},"execution_count":1,"outputs":[{"output_type":"stream","name":"stdout","text":["Drive already mounted at /content/drive; to attempt to forcibly remount, call drive.mount(\"/content/drive\", force_remount=True).\n","/content/drive\n"]}]},{"cell_type":"code","source":["import sys\n","\n","#check python version\n","print(sys.version)\n","!python3 --version\n","!python --version"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"blCIASX4Wlwt","executionInfo":{"status":"ok","timestamp":1730066194798,"user_tz":420,"elapsed":245,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"36a490b5-bff9-48b6-caeb-6f325c86418a"},"execution_count":2,"outputs":[{"output_type":"stream","name":"stdout","text":["3.10.12 (main, Sep 11 2024, 15:47:36) [GCC 11.4.0]\n","Python 3.10.12\n","Python 3.10.12\n"]}]},{"cell_type":"code","source":["import spacy\n","# Ensure GPU support is enabled\n","if spacy.prefer_gpu():\n"," print(\"GPU is enabled for spaCy\")\n","else:\n"," print(\"GPU is not enabled for spaCy\")"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"9AM1pgFQ539k","executionInfo":{"status":"ok","timestamp":1730066197772,"user_tz":420,"elapsed":2975,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"41a06eb1-e203-484a-f866-cb3625fdf09c"},"execution_count":3,"outputs":[{"output_type":"stream","name":"stdout","text":["GPU is enabled for spaCy\n"]}]},{"cell_type":"code","source":["import spacy\n","from spacy_transformers import Transformer\n","import torch\n","\n","# Ensure GPU support is enabled\n","if spacy.prefer_gpu():\n"," print(\"GPU is enabled for spaCy\")\n","else:\n"," print(\"GPU is not enabled for spaCy\")\n","\n","# Load the NLP model\n","nlp_trf = spacy.load(\"en_core_web_trf\")\n","\n","# Ensure the transformer component is moved to the GPU\n","for name, component in nlp_trf.pipeline:\n"," if isinstance(component, Transformer):\n"," component.model.to(torch.device('cuda'))\n"," print(f\"{name} component model is moved to GPU: {component.model.device}\")\n","\n","# Function to process a sample sentence and display entities\n","def test_model():\n"," from spacy.lang.en.examples import sentences\n","\n"," # Process the sentence with the transformer model\n"," doc = nlp_trf(sentences[0])\n","\n"," # Display Entities\n"," from IPython.core.display import display, HTML\n"," from spacy import displacy\n","\n"," display(HTML(displacy.render(doc, style=\"ent\")))\n","\n"," # Document level\n"," ents = [(e.text, e.start_char, e.end_char, e.label_) for e in doc.ents]\n"," print(ents)\n","\n","# Run the test\n","test_model()"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":263},"id":"Q_hKLuZw58aG","executionInfo":{"status":"ok","timestamp":1730066205576,"user_tz":420,"elapsed":7805,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"c0b80a1e-3a0a-41aa-d293-ae73d11dc38e"},"execution_count":4,"outputs":[{"output_type":"stream","name":"stderr","text":["/usr/local/lib/python3.10/dist-packages/transformers/utils/generic.py:441: FutureWarning: `torch.utils._pytree._register_pytree_node` is deprecated. Please use `torch.utils._pytree.register_pytree_node` instead.\n"," _torch_pytree._register_pytree_node(\n","/usr/local/lib/python3.10/dist-packages/transformers/utils/generic.py:309: FutureWarning: `torch.utils._pytree._register_pytree_node` is deprecated. Please use `torch.utils._pytree.register_pytree_node` instead.\n"," _torch_pytree._register_pytree_node(\n"]},{"output_type":"stream","name":"stdout","text":["GPU is enabled for spaCy\n"]},{"output_type":"stream","name":"stderr","text":["/usr/local/lib/python3.10/dist-packages/thinc/shims/pytorch.py:253: FutureWarning: You are using `torch.load` with `weights_only=False` (the current default value), which uses the default pickle module implicitly. It is possible to construct malicious pickle data which will execute arbitrary code during unpickling (See https://github.com/pytorch/pytorch/blob/main/SECURITY.md#untrusted-models for more details). In a future release, the default value for `weights_only` will be flipped to `True`. This limits the functions that could be executed during unpickling. Arbitrary objects will no longer be allowed to be loaded via this mode unless they are explicitly allowlisted by the user via `torch.serialization.add_safe_globals`. We recommend you start setting `weights_only=True` for any use case where you don't have full control of the loaded file. Please open an issue on GitHub for any issues related to this experimental feature.\n"," model.load_state_dict(torch.load(filelike, map_location=device))\n","/usr/local/lib/python3.10/dist-packages/thinc/shims/pytorch.py:114: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.\n"," with torch.cuda.amp.autocast(self._mixed_precision):\n"]},{"output_type":"display_data","data":{"text/plain":[""],"text/html":["
\n","\n"," Apple\n"," ORG\n","\n"," is looking at buying \n","\n"," U.K.\n"," GPE\n","\n"," startup for \n","\n"," $1 billion\n"," MONEY\n","\n","
"]},"metadata":{}},{"output_type":"display_data","data":{"text/plain":[""]},"metadata":{}},{"output_type":"stream","name":"stdout","text":["[('Apple', 0, 5, 'ORG'), ('U.K.', 27, 31, 'GPE'), ('$1 billion', 44, 54, 'MONEY')]\n"]}]},{"cell_type":"code","source":["import random\n","import pickle\n","import csv\n","import json\n","import pandas as pd\n","\n","# Function to convert a list to a string\n","def listToString(s):\n"," # initialize an empty string\n"," str1 = \"\"\n"," # traverse in the string\n"," for ele in s:\n"," str1 += ele\n"," # return string\n"," return str1\n","\n","\n","# Function to create a list from the dataset\n","def get_lines(input_file):\n"," \"\"\"Creates examples for the training and dev sets.\"\"\"\n"," data_list = []\n","\n"," with open(input_file, 'r', encoding=\"utf-8\") as f:\n"," contents = f.read()\n"," file_as_list = contents.splitlines()\n"," for line in file_as_list[:]:\n"," data = listToString(line)\n"," data_list.append(data)\n"," f.close()\n","\n"," return data_list"],"metadata":{"id":"AeCenNPTm6yx","executionInfo":{"status":"ok","timestamp":1730066205781,"user_tz":420,"elapsed":207,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":5,"outputs":[]},{"cell_type":"markdown","source":["# Load the Dataset\n","\n","The dataset that we will be using in this project is the preporcessed Yelp data set by Sirish. This can be found in the Yelp_dataset_Sirish folder.\n","\n","Note: The dataset in this section will only consider the spatial data. Later on we can create the non-spatial dataset, but it will have no geo-entities."],"metadata":{"id":"Uu8zQl0Mqr_v"}},{"cell_type":"code","source":["outlabsp = \"/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/Yelp_dataset_Sirish/outlabsp.txt\"\n","outrevsp = \"/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/Yelp_dataset_Sirish/outrevsp.txt\""],"metadata":{"id":"P0eCeSdCmohQ","executionInfo":{"status":"ok","timestamp":1730067829206,"user_tz":420,"elapsed":231,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":6,"outputs":[]},{"cell_type":"code","source":["outlabsp_list = get_lines(outlabsp) #The fake or real identifier. 0 or 1.\n","outrevsp_list = get_lines(outrevsp) #The actual review.\n"],"metadata":{"id":"YnOdaMzEf1nu","executionInfo":{"status":"ok","timestamp":1730067857798,"user_tz":420,"elapsed":27650,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":7,"outputs":[]},{"cell_type":"code","source":["len(outrevsp_list) #Lengths should match"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"4uzqCR3anJN_","executionInfo":{"status":"ok","timestamp":1730067860561,"user_tz":420,"elapsed":226,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"81635604-aec0-4609-f1d8-0a23f8513977"},"execution_count":8,"outputs":[{"output_type":"execute_result","data":{"text/plain":["232392"]},"metadata":{},"execution_count":8}]},{"cell_type":"code","source":["len(outlabsp_list) #Lengths should match"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"2Htd8zN2zsZ6","executionInfo":{"status":"ok","timestamp":1730067861345,"user_tz":420,"elapsed":218,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"38757f56-4a10-4fad-9c62-114ef910f0da"},"execution_count":9,"outputs":[{"output_type":"execute_result","data":{"text/plain":["232392"]},"metadata":{},"execution_count":9}]},{"cell_type":"code","source":["outrevsp_list[89] #A sample review from the list"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":140},"id":"1budbuGgn0vK","executionInfo":{"status":"ok","timestamp":1730067862521,"user_tz":420,"elapsed":2,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"ca8f4a98-0ae5-428e-ebdd-98472eae76c0"},"execution_count":10,"outputs":[{"output_type":"execute_result","data":{"text/plain":["'i used to love this place when it was xunta-a very authentic spanish tapas bar , casual , informal bar with tapas and a great atmosphere - so i went for years , bringing many out of town visitors and friends for happy hour and on weekends . now , sadly , i have to say that nai is not the same place and not worth spending your money there . the new owner has made a lot of changes , for the worse , imo , and is very strange ( looks like some dude from queens ) -he seems to be always there , with a scowl on his face , is neither inviting nor welcoming , and acts dismissive and like he is doing you a favor even talking to you-when we even show up early for reservations and have done nothing except wanting to patronize his bar ! he runs the place like a formal dining restaurant . . it feels like you have to be in exactly on time , spend your pricepoint , and get out-all very anti-tapas bar to me . at my birthday celebration of N people , he actually did ask us to leave after N hours because he \" needed \" the table though we had spent several hundred dollars and were still eating and drinking ! i was flabbergasted at how rude that was . also i noticed that since the change to nai , the food is not as good as it used to be ( octopus and other dishes not cooked well ) , with higher prices as well , and the sangria is now also watered down sweet imo--just not a good value . and the d cor now is blah ( think tacky flamenco paintings from homedecorators . com ) -does not have any of the charm or personality of the old xunta . sadly , after giving it a go a couple of times , i am in search once again of an authentic spanish tapas bar . '"],"application/vnd.google.colaboratory.intrinsic+json":{"type":"string"}},"metadata":{},"execution_count":10}]},{"cell_type":"code","source":["outlabsp_list[89] #The label for that same review"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":35},"id":"uajWb4MW0I8C","executionInfo":{"status":"ok","timestamp":1730067864403,"user_tz":420,"elapsed":217,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"9c6f3229-992e-47cb-ff35-531c8cdb5b88"},"execution_count":11,"outputs":[{"output_type":"execute_result","data":{"text/plain":["'1'"],"application/vnd.google.colaboratory.intrinsic+json":{"type":"string"}},"metadata":{},"execution_count":11}]},{"cell_type":"code","source":["#Combine the list into a tuple that has the review and the real/fake identifier\n","datasp_list = [] #Creating a spatial dataset\n","for x in range(len(outrevsp_list)):\n"," datasp_list.append((outrevsp_list[x], outlabsp_list[x]))"],"metadata":{"id":"FPTeT28LoZkZ","executionInfo":{"status":"ok","timestamp":1730067866244,"user_tz":420,"elapsed":229,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":12,"outputs":[]},{"cell_type":"code","source":[" len(datasp_list) #Lengths should match"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"Ql5aBvMRofdo","executionInfo":{"status":"ok","timestamp":1730067870382,"user_tz":420,"elapsed":219,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"7abd5250-3798-4a2d-e628-84efa9b03d9e"},"execution_count":13,"outputs":[{"output_type":"execute_result","data":{"text/plain":["232392"]},"metadata":{},"execution_count":13}]},{"cell_type":"code","source":["#Now we have a singular input that consists of a tuple of the review and the identifier.\n","datasp_list[89]"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"BQ2_V0Vqy9JC","executionInfo":{"status":"ok","timestamp":1730067871629,"user_tz":420,"elapsed":243,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"4ea102f9-529f-46f0-a965-820791dfd141"},"execution_count":14,"outputs":[{"output_type":"execute_result","data":{"text/plain":["('i used to love this place when it was xunta-a very authentic spanish tapas bar , casual , informal bar with tapas and a great atmosphere - so i went for years , bringing many out of town visitors and friends for happy hour and on weekends . now , sadly , i have to say that nai is not the same place and not worth spending your money there . the new owner has made a lot of changes , for the worse , imo , and is very strange ( looks like some dude from queens ) -he seems to be always there , with a scowl on his face , is neither inviting nor welcoming , and acts dismissive and like he is doing you a favor even talking to you-when we even show up early for reservations and have done nothing except wanting to patronize his bar ! he runs the place like a formal dining restaurant . . it feels like you have to be in exactly on time , spend your pricepoint , and get out-all very anti-tapas bar to me . at my birthday celebration of N people , he actually did ask us to leave after N hours because he \" needed \" the table though we had spent several hundred dollars and were still eating and drinking ! i was flabbergasted at how rude that was . also i noticed that since the change to nai , the food is not as good as it used to be ( octopus and other dishes not cooked well ) , with higher prices as well , and the sangria is now also watered down sweet imo--just not a good value . and the d cor now is blah ( think tacky flamenco paintings from homedecorators . com ) -does not have any of the charm or personality of the old xunta . sadly , after giving it a go a couple of times , i am in search once again of an authentic spanish tapas bar . ',\n"," '1')"]},"metadata":{},"execution_count":14}]},{"cell_type":"code","source":["#Shuffle the list once we are completely ready to make the Dataset\n","#NOTE: uncomment when ready.\n","#random.shuffle(datasp_list)"],"metadata":{"id":"X0dYF2sLokGm"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["#Create a list of fake reviews that are shuffled\n","#examples_fake = []\n","#for x in range(len(datasp_list)):\n","# if datasp_list[x][1] == '1':\n","# if len(datasp_list[x][0]) > 1000:\n","# examples_fake.append((datasp_list[x][0], datasp_list[x][1]))\n","# if len(examples_fake) == 1000: #Remove the limit in the final build\n","# break"],"metadata":{"id":"uGc9XPYEo0I6"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["##THIS IS JUST FOR THE CHART. GET ALL FAKE REVIEWS\n","examples_fake = []\n","for x in range(len(datasp_list)):\n"," if datasp_list[x][1] == '1':\n"," examples_fake.append((datasp_list[x][0], datasp_list[x][1]))"],"metadata":{"id":"yczIdwTlm1-q","executionInfo":{"status":"ok","timestamp":1730067880742,"user_tz":420,"elapsed":214,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":15,"outputs":[]},{"cell_type":"code","source":["#Uncomment on second pass\n","#Create the test data\n","#examples_fake_test = []\n","#start_index = 10000 #Select a large index to start getting the test values from, doesn't matter because the list is randomly shuffled.\n","#end_index = len(datasp_list) # You can adjust this if needed\n","#\n","#for x in range(start_index, end_index):\n","# if datasp_list[x][1] == '1':\n","# if len(datasp_list[x][0]) > 1000:\n","# examples_fake_test.append((datasp_list[x][0], datasp_list[x][1]))\n","# if len(examples_fake_test) == 100: #Remove the limit in the final build\n","# break"],"metadata":{"id":"DTOx_duUodVl"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["#Double check how many fake reviews were taken\n","len(examples_fake)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"wBTAvp7Io0lI","executionInfo":{"status":"ok","timestamp":1730067882773,"user_tz":420,"elapsed":192,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"0057929b-273a-4303-95f1-971401b34d00"},"execution_count":16,"outputs":[{"output_type":"execute_result","data":{"text/plain":["26870"]},"metadata":{},"execution_count":16}]},{"cell_type":"code","source":["#Double check how many fake reviews were taken\n","#len(examples_fake_test)"],"metadata":{"id":"DAyn8IbXfeGC"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["#Create a list of real reviews that are shuffled\n","#examples_real = []\n","#for x in range(len(datasp_list)):\n","# if datasp_list[x][1] == '0':\n","# if len(datasp_list[x][0]) > 1000:\n","# examples_real.append((datasp_list[x][0], datasp_list[x][1]))\n","# if len(examples_real) == len(examples_fake): #Remove the limit in the final build\n","# break"],"metadata":{"id":"seRPwt1co0n2"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["##THIS IS JUST FOR THE CHART. GET ALL REAL REVIEWS\n","examples_real = []\n","for x in range(len(datasp_list)):\n"," if datasp_list[x][1] == '0':\n"," examples_real.append((datasp_list[x][0], datasp_list[x][1]))"],"metadata":{"id":"5yERRyrlnOh7","executionInfo":{"status":"ok","timestamp":1730067885769,"user_tz":420,"elapsed":218,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":17,"outputs":[]},{"cell_type":"code","source":["#Uncomment on second pass\n","#Create the test data\n","#examples_real_test = []\n","#start_index = 10000\n","#end_index = len(datasp_list) # You can adjust this if needed\n","#\n","#for x in range(start_index, end_index):\n","# if datasp_list[x][1] == '0':\n","# if len(datasp_list[x][0]) > 1000:\n","# examples_real_test.append((datasp_list[x][0], datasp_list[x][1]))\n","# if len(examples_real_test) == len(examples_fake_test): #Remove the limit in the final build\n","# break"],"metadata":{"id":"1xektapUpOP-"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["#Double check how many real reviews were taken\n","len(examples_real)"],"metadata":{"id":"Ns3D5X8Zo5Ma","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1730067887499,"user_tz":420,"elapsed":213,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"0e2505c1-0a3b-4ab9-b97f-ff7037792f00"},"execution_count":18,"outputs":[{"output_type":"execute_result","data":{"text/plain":["205522"]},"metadata":{},"execution_count":18}]},{"cell_type":"code","source":["#Double check how many real reviews were taken\n","#len(examples_real_test)"],"metadata":{"id":"zBG7BDALfjwJ"},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":["# Puling the Geo-Entities from the real and fake datasets\n","\n","Note: Right now we are only concerened about the spatial data."],"metadata":{"id":"gURCT08BiLgW"}},{"cell_type":"code","source":["##OUTDATED, USE OTHER VERSION BELOW##\n","\n","#Create two lists that will hold spatial and non-spatial reviews.\n","\n","# examples_fake_s = []\n","# examples_fake_ns = []\n","# index = 0\n","\n","# #For every review in the fake review list, check to see if it has any Geo-Entities that are defined below.\n","# for entry in examples_fake:\n","# index+=1\n","# review = entry[0] #The actual review\n","# geo_entities = [] # List to hold geo-entities\n","# spatial = False\n","# if True:\n","# print(\"Sentence \" + str(index) + \": \" + entry[0] + \"\\n\")\n","# doc = nlp_trf(review)\n","# # for each Geo-Entity\n","# print(\"Geo-Entites in Sentence \" + str(index) + \": \")\n","# for ent in doc.ents:\n","# if ent.label_ in ['FAC', 'ORG', 'LOC', 'GPE']:\n","# geo_entity = f\"{ent.text}:{ent.label_}\"\n","# geo_entities.append(geo_entity) # Append the text of the geo-entity\n","# print(geo_entity)\n","# spatial = True\n","# #break\n","# print(\"\\n\")\n","\n","# #If some Geo-Entites were found, then add them to the spatial list\n","# if spatial == True:\n","# examples_fake_s.append((entry[0], entry[1], geo_entities))\n","# #Else add them to the non-spatial list (Ignore this for now to save some time on computation)\n","# else:\n","# #examples_fake_ns.append((entry[0], entry[1]))"],"metadata":{"id":"JBmJ0TmQpELS"},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":["Fake Review Section"],"metadata":{"id":"X9DUq6be-tZY"}},{"cell_type":"code","source":["#MODIFIED VERSION. ONLY PULLS UNIQUE GEO-ENTITIES AND NOT THE SENTENCE.\n","#Create two lists that will hold spatial and non-spatial reviews.\n","#geo_entities_list_fake = [] # List to hold geo-entities\n","#index = 0\n","#\n","##comment out when not creating a test set\n","##examples_fake = examples_fake_test\n","#spacy.require_gpu()\n","#\n","##For every review in the fake review list, check to see if it has any Geo-Entities that are defined below.\n","#for entry in examples_fake:\n","# index+=1\n","# review = entry[0] #The actual review\n","# if True:\n","# print(\"Sentence \" + str(index) + \": \" + entry[0] + \"\\n\")\n","# doc = nlp_trf(review)\n","# # for each Geo-Entity found in this sentence\n","# print(\"Geo-Entites in Sentence \" + str(index) + \": \")\n","# for ent in doc.ents:\n","# if ent.label_ in ['FAC', 'ORG', 'LOC', 'GPE']:\n","# geo_entity = ent.text\n","# geo_entities_list_fake.append(geo_entity) # Append the geo-entity to the end of the list\n","# print(geo_entity)\n","# ##break\n","# print(\"\\n\")\n"],"metadata":{"id":"lSyt2Kib_wKy"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["##import spacy\n","##import matplotlib.pyplot as plt\n","##import numpy as np\n","##from tqdm import tqdm\n","##\n","### Ensure GPU support is enabled\n","##spacy.require_gpu()\n","##\n","### Load the NLP model\n","##nlp_trf = spacy.load(\"en_core_web_trf\")\n","##\n","##geo_entities_list_fake = [] # List to hold geo-entities\n","##geo_entity_counts = [] # List to hold the count of geo-entities per sentence\n","##\n","##index = 0\n","##\n","### For every review in the fake review list, check to see if it has any Geo-Entities that are defined below.\n","##for entry in tqdm(examples_fake):\n","## index += 1\n","## review = entry[0] # The actual review\n","## doc = nlp_trf(review)\n","## geo_entity_count = 0\n","##\n","## # For each Geo-Entity found in this sentence\n","## for ent in doc.ents:\n","## if ent.label_ in ['FAC', 'ORG', 'LOC', 'GPE']:\n","## geo_entity = ent.text\n","## geo_entities_list_fake.append(geo_entity) # Append the geo-entity to the end of the list\n","## geo_entity_count += 1\n","##\n","## geo_entity_counts.append(geo_entity_count)\n","##\n","### Print some of the geo_entity_counts for verification\n","##print(geo_entity_counts[:10])\n"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"k00w2x4B_lpz","executionInfo":{"status":"ok","timestamp":1722819750509,"user_tz":420,"elapsed":828095,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"f2319458-79c2-41ef-b1c5-aa5ddab0ca0c"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":["100%|██████████| 26870/26870 [13:44<00:00, 32.58it/s]"]},{"output_type":"stream","name":"stdout","text":["[4, 1, 3, 1, 1, 3, 2, 2, 1, 1]\n"]},{"output_type":"stream","name":"stderr","text":["\n"]}]},{"cell_type":"code","source":["import spacy\n","import matplotlib.pyplot as plt\n","import numpy as np\n","from tqdm import tqdm\n","\n","# Ensure GPU support is enabled\n","spacy.require_gpu()\n","\n","# Load the NLP model\n","nlp_trf = spacy.load(\"en_core_web_trf\")\n","\n","geo_entities_list_fake = [] # List to hold geo-entities\n","geo_entity_counts_fake = [] # List to hold the count of geo-entities per sentence\n","unique_geo_entities_list_fake = [] # List to hold unique geo-entities\n","unique_geo_entity_counts_fake = [] # List to hold the count of unique geo-entities per sentence\n","\n","# For every review in the fake review list, check to see if it has any Geo-Entities that are defined below.\n","for entry in tqdm(examples_fake[900:1500]):\n"," review = entry[0] # The actual review\n"," print(review)\n"," doc = nlp_trf(review)\n"," geo_entity_count = 0\n"," unique_geo_entity_count = 0\n"," seen_entities = set() # Set to track seen geo-entities for uniqueness\n","\n","\n"," # For each Geo-Entity found in this sentence\n"," for ent in doc.ents:\n"," if ent.label_ in ['FAC', 'ORG', 'LOC', 'GPE']:\n"," geo_entity = ent.text\n"," print(geo_entity)\n"," geo_entities_list_fake.append(geo_entity) # Append the geo-entity to the end of the list\n"," geo_entity_count += 1\n","\n"," # Add to unique list if not already seen\n"," if geo_entity not in seen_entities:\n"," unique_geo_entities_list_fake.append(geo_entity)\n"," unique_geo_entity_count += 1\n"," seen_entities.add(geo_entity)\n","\n"," geo_entity_counts_fake.append(geo_entity_count)\n"," unique_geo_entity_counts_fake.append(unique_geo_entity_count)\n"," print(\"---\")\n","# Print some of the geo_entity_counts for verification\n","#print(geo_entity_counts_fake[:10])\n","#print(unique_geo_entity_counts_fake[:10])\n","\n","#print(geo_entities_list_fake[:10])\n","#print(unique_geo_entities_list_fake[:10])\n","\n","\n","# Define paths to save in Google Drive\n","drive_path = '/content/drive/My Drive/'\n","fake_counts_path = drive_path + 'geo_entity_counts_fake.pkl'\n","fake_list_path = drive_path + 'geo_entities_list_fake.pkl'\n","fake_unique_counts_path = drive_path + 'unique_geo_entity_counts_fake.pkl'\n","fake_unique_list_path = drive_path + 'unique_geo_entities_list_fake.pkl'\n","\n","# Save the results to files if needed\n","import pickle\n","\n","with open(fake_counts_path, 'wb') as f:\n"," pickle.dump(geo_entity_counts_fake, f)\n","\n","with open(fake_list_path, 'wb') as f:\n"," pickle.dump(geo_entities_list_fake, f)\n","\n","with open(fake_unique_counts_path, 'wb') as f:\n"," pickle.dump(unique_geo_entity_counts_fake, f)\n","\n","with open(fake_unique_list_path, 'wb') as f:\n"," pickle.dump(unique_geo_entities_list_fake, f)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"PSTfddbakWI7","executionInfo":{"status":"ok","timestamp":1730068551250,"user_tz":420,"elapsed":26851,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"958629b1-f317-421c-d69f-ebda02128f78"},"execution_count":25,"outputs":[{"output_type":"stream","name":"stderr","text":[" 0%| | 3/600 [00:00<00:20, 29.70it/s]"]},{"output_type":"stream","name":"stdout","text":["i ' ve lived on Nnd ave for years and finally came here . i was pleasantly surprised ! the service is good and the food is even better . the polenta tartufata was great . i would also suggest to order gnocchi di ricotta and uva ' s variation of mac n cheese . also the pizza is very tasty . the prices are moderate and in the summer the poutdoor seating is a perk \n","Nnd ave\n","uva\n","---\n","the atmosphere was incredible . i don ' t think you could pick a better date night restaurant on Nnd ave . service was polite and we were sat down quickly thanks to a reservation on open table . food was superb and their wine list impressed the girlfriend so i was happy . the entire night has this delicious rustic italian feel to it and if you ' re lucky enough to sit in the wine cellar , it feels like you have been teleported there for a night . \n","Nnd ave\n","---\n","this little gem in lennox hill is incredible . the truffle gnocchi is the best i ' ve had , meat ball veal ( sorry for veal haters ) takes it to the next level . it ' s our second time here , and both times it has been great . a bit pricey , but with the salt comes the sugar . why the four and not the five ? open table time has about a one hour wait past reservation time and it ' s a tad balmy inside . if you ' re wiling to trudge through the adversity i suggest this little italian spot . \n","lennox hill\n","---\n","great atmosphere in the back yard , candles , wine and great food . their pasta is amazing , and i can ' t imagine one going wrong with any of their menu choices . the quality and preparation of the pasta was excellent , in my opinion . bread and olive oil to start are good and tasty , and the ravioli was yummy as well . the tiramisu was served in a cup , which did not make for the nicest presentation and it was on the smaller side , but it was satisfying . ion . the prices are not out of line for quality nyc meals , but that just means it ' s an appreciable hit in the wallet . \n","nyc\n","---\n","i don ' t think you can find a place in nyc that serves such authentic , delicious , well-priced italian food . outdoor patio is beautiful for summer . staff was so delightful and friendly . i will never forget how rich and delicious . the eggplant parm is exceptional , as are the cheeses , fresh pastas , and seafood dishes . the veal is also very well done . uva is defintiely a great neighborhood spot that has authentic italian cuisine . cannot stop thinking about this restaurant . thank you and i will be returning for seconds ! \n","nyc\n","uva\n","---\n","another great italian restaurant fixture on the ues . great for late night food and for bringing a date . \n"]},{"output_type":"stream","name":"stderr","text":[" 2%|▏ | 9/600 [00:00<00:28, 20.99it/s]"]},{"output_type":"stream","name":"stdout","text":["ues\n","---\n","great food , excellent service and nice restaurant . we ' ll be back . we went to uva with high expectations and we were not disappointed ! has a nice look and vibe , tables were not overly tight , not overly loud even for a saturday . we were greeted by nice friendly staff . wait person was excellent . great food suggestions and knew her wine . ( the super tuscan by the glass is excellent as was the rose prosecco ) some of the best prosciutto i have ever had . we both had pasta dishes that were excellent . perfect portions . prices are very reasonable . \n","uva\n","---\n","so yeah , i ' m a big fan . first off , Nnd avenue is kind of my steez and it took my friend and me about N minutes to walk here sooooo no brainer . i made our reservations via open table and made a specific request for a corner booth table that is a little quiet . we arrived about N minutes early to which they told us that they were working on my request . once Npm arrived ( our reservation time ) the front of the house manager came to us and said that he didn ' t want us to wait any longer for \" that table \" that he had in mind . it was refreshing that for once a restaurant actually read my open table request . nicely done ! the restaurant was smaller than we expected . we sat in the back area at a two-top against the wall . nice ambiance . perfect place for a nice date night except for one thing - it can be a tad loud . this was our first time here so maybe it was more of the people sitting around us , but at times during the beginning of our dining experience , we were almost in a yelling match trying to hear each other . we ordered a bottle of wine which may have helped . . . after we each downed a glass , we were able to drown out most of the other conversation . our server matt ( ? ) was awesome . very attentive yet not overcrowding . the food simply delicious . everything was served in more than fair portions and both my friend and i had \" i can ' t stuff anymore food down my throat \" boxes once we left . anyway . . . grilled calamari - outstanding . i would hop on two trains and a bus to come here for it . i don ' t even know if words will do it justice . just order it ! your taste buds will thank you ! entrees - linguini and clams and gnocchi . both of which were spectacular however one thing about the gnocchi . it ' s covered with pesto . i mean a lot of pesto . my husband who is a loves pesto even said it was too much for him . all the pasta is fresh made here btw . dessert - tiramisu . order it . so good . pair it with an espresso or cappuccino . tip must order the grilled calamari and have reservations . \n","Nnd avenue\n","Npm\n","---\n","my boyfriend and i had the pleasure of dining here recently . we had read the rave reviews and our companies have done long time business with this restaurant so we were quite familiar with the quality of food they were purchasing . i have to say we were pleasantly surprised that uva was as amazing a place as we were told . we had the honey and ricotta bruschette to start and it was divine , so creamy with just the right amount of sweetness . we also had the shrimp pasta and the truffle pizza ( i can ' t recall the exact names but they were oh so good ) unfortunately we were to full for dessert but we have definitely marked uva as a fan favorite , chef claudio is definitely doing an excellent job on creating exquisite italian cuisine . \n","uva\n","uva\n","---\n","good solid italian in a more vibrant young crowd in the ues . if you were to take lusardis and uva , then your italian craving would be covered on Nth st . the N complements one another as they both serve quality italian to different age demographics . both definitely wont disappoint . \n"]},{"output_type":"stream","name":"stderr","text":[" 3%|▎ | 17/600 [00:00<00:19, 30.52it/s]"]},{"output_type":"stream","name":"stdout","text":["ues\n","lusardis\n","Nth st\n","N\n","---\n","if you are ever in the upper east side at a loss for food choices- this place is definitely solid . my only caution- it is pretty loud in there ! we sat near the back and although i usually don ' t mind this but we came with my boyfriend ' s grandparents and they could barely hear us , let alone speak to us ! we managed and laughed about \" the young people . \" otherwise , the food was great , the standout was definitely the bacon wrapped scallops ( over the ricotta gnocchi- which i thought was a bit too rich to down in one sitting ) . \n","the upper east side\n","---\n","pros great atmosphere , perfect for groups . we went there to celebrate my birthday and it was wonderful . we got a table in the candlelit courtyard that reminds you of a little village in spain . the cheeses are delicious . there is such a wide selection of very good wines , i was amazed . cons not all the dishes are good . i ordered gnocchi and they were very heavy and drowning in cream . it lacked some refinement . another con is the staff . one of the hostesses and the waitresses were so rude and inefficient . i was quite surprised when the ( tall ) hostess said angrily \" move your stuff from the chair ! \" . no please , no thank you , not even a look . just because i had put a bouquet of flowers on the empty chair next to me . but we didn ' t let it ruin our dinner . i definitely recommend it as the place itself and the cheeses wines are great ! i was very happy with the evening . a very nice birthday dinner ! one more thing the place gets very crowded , very fast , so call ahead to make a reservation . and they have a nutella cake . . . - ) went there on N N N \n","spain\n","cons\n","---\n","uva is a nice italian restaurant for a romantic dinner . the food is good and the service is polite and professional . i recommend uva for a romantic date . \n","uva\n","uva\n","---\n","i was here last weekend at this quaint and charming italian wine bar . the wine menu goes far beyond italian , but the food menu is generally italian . our server was both friendly and efficient . the lighting is a bit on the dark side which may or may not be good . i personally like it and it makes for a romantic setting . we ordered a small pizza , bruschetta and pasta and all in all most of it was very good if not a bit generic . not excellent but definitely better than olive garden . i ' ll be going back again . \n","olive garden\n","---\n","the best pasta italian in upper east side since i have moved here . the gnocchi with white truffle sauce reigned supreme . can not wait to visit one more time . \n","upper east side\n","---\n","bar none one of my favorite restaurants in manhattan . the black truffle gnoochi is amazing ! ! ! ! \n","manhattan\n","---\n","uva is a great spot for any night . cozy atmosphere , great food , great wine . i have been with friends to drink and munch on apps and with dates for dinners . good for either type of night . \n","uva\n","---\n","i came monday night and usually most of the restaurant or wine bars do not have the right vibe . this did not happened to me at uva ! wonderful place , very nice decor and authentic \" finally \" italian food and wines ! ! i was welcomed by i believe the hostess and i believe her name was patrizia . she treated my friends and i like kings . perfect music . it is the perfect pick for dates and big party . i will go back very soon when back from the bay area . good job uva \n"]},{"output_type":"stream","name":"stderr","text":["\r 4%|▎ | 22/600 [00:00<00:16, 35.28it/s]"]},{"output_type":"stream","name":"stdout","text":["uva\n","the bay area\n","---\n","probably a great date spot , but definitely a great spot for some really solid italian food and cool ambiance . i ' ve come to realize that manhattan is pretty pricey but this place delivers and doesn ' t break the bank ! will have to be back . . . soon ! \n","manhattan\n","---\n","where else can you find fine italian food and intimate ambience until Nam ? ? great spot for romance with the right date . \n","Nam\n","---\n","one of our favorite restaurants in the neighborhood . the ambiance , food , wine list and service are all excellent . our favorite dishes are the salmon , beet gnocchi and the mezzelune . if you ' re eating late , stop by for the super pizza ( with prosciutto and arugula ) on the late night menu . it can be a little crowded at prime times so be patient , but otherwise this is a fantastic dinner option in the upper east side . \n","the upper east side\n","---\n","can ' t say enough about how wonderful uva is . it was my first visit - but won ' t be my last ! the service was tremendous from the get-go - the bartender , phil , the hostess , our waitress , the entire wait staff - all so attentive and helpful . the food was delectable . my favorite dishes were the duck , scallops , and tuna tartare - and you can never go wrong with any of their homemade pastas ! \n","uva\n","---\n","my favorite restaurant in the ues . we have dined here a lot and the experience has always been consistent . any time we visit , the restaurant is buzzing . the indoor space appears slightly cramped but it ' s nice and cozy . the outdoor garden is great both in summer winter as it has space heaters . the menu has great variety , however as of late we go on monday nights for their meatball specials . i cannot flaw the food , the portions are perfect and at very reasonable prices . service is great and the waitstaff have always been very helpful and attentive . every time someone visits me in nyc , i make sure to bring them to uva ! \n","ues\n","nyc\n","uva\n","---\n","i cant say anything bad at all . the food is consisten , the girls are phenomenal and joel at the bar is so good . i feel like home anytime i go there . number one spot in the ues . \n","ues\n","---\n","i just finished an N-day stay in the ues uva was one of the best N meals i had during my stay . i went on a friday night so it was kind of loud , but the waitress and i were still able to hear each other without yelling . i wish i remembered her name , she was so helpful and accommodating - even suggesting a half-order of the entr e i wanted ( tagliatelle with veal ragout ) so that i could have enough room for the cheese plate i was lusting after . and oh ! the almond tart . have it . it was soft , warm , flavorful , perfect in every way - and not super sweet . just super delicious . i only wish i had gone there earlier in my stay so that i could have come back a second time . \n","the ues uva\n","---\n","uva is one of my favorite spots on the ues . the service is wonderful and the food is always a guaranteed pleasure . the eggplant and the meatballs are phenomenal . i recommend the bruschetta too ( specifically the ricotta with the honey truffle ) . they are always packed but once you ' re seated , you are constantly attended to and the service is quick . love this place , definitely recommend it for anyone trying to take someone on a nice date , as it ' s romantic but not too quiet where you feel like you have to compensate for lack of background noise . the garden in the back is a huge plus in the summer too ! \n"]},{"output_type":"stream","name":"stderr","text":[" 5%|▌ | 31/600 [00:00<00:15, 37.86it/s]"]},{"output_type":"stream","name":"stdout","text":["uva\n","ues\n","---\n","one of my favorite new york restaurants . it can get very busy , but the service is always excellent , and dishes delicious . eating in the garden out back is always a break from the hectic city life . \n","new york\n","---\n","uva is a charming italian wine bar on the upper east side . make sure to request a seat in the covered garden in the back when you make your reservation , they also have a patio up front . uva is perfect for a date night or to catch up with a few friends for hours over wine and cheese- they have a huge selection of both . there are many great antipasto and vegetable dishes to share for a starter . we love the polenta stuffed with cheese . for entrees , they have many tantalizing pasta , pizza , and fish dishes , but i must say their eggplant melanzane is one of the best i have ever had . they also offer a great wine cellar area for private parties . \n","uva\n","the upper east side\n","uva\n","---\n","went here with my wife a few years ago and enjoyed the food very much . then i went here again last week and it did not disappoint ! great cheese plate , nice wine selection , good service and wonderful ambiance ! alot of restaurants on Nnd ave have come and gone recently with all of the construction , but i am glad this one has survived . \n","Nnd ave\n","---\n","i ' ve been here several times and i absolutely love it ! my boyfriend and i still talk about the black truffle gnocchi we got there last year ! so delicious and a perfect date place . the back patio is adorable and romantic . i would highly recommend uva ! \n","uva\n","---\n","this place is a gem . if you ' re like i was , you ' re debating between uva and vero ( across the street ) . this place is sleek , upscale , and reasonably priced . great for a first date or casual drinks with old friends . this is the clear winner . \n","uva\n","vero\n","---\n","by far my favorite wine bar on the ues . the food is always amazing , the outdoor seating in the back is beautiful and the outdoor seating up front is nice for dinner as well . after trying the other neighborhood wine bar , i truly appreciate the food , service , and wine at uva . \n","ues\n","uva\n","---\n","a haven in the ues . soooo good . in love with the pear gorgonzola salad . the crab avocado appetizer is also delicious and every pasta i have had there was great and very fresh . i like the simple whole wheat spiral pasta with the simple red sauce with basil . the cheese melts in perfectly- it ' s like a warm bowl of heaven . i think it says a lot when the simplest dishes are just mouth watering . also , the mascarpone and strawberries with bitter chocolate powder sprinkled on top is perfection . i love this place , can you tell ? besides the food being great and decently priced , the wine list is fabulous and the ambiance is really cute . a true ues gem and one of my favorite date spots . if only they delivered ! they are nice enough to do carry out orders ( though i don ' t think that ' s normal for them ) . love love love . the cute italian waiters don ' t hurt either . \n","ues\n","ues\n","---\n","luv , luv , luv this wine bar . the service is uber-accommodating , especially if you have a large group . excellent italian wines and wonderful cheese . normally , i won ' t cross Nth street , but it is worth it for pretty good italian fare , a very romantic environment , and being treated like the princessa i am . \n","Nth street\n","---\n","so let me tell you about uva . . . not only is it our favorite restaurant in all of manhattan , it also happens to be my new favorite spot for private birthday parties as well . this past saturday night , i threw a surprise party for my wife . we had N people , they allowed me to personalize the menu , the food was beyond incredible and the service happened to be exceptional ! ! ! allow me to name names and you will get more of an idea as to how amazing of a restaurant this really is i will begin by mentioning linda and jessica . they were a pleasure to deal with as i planned the party . they were patient , they worked with me and they were instrumental in making sure this party went off without a hitch . they allowed me to personalize the menu and next , i will come to the food eggplant , chicken , salmon , shrimp or whole wheat pasta ? can ' t decide ? every single item on this menu is absolutely the best i ' ve ever tasted . and my wife and i have eaten italian food at some of the best restaurants in rome and i will still take uva over any of those places ! let ' s talk wine . for my money , i think it is almost impossible to beat whatever the house wine is that night . you can ' t go wrong with whatever they choose off the extensive wine list . let ' s talk service catherine was our server and she managed to remember N orders , never kept us waiting , and always made everyone feel like it was they who were in fact celebrating a birthday . her attention to detail was second to none every time my glass of water or wine was even close to being empty , there was catherine , pouring away . and everyone else said the same thing . luigi , the owner , also happens to be one of the nicest guys and it ' s the first time i have ever seen a restaurant owner actually walk around and ensure that his guests are enjoying their meals and be willing to listen and actually care about their comments and overall dining experience . i do not have a bad thing to say about this place . i will give you one tip in terms of appetizer , do yourself a favor and order the eggplant rolletini ( did i spell that right ? ) thank you everyone at uva for helping to make my wife ' s surprise party an overwhelming success ! ! ! ! ! we will be seeing you very soon ! ! ! ! ross and friends \n"]},{"output_type":"stream","name":"stderr","text":[" 6%|▋ | 39/600 [00:01<00:16, 33.03it/s]"]},{"output_type":"stream","name":"stdout","text":["uva\n","manhattan\n","rome\n","uva\n","---\n","uva deserves another review for their recent brunch menu update and i have to say they ' ve done a fantastic job ! you have to try everything on the sweet tooth section of the menu . the \" cream puffs \" which are basically perfectly fried N-bite apple pies with raisins are a piece of heaven . they added delicious cocktails , the adult lemonade is my favorite . definitely worth another weekly visit ) \n","uva\n","---\n","this is my favorite italian spot on the ues . we usually go for a couple apps and a pasta . the buratta and tomato salad is beyond delish . . . it ' s one of those dishes you crave until you give in and go back for more . sweet salty creamy all in one . the sardinian flat breads are another favorite . paper thin , crispy and seasoned to perfection . the service is efficient and polite . . . . your water glass and bread basket will always be full . this review is making me hungry , \n","ues\n","---\n","i was taken here on a first date , and while that didn ' t last my love affair for uva continues . this restaurant is simply amazing ! the garden patio in the back is a wonderful choice for a date or to catch up with family and friends . my favorite dish here is the ricotta gnocchi . i love it so much , i slaved away in my kitchen and discovered how to make the creamy truffle and chive sauce ! i will share the recipe with anyone who wants it . it is too good to be kept secret ! \n","---\n","uva has a nice atmosphere . sort of rustic looking . tables aren ' t too close together . great spot for a date . for whatever it ' s worth , we didn ' t wait at all for a table on a monday at Npm . the food was quite good . i ' m not an expert on italian food , so take this review for what it ' s worth . i had the pappardelle al ragu di vitello ( N home made poasta ribbons sauteed with ragout of veal and montasio cheese ) . lots of flavor . wouldn ' t say it was amazing , but it was quite good . my date had anello di capesante e speck ( N sea scallops wrapped in smoked prosciutto with sauteed spinach and white wine sauce ) . this was incredible . until i tried it , i actually didn ' t think i liked scallops . i think i ' ve just never had scallops made well . we also had the antipasto vegetariano , which was pretty impressive given how simple it was in it ' s description . and we shared a nice bottle of malbec . service was excellent . friendly and very prompt . prices were very reasonable given the quality . i thought the restaurant was a great value . i ' ll definitely come here again soon . \n","uva\n","N\n","---\n","trendy japanese fusion - it ' s the sort of place you would expect to find in chelsea . the food is very good but pricey . the place is vibrant but noisy . . . loud music with a steady crowd . seating is a bit tight but manageable as the stream is steady . the spicy tuna burger is a good bet although sometimes it can appear a bit oily . the california roll is close to double the price you would find at most corner salad bars but then again , the portion is bigger here and it ' s real crab meat unlike the imitation crab meat ( pollock , cod or whiting ) you find at most places . hey , you get what you pay for ) the salmon volcano roll is a winner with some spicy \" kick \" to it ! \n","chelsea\n","california\n","---\n","this review is solely based on my order . when i visit kobeyaki i only order one thing , the kobe beef burger . this burger is so good it leaves me licking the juices off my fingers and wishing i didn ' t devour it so quickly ( don ' t worry i always wash my hands before i dine - ) ) . my issues with this place are the size and price . the burger is small and cost N . considering you can eat it in N bites and it does not come with sides , i don ' t feel that price is fitting . however for the quality of beef and the fireworks going off in my mouth , i make the splurge . \n","kobeyaki\n","kobe\n","---\n","i have to say that i really don ' t agree that this place is \" terrible . \" it ' s falls into the category of fast food that is not processed ( sort of like chipotle ) . so far i ' ve only tried their bowls and rolls . . . i stick with the bowls , as the rolls have too much rice and are simply not satisfying if you ' re used to good sushi . and hey , we live in nyc . . . we all know what good sushi is . however , the bowls are great ! hearty portions , nice mix of veggies . i definitely do not agree with another reviewer that says the veggies taste like they came out of a frozen bag . they are very fresh . i work in the area and the bowls are a great lunch option that helps me stick to the healthier side of things . staff is friendly and the ambiance is comfortable . \n"]},{"output_type":"stream","name":"stderr","text":[" 8%|▊ | 47/600 [00:01<00:17, 32.42it/s]"]},{"output_type":"stream","name":"stdout","text":["nyc\n","---\n","obsessed with this place ! best chicken teriyaki bowl in nyc ! the menu is amazing - super easy to mix , match , create your own dish . the space is super clean , modern , and inviting . young crowd looking for good food at good prices . great addition to the neighborhood . my buddy had a burger and was raving about it . \n","nyc\n","---\n","i work near penn sattion on Nth st and every day i have a challenge what i am goign to eat for lunch . there are not a wide variety of good and affordable places around the area . but i am so grateful to my friend who took me one day to kobeyaki . he just said one thing \" you must try the best burger ever \" . honestly i am not a fan of burgers cause it is quite simple american food bun , meat , tomato , lettuce , ketchup . i should say my friend was completely right . i have never tried anything better . kobeyaki burger was the best . it was juice , right soft bun , and kiss ass sauce that makes it so special ! ! ! now kobeyaki has become my primary destination for lunch . minimum twice a week i am there . thank you kobeyaki for great tasty food ! \n","penn sattion\n","Nth st\n","kobeyaki\n","kobeyaki\n","---\n","everything that i ' ve ordered here has been exceptionally delicious . i ' m giving kobeyaki five stars not because it ' s the french laundry ( it isn ' t trying to be ) but because it fulfills its promise of being a high-quality but inexpensive , fast , and pleasant place to grab a bite . the food is absolutely packed with flavor and creativity ! i had the salad last night--really outstanding miso dressing , perfectly ripe avocado , pops of edamame . i also love that there are freebie dipping sauces--like spicy mayo--that most places charge extra for . i ' m so glad to see that there ' s a new location in midtown--i wish there were kobeyakis everywhere . even though i have lived in nyc for N years and have enjoyed some amazing dining , this is the first yelp review i ' ve ever written . i ' m writing because i love this place and want to see it succeed and expand . kudos to the owners for the great job you are doing ! \n","kobeyaki\n","the french\n","midtown\n","nyc\n","yelp\n","---\n","i have been to kobeyaki N-N times now . my favorites are the spicy tuna burger and a spider roll . the spicy tuna burger is outstanding ! it is light but filling . it does not me feel greasy or like i need to run to the gym right away to burn it off . the spider roll was fresh and very very tasty . service was crisp , and the place was impeccably clean . i would definitely recommend . \n","kobeyaki N\n","---\n","i was in from st . louis visiting family and friends over the holidays , and we stopped in one day for lunch . the decor was clean and simple and the atmosphere was very welcoming . i enjoyed my visit so much , i made sure to stop back in before i left the city . the braised pork bun was amazing , along with the unagi roll and the seaweed salad , both fabulous . on our way out of town , we stopped in again and this time tried the spicy tuna burger and the tempura sweet potato fries . the burger was amazing , and the fries were quite simply the best i have ever had ! service was friendly and the place is unpretentious , and very inexpensive . i can ' t wait for my next visit to the city , i will be stopping here first ! \n","st .\n","louis\n","---\n","went here monday after seeing traces in union square . thought it looked clean , and we were freezing , so we went in to get a couple of bowls to go . the place looked so nice we decided to stay . ordered two green teas plus the beef bowl and the shrimp bowl not expecting anything special . well they were exceptional , made to order i believe with the freshest , tastiest ingredients . we enjoyed them so much we ended up ordering two bottles of saki , ( was in a blueish bottle and it was good ) the sashimi , spicy tuna roll plus the pork bun ( i never thought it possible , but better than momofuku ' s imo ) . everything we had was fantastic and the bathrooms are spotless as well . ended up being the perfect ending to a great night . \n","union square\n","momofuku\n","---\n","omg . . . i am in love with kobeyaki . . . it ' s my new favorite restaurant . . . . prices are reasonable . . . portions are generous . . . . tuna tataki salad is amazing . . . kobe burger is out of control delish . . . spicy tuna roll , california roll shrimp tempura roll have a few unique twists and are incredible . next time i go , i ' m going to try the soft shell crab bun . it ' s clean has a cool atmosphere . even my very , very picky N year old loved it . and the cinnamon buns for dessert were a perfect way to end a perfect meal . \n"]},{"output_type":"stream","name":"stderr","text":[" 9%|▉ | 55/600 [00:01<00:17, 31.60it/s]"]},{"output_type":"stream","name":"stdout","text":["kobeyaki\n","---\n","i saw kobeyaki yesterday , so i went to ate . this is a japanese food restaurant . i had the pork bun with my lunch . oh , is so juicy . i love that . there were not may people at time , is very quiet . they have some japan type in there restaurant , is interested . \n","ate\n","---\n","way overpriced and way small portions . an emblem of where the east village is going . okay , i get the premise of haute cuisine you pay a lot , get a little and then pretend that it was all worth it because of the scintillating neuro-gustatory experience one presumably has . i have had those experiences at some very good and very expensive new york bistros . i also get the influence that \" chef star power \" vis a vis television exposure has on one ' s palate , as i write about marketing for a living . eg , i know that consumer perception shapes consumer experience . and the food was good . but i found myself leaving the place angry . let me be plain even the more expensive restaurants i ' ve patronized in traditionally expensive neighborhoods would balk at printing menus that call an appetizer an entre . essentially , graffiti serves little appetizer dishes as entrees , or \" dishes to be shared \" . even by new york fashion-cuisine standards these were small appetizer dishes for around N each . we spent over N on four such dishes and two N beers . we passed a sign on Nnd avenue after we left to go get dinner \" i can ' t afford to ( heart ) ny \" . amen . \n","the east village\n","new york\n","new york\n","N\n","Nnd avenue\n","---\n","this place is ridiculously small with poor service . we had reservations at N N and did not get seated until N minutes later . the staff hardly looked at us and definitely did not apologize for the wait nor did they comp us a drink or appetizer . you literally have to ask permission to use the restroom because it ' s located through the kitchen ( a little countertop ) , and your trip cannot coincide at a point when food is coming out . the food is flavorful , but there are plenty of other restaurants in nyc with flavorful food and decent service . however , the lychee martini is awesome . i ' m not sure why mehta opened another restaurant , mehtaphor ( also a disaster ) , instead of enlarging this one . \n","N N\n","N\n","nyc\n","mehta\n","mehtaphor\n","---\n","i get the tight space , no big deal unless you are big-boned . . . i say that because if it is your first date and your date is such a person , beware . look , the food is not bad , but the bottom line is if you care enough to have a clue you can find the same dishes , better quality for a third of the price . for instance , the dumplings with grapefruit if you have ever had fresh dumplings in your life you will be disappointed with this place . . . . don ' t bring your asian wife to this place ! i did and she was not impressed . and when we ordered , the owner said that they \" are tapas style so we recommend you each ordering two dishes . \" well , each dish is N- N per dish . . . since when did tapas reach such prices ? i guess if you are used to paying N for a pizza at artichoke on Nth st , then this is right up your alley . otherwise i ' d say to go the extra mile and move beyond a first-date place to something that you can build a long-term relationship with . bottom line for the men if you are with an authentic asian woman born outside the us , make sure she doesn ' t order the dumplings . if you are some nyu dude taking a college date out to an off-the-beaten-path place , then this place is money . \n","Nth st\n","us\n","---\n","love naan , but really who doesn ' t ? came here with a friend , and although it was a little pricier than we expected , the authentic indian flavors were great . nice place for a date , not so much as a place start a night of debauchery ) \n","naan\n","---\n","graffiti is chef jehangir mehta ' s delightful lower east side restaurant serving super imaginative small plates . chef mehta , originally from india , was a former jean georges pastry chef . he has since been with several successful restaurateurs and been featured on food network ' s iron chef . the eclectic menu at graffiti offers plates to be shared priced at N , N , and N . the food is indian in essence but is dressed up with influences from all imaginable cuisines . each dish is delightful . my favorites were the zucchini hummus pizza braised pork buns . \" cozy \" is the word for the tiny space which is big on flavors and character . the service is wonderful and super friendly and the atmosphere is really homey . this spot really does have soul and should be on your \" must do list \" \n","graffiti\n","lower east side\n","india\n","jean georges\n","food network '\n","iron chef\n","graffiti\n","---\n","i ' ve been a foodie since before food got popular , and am now just starting to yelp . instead of just being a passive participant i ' ve decided to get active and log my nights out in order to remember when and where i went . - ) to keep things simple , i judge all restaurants on the following criterion food , drink , space scene , service , price . so here goes ! food - the cuisine of this venue is indian fusion . there is something for everyone , food can even be tailored to vegans and those who are allergic . we had the following - watermelon feta salad mint sorbet - chili pork dumplings grapefruit confit - ginger scallops - graffiti burger garlic fingerling potatoes chipotle mayo - braised pork buns apricot chutney - chickpea crusted skate mint yogurt sauce - duck portobello gratinee mustard onion confit everything was typical for the progressive chefs of today- delectable and well plated . this is not a place that overplates and turns the food into art . my only complaint was that the staff head chef said everything was tapas family style and the portions were a bit short for a party of four . drink - the drink menu only had N cocktail- the lychee martini which was verrry generous , not served in martini glasses , but rather in giant wide topped glasses which meant more liquor and less spill . the wine menu was brief and simple - not nearly as extensive as most foodie hangouts . this is liked as it made choosing less trivial . space scene - do not go here for special occasions . the restaurant is very tiny , like having dinner in your typical nyc shoebox apartment . it is smaller than barrio chino if you have ever been there . all N-N tables are on the right side while the waiters and guests have to squeeze through the left just to get to the tables . and once you get to your table you ' ll probably have to share a larger table . i knew this in advance and did not mind . i enjoy this type of experience from time to time . but i can ' t stand people who give good places bad reviews mainly because of the space situation . you showed up , saw the place , you didn ' t have to eat there ! finally , for those that crave trendy popular spots . . . the headchef competed against morimoto on iron chef , and also was a contestant of last years top chef . service - wasn ' t over-the-top and pretentious , which i like . but wasn ' t bad either . if the waiter who was waiting our table was busy , we just asked any other waiter for a dish and it came out in a timely manner . also , chef mehta is very likely to be waiting your table too ! price - there are N or N dollar tapas . the price is relatively reasonable as if the venue were larger , they could have charged N more for the same portions . dinner for ( N ) came out to N before tip . we had a bottle of the hanging vine - cab sauv , lychee martini , and the plates mentioned above . no dessert as we were adequately appetized and i wanted to take my parents to pinkberry for their first experience . all in all , i enjoyed the food . it was good , relatively unique , and flavorful . somewhat spicy ( not by asian standards ) and because the portions were smaller , left you wanting a little more . \n"]},{"output_type":"stream","name":"stderr","text":["\r 10%|▉ | 59/600 [00:02<00:22, 23.80it/s]"]},{"output_type":"stream","name":"stdout","text":["nyc\n","barrio chino\n","iron chef\n","pinkberry\n","---\n","the first thing that struck me about graffiti is the size of the restaurant . it ' s small even for a new yorker . i had read about it and decided to visit it but nothing prepared me for it . having said that i have to mention , that if you just want to see the creative use of space then you have to pay a visit to graffiti a . even though it ' s a small place , you feel cozy rather than cramped . chef jehangir mehta ( who owns graffiti ) has added so many quirky design elements to the interiors of the restaurant that for a few minutes after entering you just look around in wonder , taking in all the personal touches to the design that make the place so warm and inviting . i really loved the funky animal chopsticks . the service at graffiti is flawless . actually that is how i spoke to chef mehta for the first time and heard that he was one of the participants on the next iron chef . i now watch the show regularly and make sure i tell everyone that i have met him . the place is almost always full so i prefer to reserve my table , especially on fridays . though they do accept walk-ins , be prepared to wait for quite a while . graffiti is always full ! i don ' t like waiting for my food and that is another reason why i appreciate graffiti so much . they serve food giving a detailed description of each preparation . this is something i really appreciate about the place . it makes you feel like they really know their food and they genuinely take pride in what they create . the proportions though small are filling and the best part is that nothing gets wasted . my favorite dish is the crunchy crostini and walnut salad as well as the watermelon feta salad . but no meal at graffiti is complete without ordering atleast N portions of mango paneer ! \n","graffiti\n","a new yorker\n","graffiti a\n","graffiti\n","graffiti\n","graffiti\n","graffiti\n","graffiti\n","---\n","i gave this restaurant N . N stars because it ' s simply delightful . i visited it last week just after watching chef jehangir mehta on the next iron chef . his preparations really are as mouthwateringly good as they appear on tv . the restaurant interiors are beautiful . i especially loved the delicate chandelier that overlooks the room . i ' m a small person so i didn ' t find the space cramped but i understand that a six foot something person might have found it small . the size shouldn ' t be a big deal after a while ( with enough N wine in your stomach you ' re bound to get comfortable . even if you don ' t drink don ' t worry . the people there are so sweet you ' ll feel comfortable soon anyway ) . i love the tapas style portions . this way i can try a lot more . i like to have small meals . even their pork buns don ' t weigh heavily on your stomach . i definitely want to go back . i wonder if he ' ll make some of his recipes from the show . . . i wouldn ' t mind trying that lobster curry and rice preparation that won him the first test this week . sounds delicious . . . ps- they have a very sweet contest of their own going on at graffiti . you can design a unique graffiti envelope ( for them to deliver their bills in ) and send it to jehangir mehta and if he likes it you could win a chance to have dinner with him at graffiti . i read about it on his personal website . i think i ' m gonna give it a stab . \n","graffiti\n","graffiti\n","---\n","if you are reading this on your iphone , just go inside , it ' s freakin amazing . the scene i love the east village and all the tiny , amazing , restaurants , but nothing compares to the intimacy you ' ll find in graffiti . it ' s like being in the belly of a sailboat , where everything , including the N people in the restaurant ( staff patrons ) , has its place . the vibe is electric and fun . it ' s a great place for anything from a date to a small group of friends - as long as you make a reservation . the food off the hook good . seriously . everything we had ranged from fantastic to freakin amazing . their food has a lot of style to it , not overly delicate undetectable ingredients kind of style , but things like braised pork buns with apricot chutney . mmm . . . chutney . top N favorites N . pickled ginger scallops , candied red chili N . braised pork buns , apricot chutney N . squid lotus root stir-fry with poppyseed curry leaf cons we had nearly everything on the menu . only complaint super tasty everything , but not enough everything - their entire menu has about N items , and all of them are tapas style . we ' d have loved to either have a few items that were more substantial or even more of their amazing mini dishes . \n","the east village\n","---\n","my boyfriend and i came here on saturday night for a late valentines day dinner and we couldn ' t be more impressed ! we had originally made a reservation for N N . they called at N N just to let us know we ' d actually be sitting at N . we arrived right at N and were immediately seated in this perfectly tiny restaurant at one of the private tables . we started with the wine list , quickly finding something we thought we ' d like . upon trying it i wasn ' t totally in love but for graffiti staff that was no problem . the waiter and then owner worked with us to find a bottle of something much more our style even though it wasn ' t on the wine list . onto the food ! i eat a gluten free diet due to celiac disease and the staff at graffiti was amazing . we knew ahead of time that they would be accommodating based off of other reviews , and they were ! i was able to eat almost everything on the menu . we ordered the pickled ginger scallops with gf toast , braised pork buns ( N N on gf bread and N N on regular bread ) , chickpea crusted skate , and the graffiti burger ( again N N on gf bread and N N on regular ) all of the gf bread was udi ' s , a brand i know and trust , which made the experience so great . overall this place is amazing . while it is unique and definitely a small space chef jehangir mehta does not disappoint . what are you waiting for ? make a reservation and go on your next date night at graffiti ! \n"]},{"output_type":"stream","name":"stderr","text":[" 11%|█ | 66/600 [00:02<00:19, 27.12it/s]"]},{"output_type":"stream","name":"stdout","text":["N N\n","N N\n","graffiti\n","udi ' s\n","graffiti\n","---\n","when i ' m in new york graffiti is the first place i go to . yes , i just can ' t go without this place . it ' s an absolutely awesome place , very small but extremely cozy . great for a date night out and has a selection of affordable wines by the bottle and very delicious tapas style food . the d cor blends in very well with the adventurous menu and concept of the restaurant , andlet me repeat myself the food is always sensational . the winner on their menu in my opinion is duck portobello gratinee , you gotta try this . . . it ' s an absolute delight . i think this is one of those must go , must try places . would recommend to everyone ! \n","new york\n","graffiti\n","---\n","my wife and i recently ate at graffiti , and we simply loved it . the flavors are spectacular we shared the watermelon feta mint sorbet salad , green mango paneer , pork buns , zucchini hummus pizza , and graffiti burger , and we enjoyed every dish immensely . i also had the lychee martini and loved it . plus , the service was great ( i liked that the waiter described each dish in detail ) , and it was a treat to meet chef mehta . i highly recommend this restaurant . \n","graffiti\n","graffiti\n","---\n","this is perhaps the best find in nyc . my wife and i have been going here for years . it ' s certainly tight ( cozy may be a stretch ) , but the food is well worth it . my only complaint is that this used to be nyc ' s best kept secret . . . now jehangir is famous - so it ' s just the best \" find . \" you ' ll need a reservation if you how to get in . \n","nyc\n","nyc\n","---\n","one of the best restaurants in new york . a hole in the wall , only a few tables , warm and friendly staff , the food outstanding . love it . worth the wait , if you can ' t get a booking ! \n","new york\n","---\n","my favorite restaurant in new york . i have tried everything on the menu , and i have loved it all . small size of the restaurant takes some getting used to , but don ' t let the size of the place scare you away . small place just means more personalized service from the chef and staff . chef mehta takes great pride in the textures of each dish , and it shows . \n","new york\n","---\n","amazing . awesome . superb . graffiti was recommended to me by N of my closest friends , so when i knew that i would be in the neighborhood , i decided to make a reservation and give it a try--see what the fuss was all about . this place is cozy and charming , which is another way to say that it ' s super small , but make no mistake about it , graffiti is all about the food . the service is great and also knowledgeable . my party and i ordered the mango paneer , the green chili shrimp , the zucchini hummus pizza , and the braised pork buns with apricot chutney . all of our dishes were delicious and truly special . the paneer was full of flavor and wonderfully consistent . the green chili shrimp was a true highlight , wonderfully cooked , both buttery and crunchy at the same time -- i could eat this all day . the zucchini hummus pizza was topped with crushed wasabi peas that gave it a wonderful combination of flavors that was an entirely new flavor experience . the braised pork buns were also equally delicious , the saltiness of the braised was complimented superbly by the sweet apricot chutney . for desert , we shared the coconut macaroons , which were delicious . however , the strawberries , almonds , and truffle oil , served with home-made pepper ice cream was something truly remarkable . it was both familiar and different at the same time -- sweet and salty , salt and peppery . i had high expectations and i was still amazed . \n","graffiti\n","graffiti\n","---\n","what an amazing place ! we went on saturday , march N , which some of you will remember as one of the wettest and windiest days we ' ve had in some time . my wife and i were celebrating her birthday with her twin sister and her husband . but we were all soaked from some attempts to traipse around the city that day . i got a call from graffiti around N p . m . saying they had a reservation for us available at N N ( wow--didn ' t expect to get in after calling that morning ) . we decided to go for it , fighting our instincts to go home and warm up . and i am so glad we did ! ! after arriving N minutes early , chef mehta was still able to seat us ! the quarters were cramped , but the staff were absolutely fabulous--very warm and friendly . i ' ve never been to a place where the chef plays such an intimate role in serving and chatting you up during the night . as for the food--it ranks among some of the best i ' ve ever had . the zucchini hummus pizza , braised pork buns , and chickpea crusted skate were highlights . for dessert , the warm truffle almond strawberries with pepper ice cream was phenomenal ( even in its simplicity ) . all this with N bottles of wine and great prices on food too . wow , i can ' t wait to go back . \n"]},{"output_type":"stream","name":"stderr","text":[" 12%|█▏ | 73/600 [00:02<00:17, 30.09it/s]"]},{"output_type":"stream","name":"stdout","text":["N N\n","---\n","i had dinner last night at graffiti to celebrate my friend ' s birthday . graffiti , hands down , was the best culinary experience i have ever had . jehangir mehta was the most down to earth chef i have ever met . when you know of his credentials , it ' s even more impressive . although the place was tiny , it gave the restaurant a cozy feel as if you were in someone ' s living room having dinner with a lot of friends . the food is paramount not having sufficient words to give it justice . just go - you won ' t be disappointed ! since it is small , you may need to call in for a reservation . it ' s worth the wait . \n","graffiti\n","graffiti\n","---\n","this restaurant is amazing find and truly different . the food is unique to say the least . i ' ve had oysters with poprocks candy on top ( remember that stuff from the N ' s that crackles in your mouth ) and sardines and seaweed pizza amongst other fascinating dishes . the atmosphere is laid back and very cozy . also , the owner and head chef , jehangir , is extremely friendly and helpful . \n","---\n","algarve charges a convenient fee for placing your order online . . what ! ! ! ! this is what i call stilling from your customers . here is my rating food N N customer service -N N over priced go to valen a a few blocks down great food and exelent service and they won ' t still your money \n","algarve\n","valen\n","---\n","i ' ve been eating at algarve since N . and , while i ' ve been somewhat disappointed with the service once or twice in these last N years ( and only once or twice ) , i must say , the service has always been friendly and the food has never disappointed . the atmosphere is great whether you ' re in jeans or in a tux , you ' re going to feel comfortable . and , if you go , odds are , we will be there at the same time . \n","algarve\n","---\n","algarve restaurant is by far the best portugese place around . chicken and ribs with rice and fries always hits the spot . cheese steak sandwiches are always delicious . fried calamari garlic shrimp salmon the choices are endless and all are great i recommend this place to anyone and everyone i meet . plus everything on the menu is healthy so you won ' t feel to fat after you eat . \n","algarve restaurant\n","---\n","algarve is perhaps my favorite restaurant anywhere ( u . s . or abroad ) . i live in indiana , so i don ' t often have a chance to visit , but whenever i am anywhere close , i detour to elizabeth for a meal at algarve . the paella is absolutely the best i have had anywhere . i have tried it at upscale restaurants , expecting something close to algarve ' s paella , and i have always been disappointed . even more frustrating , the cost for paella for one person elsewhere is close to the cost of the massive N-person kettle of paella at algarve , which comes complete with a whole split lobster and loads of shrimp , mussels , clams , and scallops . even with two toddlers eating with us , there is always enough left from the N-person serving for another meal ! finally , the service is great , and the waiters are friendly . even with our roughly annual visits , they still remember us when we show up . don ' t miss it ! \n","algarve\n","indiana\n","elizabeth\n","algarve\n","algarve\n","-\n","algarve\n","---\n","barb ' s is back reopening soon in rocky hill N new britain avenue \" old main village \" check them out on facebook at \" barb ' s pizza \" or at barbsrockyhill . com \n","barb ' s\n","rocky hill\n","barb ' s pizza \"\n","barbsrockyhill\n","---\n","north star bar , what can i say . . . . highly unprofessional , one of the most unreliable establishments i can think of in the philadelphia area . the mgmt cancelled gigs for four bands tonight . these musicians could have scheduled other gigs , lessons , rehearsals etc . . had the mgmt not cut them out at the last minute . time is something you can never get back and bonin ' hardworking , incredibly talented artists out of a gig time in this manner will not go unnoticed ! ! ! ! don ' t book your gigs here . . . - \" the b-man \" \n"]},{"output_type":"stream","name":"stderr","text":["\r 13%|█▎ | 77/600 [00:02<00:22, 23.30it/s]"]},{"output_type":"stream","name":"stdout","text":["north star bar\n","philadelphia\n","mgmt\n","mgmt\n","---\n","i am the band leader of one of the bands that was supposed to play last night at north star bar . my band plays frequently in philadelphia and has never dealt with a venue that acted as unprofessionally as this establishment did tonight . the show had been planned for a couple of months , and i know many people were planning on attending . however , according to a rude bartender , since not all of the bands were present exactly at the load in time , they decided to cancel the show . via a facebook notification . not even a call was made to the headlining band who was there loading in right at N pm and briefly left to pick up more equipment . in other words , the people in charge of sound the show had something better to do with their night and apparently left around N N ( N . N hours before the show even started ) . north star bar made an awful and stupid decision , losing a lot of money and respect from musicians and show-goers alike . i do not recommend this venue to anyone , especially musicians looking for a respectful and dependable venue to share their music with . \n","north star bar\n","philadelphia\n","north star bar\n","---\n","this is a bar i ' ve actually frequented a few times . usually the results are fairly good . the drinks can be weak , sometimes strong . the selection is a bit less on the liquor side , but the prices are good and the bartenders have always been very kind . that said , last night was the last time i ' ll ever go to that bar . this was january Nth , N . i was in at about eight thirty or nine and until about nine thirty or ten . i detail the experience below , but in short , our table waitress delivered terrible service , was extremely rude and nasty to us , and then literally chased us out of the bar a block away to harass us . we almost called the police and definitely won ' t be back . to explain the night , read below . i ordered a round of drinks at the bar and had a nice experiences with a thinner , brunet bartender who was very kind to me . i tipped her heavily . my boyfriend and i then went to sit at a table , where we had an order of fries with our beers . the waitress that served us was in some ways acceptable , but honestly very bad at her job . though she checked on our table enough , brought us menus and fries , she was also exceptionally rude , surely , and seemed drunk . the woman was slightly shorter , very stout , had paper flat , bleached blond hair , and an eternally sour expression . at some point , i decided my boyfriend and i needed shots while we had our fries . i went to the bar and ordered two . i paid with cash and again tipped well . as soon as we sat down , sourfacebleachhair , as i ' ll now call her , stormed to our table . \" what did you do ? ! \" \" umm . . . we had some shots . i paid cash at the bar . \" \" no ! you have to do that through me . \" at this point , she got so mad at us , that my boyfriend actually ordered two more shots and two more beers just to make her happy and leave us alone . she then stormed back off to the bar , clearly very upset because she felt jipped of the tip that went to the bartender that actually served us . she pulled that bartender aside and scolded her , then sat at the end of the bar and seethed at us . at this point , i should mention that the entire reason we did this is because my boyfriend and i were on a date , and trying to buy each other drinks , without one of us stiffing the other with a huge bill . to that end , i bought a round of drinks and a round of shots at the bar and paid cash or one time card payments . he opened a tab at the table and paid for our appetizers , the second round of drinks , and because sourfacebleachhair hassled us , yet another round of shots and drinks . we fully intended on tipping both , heavily . i paid for bar drinks , he paid for the table . at some point , we were so angry about our mediocre to poor service and the massive nasty attitude we got from our waitress while we tried to have a nice date , not to mention scolding us about how to order because she wanted the tip , that my boyfriend decided not to tip for the table , but just at the bar . as a full time waiter at a top stephen starr restaurant in philly , i supported this . i work damn hard for every tip i earn . i give absolutely top-notch customer service . i am kind , courteous , hard working , and treat every customer as a friend . i work damn , damn hard for my tips . i earn them . when my coworkers do a terrible job , not caring about the job and generally not working nearly as hard as i do , they don ' t get tipped . you get tipped for doing your job exceptionally , or at least passably . you don ' t do a crappy job , deliver terrible service , insult and scold your customers , and then expect for me to pay you the same tip that i work incredibly hard for in my line of work . i am the head waiter at my restaurant . i know her side of the fence . and on that side , she did an unacceptable job . we were kind enough despite her nastyness , paid our bill after an hour and left . as soon as we got outside , sourfacebleachhair actually chased us outside the bar , a block away , screaming at us for not tipping her . she actually yelled at us outside in the freezing cold , angrily holding a receipt , asking what was so wrong with our service or what she did so wrong \" because you people left me nothing ! \" we tried to quietly walk away while this dumpster fire did the least classy , most unprofessional thing i ' ve ever seen . neither one of us wanted to confront her and inform her that she gave terrible , rude service and that i am a professional waiter that knows she put no effort into her job and was rude to two customers and rightfully lost her tip , while the woman at the bar got two very decent ones . as we started to walk away from this insane woman harassing us , she got several other guys on the street , possibly from in the bar , not sure , to also start hassling and chasing us , telling everyone ( very drunkenly we have to assume at this point ) that we were terrible people that stiffed her on the bill . she had several men following us and calling for us while she threw a massive fit , yelling and screaming . how very professional . now i really know she deserved a tip . \n","stephen starr\n","philly\n","sourfacebleachhair\n","---\n"]},{"output_type":"stream","name":"stderr","text":[" 14%|█▍ | 86/600 [00:02<00:17, 29.64it/s]"]},{"output_type":"stream","name":"stdout","text":["if i didn ' t have to give at least one star , i wouldn ' t . my boyfriend has been playing in bands for a good N years so i ' ve been to quite a few bars . i ' ve never experienced such a poorly run bar . firstly , the bartenders are rude . i don ' t know if it was just a bad night or what but purposely spilling a person ' s beer by bumping into their arm because they didn ' t tip you and then brag about it to your bar friends after they walk away , i ' d have you fired in a second . secondly , the beers really aren ' t reasonably priced unless you come during their specials ( which end at N ) i would not recommend playing here my boyfriend ' s band sold a good number of tickets and brought in a good number of people . usually if its a good turn out they either get some free beer or get paid for the night . they got neither . definitely wasn ' t worth lugging their equipment from north east philly and having to deal with all the rude people that work there . there are much more better places to play at . \n","north east philly\n","---\n","i like the north star . good beers on draft , killer happy hour specials and good music . the wings and sandwiches are tasty as well . comfortable and just a tinge divey . \n","the north star\n","---\n","great bar to see rock bands in philly ! shady part of town and terrible time finding parking . loved the bar though ! and parlor mob ! \n","philly\n","parlor mob\n","---\n","i went to a band of skulls the whigs gig at this place about N months ago . i was there by myself but met a nice guy who felt bad about me being myself and invited me to hang out with him and his buddie , so i guess you could say people are chill there . the show was great , it ' s a small venue and the sound wasn ' t the best thing but the place will make you feel in an underground secret society . . . of people with great musical taste of course . the bands where even selling their own merchandise which was awesome . there ' s enough parking and the bar and stage are in different rooms , so they get to have all ages events . overall , it ' s a cool place to see a show . \n","skulls the whigs\n","---\n","best happy hour in phila hands down . the wings are awesome . the bartenders are always cool . awesome place to see a show , but recently they haven ' t been booking any acts i ' m interested in . it seems rN is pulling all the bigger names to jb ' s and the church lately . \n","phila\n","rN\n","jb ' s\n","---\n","this was a great place to see a show if you ' re into small venues - intimate atmosphere , bar attached , bands hanging out in the parking lot before and after the shows . plus it ' s really easy to get there from center city - definitely walking distance , just a stone ' s throw from the art museum . i ' d definitely go back again ! \n","center city\n","the art museum\n","---\n","i recently went here to see a friends band play . it was not at all what i expected . we were going to eat dinner before we went to the north star , but we were running late and ended up eating there . thank goodness ! it was so good ! yummy stars all over for the menu ( they need more wine though ) ! the waitress was super nice and made sure we didn ' t miss any music . what a sweetie ! my hubby loved the beer selection and may have had a pint or two too many . needless to say he enjoyed himself as well . \n","the north star\n","---\n","my fiance and i absolutely love to go to the north star ! the food is delicious , in particular the beer muscles ! the bar always has a rotating tap of strong tasty beers , no miller or bud here ! the servers bartenders are very friendly helpful . absolutely , positively check out the north star ! \n","the north star\n","the north star\n","---\n","i love this place ! the bartenders are friendly and pleasant , the beer selection is pretty good , and the vibe enjoyable . it ' s a pretty mellow place with a solid rock playlist and often has a movie playing ( convenient for conversation lulls or enjoying a beer alone ) . the crowd is chill , mostly twenties and early thirties if i had to guess . not too hipstery . their seasoned fries are amazing and their wings are also pretty good . can ' t be beat for happy hour . north star throws a great new years party as well . all in all , a quality , cozy , unpretentious bar in a neighborhood with few offerings . when headed to this bar , i am happy to stay close to home . \n","north star\n","---\n","my girlfriends and i go to the north star all the time . we happen to live in the neighborhood ( well some of us ) and the north star is always the perfect meeting place to start off the night . the happy hour is great for unwinding and sometimes we end up just sticking around for whatever show they have that night . the bartenders rock and always crack us up ( who can possible be in that good of a mood every night ? ! ) five stars for the north star ! girls like rock and roll too ! woo ! \n"]},{"output_type":"stream","name":"stderr","text":["\r 15%|█▌ | 90/600 [00:03<00:18, 27.26it/s]"]},{"output_type":"stream","name":"stdout","text":["the north star\n","the north star\n","the north star\n","---\n","the north star is fantastic . it is a cross between dive bar and just nice corner bar . the music is not always to my taste , but you can bet on catching something you like if you pay attention to the upcoming shows . as for the staff . . . as far as i can tell it is basically been the same for years . everyone is always really nice to me when i go there . there is only one regular doorman that i recognize and he seems really nice in a silly way . talks really loud and laffs at everything . the food is ok . no salads . pretty typical bar food . my veggie burger was under cooked , but that was quickly fixed and i wasn ' t charged for it . ) great beer selection that seems to change pretty often . the north star is N or N blocks from the art museum N for sure if you go from the new annex of the art museum ( just the facts , ms . -- check google maps for yourself ) . whoever said N blocks is just being rude . of course the same person feels as though it is ok to turn lights up and down in a place of business that is not their own . i am surprised they did asked to leave ! i guess the staff doormen or ok after all . ) \n","the north star\n","the north star\n","the art museum\n","the art museum\n","N blocks\n","---\n","after being bombarded on the local indian radio about this eatery we decided to give it a try and drove all the way from piscataway to this ' restaurant ' for lunch . boy , were we mistaken ! we walked into an empty and darker than a moonless night , ugly room and were seated in a booth . there was one waiter who , when asked what is ' inchin ' , bluffed that it was a chinese word ! i had already figured that it referred to indian and chinese cuisines . the luncheon menu was a short list and all we could do was choose an entree which came with a spring roll , soup and rice . we chose a chicken and beef dish , hot and sour soup and the so-called spring roll . the soup was a disgustingly vile concoction of soy sauce and black pepper with hardly any vegetables , let alone meats . neither of us could down more than a spoonful . the spring roll was stale cabbage wrapped in an egg roll wrapper and fried . . . and nothing much else . none of their N bottled sauces did anything to change its acceptability . we then were served the chicken and beef dishes . neither of them tasted indian or chinese or a happy mixture . the texture of the meats was good and velvety . for this i give the place one star . the acceptability of the dishes was however low . there was no inviting taste in either . the crowning glory was the wretched service . i had to walk into the kitchen to demand my check . the whole experience was most awful . i would not recommend this dump to my worst enemy ! uggh ! the indochinese food at nanking and bombay wok are far superior and the service superb . best of all i don ' t have to drive more than N miles . \n","piscataway\n","N\n","nanking\n","bombay wok\n","---\n","stangely located on a dark street in an old strip club . i was not expecting too much as we drove up . the flashing \" open \" neon sign giving it a wierd vibe . the decor was nice , the sparsely decorated dark interior again reminded me that this once was a strip joint . service our server did not like that we ordered bottled water , she went away and didn ' t come back . sent other very nice server who was patient and friendly . the indian host server who came over to explain dishes was friendly but could not explain what one perperation was , instead stating that it was kinda like chickenN . food nothing to write home about , it was decent , same dishes with fancier names have been served at indo- chinese restaurants up and down the east coast . the hakka noodles had almost no flavor , the burnt garlic rice had a after taste , the cauliflower manchurian was ok , the spicy chicken in garlic sauce was very good . we opted out of dessert , since instead if having dessert on the menu they had it in a flip card on the table , it didn ' t look beckoning at all . all in all its a decent place to eat , but the staff needs to learn whats on the menu , the location is not the best as it sits a stone throws away from the seedy part of trenton . \n","the east coast\n","trenton\n","---\n","best place for sandwiches in town . manny and dane are great . big portions and cheap prices . in the summer they have kabobs and things to grill for a reasonable price . lots of college kids come here and inside is always a fun scene . \n","---\n","henry street deli is the only place i ' ve ever been motivated enough to write a review for . it ' s is a true neighborhood gem . i live right across from willard st . market , but i always go the extra block or so to get the real deal at hsd . the food is awesome , the service is quick ' n dirty ( in a good way ) , and the price is right . coffee and an egg sandwich for under N . bring your own mug for super cheap vermont coffee company brew . \n","henry street deli\n","willard st .\n","hsd\n","vermont coffee company\n","---\n","this is the best deli i have ever been to . you get way more then you pay for , it is fresh local food , and they ' re always open . the sandwiches are ' f ' ing huge ' . the guys who work here are super friendly . the only downside is when the line backs up with uvm students . the staff is friendly but the customers are the rudest stuck up hungover self absorbed rich kids on earth . it is somehow still worth the grueling wait for all that deliciousness so that ' s saying something . \n"]},{"output_type":"stream","name":"stderr","text":[" 16%|█▋ | 99/600 [00:03<00:17, 29.46it/s]"]},{"output_type":"stream","name":"stdout","text":["uvm\n","---\n","best sandwich shop in burlington . don ' t believe me ? you ' re wrong . grab and go place , so don ' t plan on eating there . a medium is plenty to feed two people . great breakfast sandwiches too . if you haven ' t been here , stop what you ' re doing and go now . \n","burlington\n","---\n","i went to cuban pete ' s to celebrate my cousin ' s birthday . i would not recommend this place to anyone and i am never going back again . we waited N N N hours to finally be seated and the manager was very rude . he actually had us wait by the bathroom to be seated at this table where there were people still finishing their meal , telling us that we would be seated there as soon as they were done eating which was not only rude to us , but also rude to the people who could hardly enjoy their meal because they were rushing them so that they could give us their table . i asked the manager if he could have us wait somewhere else because it was a big inconveniences to us and also to his waiter staff because we were constantly being told to step aside so that they could get by and he was so rude to me saying that he would put me out and if i didn ' t like it , i could get out and also he could have me wait two hours if he wanted to . i only stayed because my cousin really likes this place and i did not want to ruin it for her so i didn ' t even mention what he said to me . i have eaten there a couple of times before and even if they service was good , i would not recommend it , the food is terrible . \n","cuban pete '\n","---\n","so . . . unless you plan to lose your hearing , you ' re high on something , or planning to get extremely drunk you do not want to go to this restaurant . the atmosphere i ' m guessing , is supposed to bring you into the heart of cuba , but the music is so loud you cannot help but scream your order to the waiter , whom you will only see twice , after waving your arm off . your screaming , mixed in with the screaming table next to you , the loud music , and the waiters who are running a marathon doing matrix moves so they don ' t knock each other out , was just a horrible experience . the food is not worth this huge headache you are left with . what a shame . . . the owner of this place got money hungry , they are clearly under staffed , and they try to cram in as many ppl as possible . . . never again ! ! ! \n","cuba\n","---\n","visited the restaurant for the first time the evening of N N N . had problems finding parking near restaurant but found a for-pay parking deck a few blocks away . wait was about N-N minutes . food was above average . ambiance very festive ( do not bring a date here if you want quiet ) . i was overcharged N . N for a N . N meal after waiter presented bill . not sure what the mix-up was about since i followed waiter ' s instructions for correct payment via debit card . spoke with flor on the phone and she promised that cuban pete management ( reesa ) will call back after promising they would straighten out . i would suggest bringing cash to make sure you are not overcharged . hopefully , i can get credited as soon as possible . \n","N . N\n","cuban pete\n","reesa\n","---\n","i have never been so disgusted when it comes to customer service . the thing that upsets me most about this situation is that it happened while we were trying to pay . what was even more upsetting is that it was a place that i thoroughly enjoyed . yesterday evening after having a wonderful day we decided to go to cubanpetes in montclair . we were met with a level of unprofessionalism that can not be explained in a few words . the staffs behaviors were very reflective of their manager . not only was she disrespectful but she allowed her employees to be the same way . it ' s clear that they weren ' t schooled on how customer service works . after being met with an abundance of name calling , hand clapping and head rolling we were followed to our car and further harassed for a receipt that we did not have . this by far was the worst restaurant experience i have ever had in my N years of living after trying to give my hard earned money to these disgusting people . thankfully i have jesus in my heart and my mother on my mind in situations like this , cause i definitely know better than to mess up someone ' s situation because you dont know everyone ' s story . i certainly will not dish any more money out to their terrible souls and i pray that they learn what it means to be humble . they should be re trained and the staff involved should be penalized . customer service is the first thing you learn in that business so if you didn ' t wanna bring me my drinks or food or collect my money you should have applied for a position that you were willing to do . i am utterly disappointed and disgusting . \n","cubanpetes\n","montclair\n","---\n","cuban restaurants overpriced and small portions . . . . real good spanish food noches de colombia a few blocks away from pete ' s . . . . . you won ' t regret it . . . . . . \n","noches de colombia\n","pete ' s\n","---\n"]},{"output_type":"stream","name":"stderr","text":["\r 17%|█▋ | 103/600 [00:03<00:17, 28.11it/s]"]},{"output_type":"stream","name":"stdout","text":["i would like to give negative N stars actually . i ' ve been to cuban pete ' s many times on busy weekend nights but have never experienced such atrocious service like we did last night . host and manager were obnoxious . we had to wait two hours for a table when they said one and when we asked the host after an hour and a half wait . . the manager said \" well she changed her mind ! \" the manager should be ashamed of himself . five of us ordered skirt steak and when the waiter brought it to our table they had no idea whose was whose . well done ? medium ? no . clue . one steak was so burnt so we asked for another one and the waiter said you ' ll have to wait a loooooooonnngggg time for a new one then . no one liked the food last night . it wasn ' t good like it usually is . i ' m so disappointed and will not be going back to cuban pete ' s . i ' m traumatized from last nights service . shame on you ! \n","cuban pete '\n","cuban pete ' s\n","---\n","i have been to cuban pete ' s many times but i have to say it is not like it was . unfortunately , we went last week on a friday . we purposely went early in order to avoid the crowd . we ordered our appetizers and our dinners at the same time . . . big mistake ! ! we felt extremely rushed because our dinners came out and we weren ' t even done with our appetizers ! ! who does that ? ? ? ? is it not customary to wait until your diners are done with their first course before you bring the next one out ? two of my friends ordered the churrasco steak and could not even eat half of it because the meat was chewy . these are not cheap entrees either . i ordered the short ribs and there was just too much grease on my plate and in my rice . our waiter was great and attentive but i feel the quality of this restaurant has gone down . i won ' t be going there anymore . if you do go don ' t order your apps and dinners at the same time ! \n","cuban pete '\n","---\n","i walked inside cuban pete ' s with high expectations tonight being the fact that the food did smell good and my family and i were celebrating three birthdays . but high expectations turned into a nightmare we came in at N N to reserve our our table of N and they told us the wait would be N N N hours . the more we waited the more people who came with us began to leave because of the wait . we ended up waiting for N hours and on top of that half of our party left because they had work in the morning . the manager , dominick , had a repulsive attitude and was very rude . he showed no interest in what my family had to say about the long wait or that people who came after us were being called before us . we ended up being the last party being called . a shameful restaurant to be served in . i , myself ended up leaving cause i couldn ' t stand to eat in a restaurant where the employees work ethic was horrible towards their customers and the manager and employees could care less on their customers thoughts . whenever we spoke about how long we waited , big headed dominick would act like he didn ' t hear a word you said , which made me wanna slap the fat off his neck . never will i ever step foot in that place again . left in anger and hunger . wouldn ' t spend a dime of my money in that shit hole of a wannabe cuban restaurant . fuck cuban pete ' s . \n","cuban pete ' s\n","N N N\n","cuban pete ' s\n","---\n","cuban pete ' s is the worst damn restaurant ever ! ! horrible customer service , and bad management . the manager dominick is very rude . waited over N hours after me and my family were told we were going to be seated in N hours . we watched every other family party ' s get seated before us and when we told this to the manager \" dominick \" he didn ' t say anything . he is a horrible manager and his workers aren ' t any better , very rude snobby workers and they ignore you , there is no seating area either they have u standing and waiting for hours on \" stairs \" , so un organized and unprofessional , i regret going here . . . they were horrible . got better customer service at mcdonalds . such a horrible experience , my first and my last time going i will never go back to cuban petes , thank god i left and didnt spend my money on that repulsive place . save your money dont come here . \n","cuban pete ' s\n","mcdonalds\n","cuban petes\n","---\n","horrible horrible . you all need to read this ! but i am going to start off by saying that i will not take away from the fact that the ambience of the restaurant is amazing and the food is superb . that is not my issue with cuban pete ' s . my issue is with the way the staff handled a problem . i felt that crumbs were on my chair as i was sitting so i was trying to brush them away . as i was talking to my friend i noticed fresh blood all over my fingers . i had multiple cuts and nicks ! so it turns out i sat on broken glass on one of the woven chairs in the outdoor seating section ! they sat us all the way in the corner next to where they keep their glasses so maybe that ' s why . i stood up and all the little glass slivers were stuck all over my legs as i tried to brush if off . finally i got it all off but i still had cuts all over my hand . but my friend and i kindly let one of the servers know ( they barely know english ) but all he did was dust off the chair and switch it . there were still big broken glass particles on the floor and we were wearing flip flops so we asked to be moved and our server seemed annoyed . excuse me . i am bleeding because of something you as a staff failed to take care of properly and you are not only unapologetic but you are annoyed at a simply obvious request solution ? anyway , we moved tables and i still felt injustice for the way they treated us after i came across a major inconvenience at their restaurant . i decided to inform the manager and showed her my cuts and she had no reaction . she simply said , \" i didn ' t see any glass there . \" wait , so you ' re arguing with me about the fact that there wasn ' t glass , . when i am your customer and i am telling and showing you my cuts ? all the staff crowded around to see whether or not there was glass and they just discussed things quietly among themselves . not sure what \" conclusions \" they came to because nothing happened . nada . no apology , nothing to make up for the fact that i got cut up on one of their chairs . this is terrible management . i should have left and not ate there , but i didn ' t because i thought maybe they would at least apologize . nope . but now i ' m going to notify the better business bureau and contact the montclair health dept . i hope they learn their lesson not about just cleaning up the problem , but how to do customer service . all that was needed was a simple sincere apology for the inconvenience and even that was lacking . i will never come back again no matter how good their food is . \n"]},{"output_type":"stream","name":"stderr","text":["\r 18%|█▊ | 106/600 [00:03<00:19, 25.49it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete ' s\n","the better business bureau\n","the montclair health dept\n","---\n","overall , cuban pete ' s is overrated . the staff rushes your food out to your table and practically pushes you out the door . the owner dominic is extremely rude and obnoxious . basically they are the mcdonalds of cuban food . . . . \n","cuban pete ' s\n","mcdonalds\n","---\n","i have been here twice and have had the same bad experience both times . the service here is horrible . the first time , my server wandered over to my table and took our order . a food runner brought out the appetizers , a busser cleared them , another food runner brought out the main course , and another busser cleared them . at this point i wanted another soda , but couldn ' t get one because the staff that was attending to my table didn ' t speak a word of english . the server only returned to drop the check without even talking to us . i did not leave him a tip as he did nothing for our table . the second time was a repeat performance of the first time . not only will i never go there again , but i will make sure to tell everyone i know not to go there . they ' re food isn ' t even that great . its basically a glorified taco bell menu that features a lot of things you can ' t understand . the place smells . you have annoying palm trees hitting you in the face when you ' re walking on the sidewalk to get into the place and if that isn ' t enough , you have to duck out of the way of the kitchen staff rolling huge garbage cans down a main street in montclair during peak ours . definitely stay away from this place . \n","montclair\n","---\n","warning ! do not spend your money at this place . the owner is the rudest a-hole i have ever met and clearly does not value his customers . the place is a factory and just wants to get you in and out . we went there so we could sit outside . they seated us inside in a cramped and very loud room . when we asked if we could get an outside table ( and we were willing to wait ) the owner said if we don ' t like it we can leave - others want the table . clearly we left . i have eaten there before and the food is not worth the long wait and why give your money to someone who does not care about your business . we will never eat there again i suggest you do the same . there are too many other great restaurants in montclair that go out of their way to keep customers happy . \n","montclair\n","---\n","five professional woman one evening after work went to cuban pete ' s to relax , have some sangria , and eat . when the waiter came over i asked if we could have two checks . he said no they didn ' t do that . i requested he ask the manager to make an exception . he returned to our table and said the answer was still no . i asked to speak with the manager . this so called manager came over to the table and i explained to him that i needed a separate check for business purposes . he replied with , \" no . i don ' t want any trouble from you \" . with that i thought he was joking . he then told us to leave . i then realized this man was serious . he then escalated and told us to \" get out now \" . i asked him for his name and he wouldn ' t give it . i asked if he were the owner and he said no he wasn ' t . we left . he then followed us to the parking lot where i stopped a young man to ask if he could recommend a good restaurant in the area . this \" manager \" started yelling telling this person to not tell us anything . this man was insane . in my life i have never been to a restaurant that didn ' t split checks . i have never been to a restaurant where the manager flew off the handle and behaved like a lunatic . i have never been to a restaurant where the manager was so rude and obnoxious . now for the icing on the cake - this \" manager \" was the owner ! can you imagine the owner of any business behaving this way ? his name is dominic and apparently dominic has issues as he was arrested back in N ! in today ' s world people who exhibit this type of inappropriate behavior and who fly off the handle so easily cannot be trusted . how far would his temper take him ? so , restaurant goers , beware of the crazy owner of cuban pete ' s . do yourself a favor and stay away . too many wonderful restaurants out there who will actually treat you with respect and appreciate your business ! \n","cuban pete ' s\n","cuban pete ' s\n","---\n","i was just there tonight . i called before hand and was told a reservation was not needed . however , apon arrival i quickly realized i was uninformed as there was a waiting line pratically out of the door . still , interested in dining , i chose to go in and leave my name with the hostess . the hostess was rude and very short with me and shot me a couple of un-pleasnt looks . i ' m still not really sure why ? lol but i chose to dine somewhere else . i have been a server , hostess , food runner , and resturant manager all in montclair so i am very understanding when it comes to service and i know what it means to be working in a busy resturant . i have experienced the unpleasnt exchange with the hostess ' of cuban pete ' s before and have still gone back despite the poor greeting service , however , tonight was my last straw . i will not dine where i don ' t feel welcome . \n"]},{"output_type":"stream","name":"stderr","text":[" 19%|█▊ | 112/600 [00:03<00:20, 24.40it/s]"]},{"output_type":"stream","name":"stdout","text":["montclair\n","---\n","i was just informed that my family attempted to go to this establishment earlier this evening , my cousin was just recently confined to a wheelchair and they were all going out to dinner , and chose cuban pete ' s . they were pushed around the restaurant numerous times , obviously they couldn ' t find a place to accommodate the wheelchair and it seems they didn ' t try too hard . the server then informed my family that she called the manager dominic restaino and he told her to tell my family to leave ? ! ? ! ? ! ? ! after being pushed around an out of control room in this restaurant that is obviously poorly run , waiting almost an hour to have their order taken then they are told to leave by the owner manager ? this is how they treat handicapped people ? ? i say it ' s discrimination at its worst and we will be sure to spread the word everywhere that this is the way they treat their customers . we will never visit this place again , and will do our best to spread the word so others can follow suit . it ' s absolutely unacceptable the way the server and the owner treated our family . i would think others wouldn ' t approve either , if they were in our shoes . shame on you ! ! ! just because you ' re busy doesn ' t give you the right to treat people like dirt . if i could give a negative star rating , believe me i would . shame shame shame ! ! ! \n","cuban pete ' s\n","---\n","cuban pete ' s is a hopping place . . but the owner will not seat parties unless everyone is there . we were surprising a friend N N were there . . we were made to wait untile the party girl arrived . . tghen N people came late were told we left . we had to wait N minutes to order appetizers , when we were almost ready to leave , our sangria was whisked away so quickly i couldn ' t have another glass as well as water drops of wet stuff being droped all over me . forget about lingering . . . . they are all about turning tables getting rid of you . don ' t go if you want to surprise someone . . . . the entrees were adequate but the appetizers were deep fried lacking in flavor . \n","cuban pete ' s\n","tghen N\n","---\n","dont dare to eat here ! i was just here N hours ago and had never been disrespected so terribly at any restaurant as i did to night . after paying our bill , dominic the owner began to setup N tables next to us as if getting ready for a large party . we soon realized that there was a party of N standing behind us waiting to take our seats . when asked why we were being rushed he literally told us \" that ' s just how it is \" . my friend happened to mention that her husband was a state officer and dominic started screaming that he was calling the cops because he felt threatened . he kept yelling \" dont threaten me , you dont know who i am \" as we ' re walking out i let him know that i would deter any friend or family member from going there and i would make sure to give him a bad review and he replied \" you ' re better off not coming here and i ' ve already got bad reviews so thank you \" . this guy has no respect for his customers nor his business . ps i work for a newspaper dominic . dominic i hope you read this . if you want mediocre food with disrespectful service - this is the place to be . \n","N\n","---\n","tried pete ' s for a third visit . i have to say our first visit was awesome - first date night and the atmosphere was terrific and the food was pretty good . second visit , a group of N sat on the patio and while we made it a fun night , the manager acted like he was doing us a favor by seating us and the servers must have bumped into someone at our table at least N times - the place is obviously too cramped for effective service and i don ' t think that adds to the atmosphere - that ' s about lousy management decisions ( go on a busy night and you ' ll see what i mean ) . fast forward N years and N of us want to go out for a birthday celebration . granted , not the easiest thing to get a large table on a saturday night , but we called ahead and person that answered said to come early , put our name in , and they could accommodate . we did just that - N of us drove N minutes to get there early , put our name in and was told they could accommodate us in N hour . we asked if it was cool for us to leave and get wine for the sangria ( the place is byob ) . no problem , we ' re told . back in an hour with our entire group and the manager says it will be another N minutes . when we simply said , why the change , why would we have been told an hour - he specifically said , \" these girls didn ' t say that - let ' s ask them . . . ' turns to N year old girl who says nothing ( poor kid should get out of hostess business ) ' . . . they didn ' t say it \" my reply , \" i get that you ' re busy , but is it wise to give your customers inaccurate information and then call them liars perhaps find a better way to reply or accommodate ? \" silence led to me turning to walk way and his final words , \" let them go - good riddance \" pete ' s has great atmosphere - thank god they hired someone great for the construction - but i ' d suggest that they follow these words , oddly ripped right from their website , \" here ' s hoping the service kinks get worked out , fast . \" seriously funny , that ' s from their ' about cuban pete ' s ' page . \n","byob\n","pete ' s\n","---\n","cuban pete ' s is a horrible place ! ! ! ! ! we decided to take our daughter for her Nth birthday ! ! ! ! this restaurant was recommended to her , so we said ok . when we got there they took our name , we waited for N hours . we were a party of N , but they only were sitting parties of N or N . we got there at N Npm and they called us at N Npm . the two hostesses were rude and nasty to everyone , the manager was walking around kissing and flirting with cute girls . very unprofessional . finally after we sat we ordered appetizers , the croquets were terrible , cold and soggy . we ordered out entrees i ordered the churassco with coconut rice and mango yams . it had no flavor , literally no flavor . they call that cuban food . plus everything else was cold . i couldn ' t eat it and my family either . believe me i go to many restaurants and this one is the worse ever . . . . if any of you want real spanish food , go to don coqui in new rochelle is the best . the service is great ! overall experience . . . . . . . . hell on earth . we will never go back . . . . . . . plus the idea of taking your own liquor is so stupid . \n"]},{"output_type":"stream","name":"stderr","text":["\r 19%|█▉ | 115/600 [00:04<00:23, 20.78it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete ' s\n","don coqui\n","new rochelle\n","---\n","called them on friday and asked if the wait was long . i live Nmin or less for there in montclair . the women said it was slow and no wait . i said great i ' m on my way . i get there and the place is full ! i go to the counter and ask how long for N . the guy next to a woman says an hour to hour and half minimum . i said i just called N minutes ago and they said no wait ! he said so , what do you want from me ? i asked him if the entire place filled and got an hour and half wait in N min . he said yup . i said that it was horrible to be told something and wasn ' t true . i said simply ridiculous and turned to tell my girlfriend of the wait now . he then called me an \" a hole \" as i walked away . i ' m a layed back guy , but if you insult me do it face to face ! i turned to him and asked him what he said , he ignored me like i wasn ' t right in front of him and talked to another person . i repeated asking what he said . he turned and walked away . i thought want a horrible business person and a manager should be told . i put my name in and he saw me , and had the woman manager walk over and tell me to leave . he yelled from a few feet away to get me out of here and no one insults him with names ! what ? he calls me an a hole after his staff lies to me and i get asked to leave ? ! i explained to the manager what happen and she said there is nothing she can do since he was the owner . owner ? ? this horrible guy with not even enough integrity to face me and tell me to leave himself or explain his actions was the owner ! wow , i didn ' t know places this day and age could not care about customers . but guess he doesn ' t care about his rep at all . the food is ok , service is super sloooow and wait is horrible with horrible owner . there are plenty of great places you can walk to from there . give them a shot , found one just around the corner much better food and great staff . if the owner reads this ever hope he realizes he ' s not all that . i ' m holding back from saying a lot of what i think of him and his restaurant . out of respect for my girlfriend i didn ' t make more of a scene but took the higher road and left . feel bad for the staff to have such a jerk as an owner . \n","montclair\n","N\n","---\n","last night we went to cuban pete ' s . arrived at N Npm per their seating listing , they told me it would be a two hour wait . no big deal right ? it was a spring saturday evening and we sat outside for N hours drinking some wine and having some good laughs while waiting for our table . Npm rolls around and i decided to head back in and find out what was happening with the table . by this point we were quite cold , hungry and ready to be seated . i checked in and asked about the table . they said \" N more minutes \" . i said ok , no problem . after about N more minutes of standing in a very crowded space i inquired again . the woman says \" sorry , i don ' t have a table for you \" and needless to say , i was shocked at that reply . the manager standing next to her says \" we can ' t seat you- we don ' t have a table \" and i reply \" we just sat outside for nearly N . N hours , N minutes ago you said N minutes and now all of a sudden you can ' t seat me ? ! \" he waves his hands ' shooing ' me while saying to the hostess \" let her go , let her go \" . i yelled some angry words and went out front to fill my friends in on what just went on and said we had to go find someplace else to eat . manager man shows up out front and says , \" oh actually , i will seat you now \" and me shocked again says \" now you can seat me and N minutes ago you were shooing me away ? ! \" he replies \" sorry that is just how i speak \" and i say \" you should not speak to customers that way ever . \" and replies by saying \" nevermind i won ' t seat you \" and simply walked away . so guys- yea , yea , yea this place has good food and a good atmosphere , but i believe in voting with my dollars , after waiting for N . N hours and the treatment we received last night i would never give this place another dollar of mine . i want to give my dollars to businesses that treat their customers with respect and value their customers . not to some egotistical , self righteous place that does not place value in their customers . so sure you can read this review , ignore it and probably have a decent time at cuban pete ' s however , i would rather put my dollars into a small business with friendly staff that truly values the customer . \n","cuban pete ' s\n","cuban pete ' s\n","---\n","i was at cuban pete ' s tonight and the manager was rude and do not respect your time or money . i waited over a hour and a couple came in and ask about the wait and the manager immediately sat them at a table . i asked him about that and his response to me was he is the manager and he do what he want . we are the customers that spend our money there and we should be respected . service is horrible and very unsanitary to have a crowded foyer with food passing by . \n","cuban pete ' s\n","---\n","um , never got to eat there . overly crowded and for what cuban food ? go to hudson county and you ' ll find the same food at a cheaper price . i can only say that the reason this place is popping because of its location . i really think they should start taking reservations so that there isn ' t a big safety issue in their restaurant when it comes to people waiting around . there is no where for people to wait and where they have you wait servers are walking by everyone with the food . it is so crowded anyone can easily sneeze or pass their germs onto the food . then they take your reservation and if its a N hour wait , they just say to come back and not they will take your number and call you . i feel that this place is highly unorganized and unprofessional . they need to come up with a better system . god forbid there is a fire and they have all those people standing around by the entrance exits . it was really insane . if they took reservations , they wouldn ' t have that overcrowded problem . \n"]},{"output_type":"stream","name":"stderr","text":[" 20%|██ | 121/600 [00:04<00:22, 21.14it/s]"]},{"output_type":"stream","name":"stdout","text":["hudson county\n","---\n","save your money for someplace that values your business . long wait , unorganized and extremely rude staff . we were finally seated after a two hour wait only to be seated at a table for N -- we were a party of N . staff walked passed us and made no effort to right their wrong . finally a very aggressive \" manager \" came over and said with no apologies \" you need to get up and wait on line again . \" she offered no resolution and just said we needed to go back to the waiting area ( where we ' d been for N hours ) . both the manager and the owner are the most incompetent business personnel i have ever encountered ! they are rude , and have very poor customer service skills . luckily bloomfield ave has an array of restaurants to choose from . we gave up on cuban pete ' s and went across the street to the thai restaurant spice ii . the food was excellent , the staff was very friendly , excellent service , and they were able to accommodate our party of N within ten minutes . \n","bloomfield ave\n","cuban pete ' s\n","spice ii\n","---\n","the worst dining experience i ' ve ever had . crowded , disorganized and extremely unprofessional staff . they thought we were a party of nine , when we ' d said N . after two hours , we were seated at a table for nine . this is the sort of thing i imagine must happen frequently at busy restaurants . we assumed they ' d squeeze us in or try to accommodate us since we ' d already been seated . nope , a very combative \" manager \" approached the table and said \" you guys told us nine and there are N , so you all need to get up and wait on line again . \" this is after already being seated , coats off , with two small children for what was supposed to be a nice birthday dinner . we explained that we ' d already waited two hours and she said , \" everybody ' s waited two hours . \" she created an unnecessary scene when it was their mistake . seriously , your solution to this very basic problem is to tell a whole table to get back up and wait on line again ? really ? cuban restaurants are a dime a dozen in north jersey , so they need to start treating customers a little better . if this combative , tactless person with low people skills and zero problem-solving skills was actually a manager , then the owners need to invest in a few \" management N \" courses for their staff . \n","north jersey\n","---\n","on march N , N we attempted to have dinner at cuban pete ' s but that never happened however i have eaten there before . i like to added to dorels o . comment on march N , N . i cannot say anything bad about the food however the way the owner dominick restaino treats the customer is very alarming . i am very surprised that his business is thriving which is a testatment of the food itself . i strongly recommend that dominick get evaluated mentally in hopes he gets the help he needs , as i afraid that he may go berserk on someone physically or before he suffers an aneurysm over the stress of sitting people in his restaurant . from what i have witnessed to this past saturday dominick is definitely needs to find an avenue for stress reduction and i like to suggest a nice cuban vacation to start . some day dominick will meet a person that will not simply tolerate his behavior . my recommendation is have you party together before approaching the hostess desk for seating and ignore the man near or at the desk . i would like to know what day the owner is not on the premise as this would be the time i would prefer to visit if i ever choose to return . there are plenty of good food in the area and people do not have to tolerate his behavoir . \n","cuban pete ' s\n","dorels o\n","---\n","yes , we decided a while back that even though the wait was ridiculously long and the service erratic and sometimes unfriendly , the fun atmosphere of cuban pete ' s was worth dining there once or twice a year . never again ! ! ! last night , we were treated quite rudely by the hostess who interrupted us , rolled her eyes at us and talked down to us as if we were children rather than grown adults who were just trying to coordinate a party of N for a birthday celebration . when the owner came by the front desk , we explained how inappropriately we had been treated and do you know what he did ? he kicked us out ! he said we were not nice for complaining and he didn ' t want to serve us ! ! ! ! what ? ? you ' re not allowed to tell the owner you haven ' t been treated well ? and not only does he not make amends for the poor treatment , he says \" i don ' t want you in here . i don ' t want to serve you ? ! \" i ' m still in shock ! ! ! ! don ' t go here . they ' re icky . go to greek taverna . we did . we had delicious food , wonderful service and get this . . . they treated us courteously . it turned out to be a great bday party after all . \n","cuban pete ' s\n","greek taverna\n","---\n","my experience here was so bad it provided the motivation to join yelp just to write this review . went here for a double birthday celebration because we had heard great things about it but from the time we walked in , i was not happy with the decision to go here for this special celebration tonight . the hostesses were so busy flirting with a waiter when we walked in that we immediately felt like we had interrupted something . when she walked us to our table she stood between N tables so i went to the closest one , not knowing which she meant . . . . guess i chose wrong because my son and my husband said she mumbled under her breath behind my back and then basically threw our menus on the table , on top of the plates . . . so we started to chit chat about her attitude but were still happy with the decor and the waiters uniforms , its a beautiful place and very roomy compared to many of the montclair restaurants which are much more \" cozy \" . but . . . when the waiter came over to the table grunting one word questions to me and my family , i was done . . . \" drinks ? \" . . . \" dinner ? \" . . . . you ' ve got to be kidding me . . . we ordered out drinks and apps almost out of a state of confusion and as soon as the waiter left my N yr old said \" i think the waiter is mean or having a bad day . . . \" . my husband and i quickly decided it wasn ' t \" just us \" and we left right after appetizers and walked down the street to ah pizz for dinner and salvaged the night . \n"]},{"output_type":"stream","name":"stderr","text":["\r 21%|██ | 124/600 [00:04<00:21, 22.08it/s]"]},{"output_type":"stream","name":"stdout","text":["yelp\n","montclair\n","ah pizz\n","---\n","i have had better food in miami airport ! ! ! the illegal prep kitchen open to pollution and filth on bloomfield ave is scary ! dominic pulls the wool again over everyone ' s eyes with smoke and mirrors , the real show is in the toilet ! \n","miami airport\n","bloomfield ave\n","---\n","diarrhea ! ! ! yes , i said it diarrhea ! ! ! we went with a party of N and all N of us got sick . turns out one couple in our party went there once before and also got sick . no surprise , the waiters seemed amateurish , the restaurant was overcrowded , and the whole place seemed unsanitary . i wanted to like the place , the decor was pretty nice ( although my wife thought it looked and felt like a cheesy epcot center restaurant ) . we were essentially forced to buy overpriced sangria , which was thin and poor . the food was fair ( while it lasted in our system ) , but overpriced . i like thinking back on the restaurant i went to earlier in the day , but not on the toilet . pay too much money to then be sick . no way . worst restaurant experience ever ! ! ! \n","epcot center\n","---\n","i gave this a one star because the review won ' t post without a star designated . this place gets a negative five . stay away ! not because of the food . pete is the rudest , nastiest and most non customer centric proprietor i have ever had the misfortune to try and patronize . my two girlfriends and i arrived on friday night and announced we would be a party of N and explained that five were running late and would probably arrive N minutes later . we asked for a table of three in the meantime and he rudely refused . he told us we would have to wait for our friends and then directed us to go stand in the back of the restaurant . had it not been for our other friends we would have left at that exchange . we stood in wait for about N minutes and then asked for a table for three again . we figured waiting an hour for our other friends was more than our stomachs could bare . we asked for a table for three for dinner and pete refused saying we were waiting for the rest of the eight and he would not seat us until they came . we were going to be held to our original plan ! we went away again bewildered and after some discussion we decided we would approach him again for a table . there were plenty of tables and we could not fathom that a guy in the business of feeding people could pissibly refuse us again . this time he got really nasty called me a drunk , and tried to wrestle my unopened bottle of wine away . he said he would call the police if we didn ' t leave . at this point i felt if anyone should call the police it should be us because he was so rude and nasty that he should be the one off to the paddy . he actually accused me of being drunk ( i had just left work and i was definitely not drunk ) and tried to wrestle my wine bottle from me . that is physical harassment in my book and definitely not how you treat a customer . we did not leave immediately because we needed to reach our fruends and let them know not to come to this awful place . we stood in the back of the restaurant quietly and within N minutes the police arrived . not just one cop in a patrol car but six police including two from the critical response unit . critical response cops are specially trained to deal with high danger situations including hostage situations . apparently pete exaggerated the incident and told the police there was a fight . judging from the number of police it may has well been a riot . my wine bottle must have looked like a weapon of mass destruction to pete . when the police approached i went up to them and told them that we were who they were the perps . they were confused . you see , we are three middle aged ladies from the suburbs . his response to me was \" they didn ' t tell us we were coming for three ladies , we thought there was a fight \" . pete effectively wasted montclair taxpayer money by calling the troops for three ladies he abused and who were quietly standing in he back of the restaurant waiting for their friends and as it turned out for the cops ! good goin ' pete . if the reader is affiliated with montclair municipality i would levy a special tax against this guy for vilifying your town with his bad behavior and wasting town resources by calling the police on three ladies who would not take his shit . btw , we went outside to wait for our friends . while waiting we encountered two other parties that were thrown out because they changed their numbers . one party was from out of town and asked if this kind of behavior is common in nj . i love montclair and new jersey . this guy should be thrown out of the state for making us all look bad . we have enough trouble getting the rest of the world to see our greatness as a state without having this jerk working against us too . apparently pete is the yucca nazi . you may show up and he may decide \" no yucca for you \" . stay away ! ! montclair has too many great restaurants to patronize this idiot . the cops who walked us out gave us a list . we ate at raymond ' s a few blocks away and had a great dinner hosted by a helpful maitre ' d , fantastic waitress all . went out of their way to give us the table we requested . the food was excellent ! \n","montclair\n","montclair municipality\n","nj\n","montclair\n","new jersey\n","montclair\n","raymond ' s\n","---\n","i made plans with a group of females friends to meet for a byob dinner . three of us arrived at N N pm . we put our names down for a group of N and went to the back room to wait . upon learning that our friends were running an hour late we asked to be seated at a table for three or four ( one friend was very close ) . long story short , the owner host was inconsiderate , inflexible and accused us of trying to work the system to tie up his tables until the larger group came . we were flabbergasted by his rudeness , , yelling at his staff , and unwillingness to seat us in a different group ( N top vs . group of N ) . he was unfriendly , yelled and screamed at us and was completely uncalled for . i can honestly say it was completely uncalled for behavior , like a lunatic . we were asking to change our party size - politely - and he basically went cuckoo on us . he proceeded to call the police and no less than N montclair police showed up in N police cars as he reported the incident as a fight . in all honestly , in my N years dining out since working full-time ( i am N yrs old ) i have never met a more inflexible , hot-headed un-service - oriented restaurateur . i would strongly advise against patronizing this restaurant . it ' s worth noting that while myself and my two forty-something suburban moms waited outside for our friends , two other groups were also asked told ave the restaurant for changing their plans . i have never been asked to leave a restaurant tonight . \n"]},{"output_type":"stream","name":"stderr","text":[" 22%|██▏ | 130/600 [00:04<00:24, 19.53it/s]"]},{"output_type":"stream","name":"stdout","text":["byob\n","N\n","N\n","montclair\n","N\n","---\n","this place is over-the-top the music is way too loud , the wait staff are pretentious and the food is terrible . if you want to experience authentic cuban cuisine , try la isla in hoboken . the food is way better and the wait staff are real cubans . \n","la isla\n","hoboken\n","---\n","i would like to start with not giving a star to this place . a restaurant is not always all about food . it ' s a combination of food , ambiance and good service . out of which cuban pete does not even know the meaning of the word ' customer service ' . the restaurant manager is doing his best to loose all clientele as quickly as possible . that ' s putting it mildly . he is the rudest , most un courteous manager that our group has ever had the misfortune to come across . and we go out to eat a lot . the food has gone down in quality tremendously in the last N months . in fact it ' s more hit or miss . if you are lucky you might get good food or it could be very inedible . your luck ! if the manager and the hostesses are in a good mood you might get some little service or you would be totally ignored . the place is dirty . the bathrooms are unhygienic and god knows what goes on in the kitchen . i would not advice anyone to go there even if its always full . the only reason it ' s full is because people want to go see and i can bet you that majority does not come back . i would rather recommend people to go to costenera , another cuban place just up the street . food is awesome ! service is great and the chef comes to your table for any special request . not only that , prices are almost the same . so don ' t waste your money at cuban pete ! regards a very disappointed client ( \n","cuban pete\n","costenera\n","cuban pete\n","---\n","this place is absolutely horrible . i recently attended cuban pete ' s for my sisters birthday . there were N of us on a friday night . we called earlier in the week and were told that they do not take reservations . fine . we arrive at N N and were told it would be a N hour wait . after waiting an hour and becoming relatively friendly with \" pete \" he said to check back in N minutes . N minutes later he said our table was ready . i got my entire group together and by the time we got inside the restaurant he said there was a mistake and there was no table ready for us , to check back in N minutes . N minutes later , he said it would be at least another N minutes . after talking with my group , we decided we had had it ( it was almost Npm by that point ) and decided to leave . i told pete and he could care less . as i turned around to leave , i figured i would give it one more shot . i asked , hey , will it really be N minutes or are you pulling my leg ? he said that we were off the list and they just gave our table away ! ! ! what table ? ? ? he said we had to wait another N minutes ! ! ! as i turned around i saw they were seating another large party as we were speaking that had just arrived . my mom went in to complain and his only response was \" you f ing white people . \" i have never been treated so poorly by a restaurant manager in my life . he does not care if he has your business because there are a million people lining up to get in , and absolutely does not care how he treats his customers . stay away from this place . there are better restaurants in town . we walked over to fresco at N Npm . they were happy to seat us , even that late , and the food was amazing . \n","cuban pete ' s\n","N N\n","fresco\n","---\n","this place is absolutely horrible . i recently attended cuban pete ' s for my sisters birthday . there were N of us on a friday night . we called earlier in the week and were told that they do not take reservations . fine . we arrive at N N and were told it would be a N hour wait . after waiting an hour and becoming relatively friendly with \" pete \" he said to check back in N minutes . N minutes later he said our table was ready . i got my entire group together and by the time we got inside the restaurant he said there was a mistake and there was no table ready for us , to check back in N minutes . N minutes later , he said it would be at least another N minutes . after talking with my group , we decided we had had it ( it was almost Npm by that point ) and decided to leave . i told pete and he could care less . as i turned around to leave , i figured i would give it one more shot . i asked , hey , will it really be N minutes or are you pulling my leg ? he said that we were off the list and they just gave our table away ! ! ! what table ? ? ? he said we had to wait another N minutes ! ! ! as i turned around i saw they were seating another large party as we were speaking that had just arrived . my mom went in to complain and his only response was \" you f ing white people . \" i have never been treated so poorly by a restaurant manager in my life . he does not care if he has your business because there are a million people lining up to get in , and absolutely does not care how he treats his customers . stay away from this place . there are better restaurants in town . we walked over to fresco at N Npm . they were happy to seat us , even that late , and the food was amazing . \n","cuban pete ' s\n","N N\n","fresco\n","---\n","this review is basically for the lack of service , courtesy or humane treatment , for lack of better terms , that my party and i experienced last night . first of all , they never put down our reservation , even though we had called the day before to make them . mind you , we had N people in the party and were celebrating a birthday . i was the first to arrive , and was told that there were no reservations at all for a party of N or under the name of the person who made the reservations . so , i asked that we be put on the wait list . this was not a problem , until the owner came over and told the hostess to tell me that it would be a N hour wait . it started raining outside and they obviously did not have enough tables indoors to seat everyone who had made reservations and those waiting already . anyway , when i asked the owner what time they close ( as it was N already ) , he told me N . so , i said , with a N hour wait , our party will not be seated , right ? he said yes , that ' s right . at that point , i was beyond aggravated , but had to wait for the other members of my party to arrive so that we could decide what to do . everyone was huddled inside by the hostess stand , as it was raining outside . this is a nice way to put this , but the patrons waiting were treated like cattle , herded from one spot to another , with the owner vigorously telling the staff to \" get them out of here and tell them to stand and wait in that corridor if they want to wait inside ! \" or to move everyone from the stairs to the side . where were we , and the N other people waiting to be seated , supposed to go ? ! it was pouring outside . the space by the hostess stand is small as it is . but with everyone from the outside who was having dinner when it started pouring coming inside to find shelter , it was like a can of sardines . and the owner and staff being condescending and plain mean did not help . after all of us arrived , and we were again informed that we would not be seated , we decided to do the next best thing - find somewhere else to eat that would seat N on short notice that was relatively close . i was very pleased when we went to spice ii , which is a thai place just down the street . pleasant service , quick , and good food . plus it was byo and accommodated a party of N on N minutes notice . we ended up having a great night . never again will i subject myself to the rude , inappropriate and condescending treatment that myself and my party received at cuban pete ' s . thanks , but no thanks ! \n"]},{"output_type":"stream","name":"stderr","text":["\r 22%|██▏ | 133/600 [00:05<00:26, 17.53it/s]"]},{"output_type":"stream","name":"stdout","text":["spice ii\n","byo\n","cuban pete ' s\n","---\n","if i could give this place a half a star then i would . i have been there twice and will not be going back . somehow this place is always packed with people and because of the size of the restaurant and the dinning area being overly packed with tables it feels claustrophobic . the last time i went , my friend and i were sat in an area they called \" coconut grove \" which although sounds nice , turned out to be a two person table sandwiched between the wooden walkway that people walk on to enter the restaurant from the street and a building . besides feeling very cramped into the table we constantly had guests walking past our table to enter or leave as well as groups standing around waiting for their table . in addition i continually was dripped on by the window unit air conditioner that was located a few stories up in the building we were sitting next too . thinking back now , i should have positioned my cup correctly to collect the water because it was hassle to get someone to refill our glasses . in addition to the terrible seating arrangements , the service wasn ' t any better . after being seated for N minutes a waiter finally came over to take our order . although he was very nice and polite while helping us , he never came back to our table . a different waiter came to drop off our appetizer and left quickly enough that we had to flag down someone else to get us forks . about N - N minutes later our main dishes came and were dropped off by a totally different waiter . my steak while ordered to be cooked medium , was definitely more on the well done side but that was better then the piece of metal that my friend found in her rice ! after finding the metal it took us a good N minutes to finally get a bus boys attention to ask him to get our waiter neither the waiter or the bus boy ever came back ! we finally found another waiter who was willing to help us . he was extremely nice and offered my friend another dish . he returned promptly with the new food as well as the check which did not include her meal . knowing that no one was ever going to come back to take our check , i just got up and asked to pay the bill at the hostess stand , but to be honest , we could have gotten up from our table and walked out and no one would even noticed . in all it was an extremely disappointing dinner and i will never go back . \n","coconut grove \"\n","---\n","horrible experience . i took my toddler to the bathroom and come back to hear the owner asking my family to leave the restaurant . the owner had the audacity to ask my brother in law and husband if they were italian and told them that cuban pete ' s was not an italian restaurant were you didn ' t have to wait for a table . all because they inquired on the wait of the table . he screamed at my mother in law and threatened to call the police on her . no one was being loud but him . terrible experience . after reading the reviews we are not surprised since he has disrespected many of his customers . makes me wonder if i had asked how much longer the wait was , since i ' m hispanic perhaps he wouldn ' t had acted like such a racist ass . too bad we didn ' t bother to read the reviews prior to going there . \n","cuban pete ' s\n","---\n","summary verbally abusive and possibly racist owner , lack of any customer service , and organization . this place will get submitted to the better business bureau website for his actions . montclair lacks cuban restaurants so it ' s possible that is the only reason this place is busy . however , if you ' re looking for a better overall experience and in search for cuban or spanish food , look somewhere else ! better yet , go across the street to spicy thai ! excellent food and amazing customer service . i have waited and hosted throughout my college years . i have a solid idea of how a successful restaurant rusn . the owner needs to invest in open table . work on organization , rather than having your patrons standing on the stairs , over other patrons seated \" trying \" to enjoy their meal , or in the way of your staff who \" try \" to provide an honest service . here ' s a tip , honer reservations so you can keep business and bring business . seeking a party of N on a saturday , N of the N arrived earlier - hoping to beat the evening runs . given it ' s a saturday , we expected to wait . they walked in with no qualms . it was our friend ' s birthday and whatever it took to make her happy on her day , we would make work . the three members that arrived early in my party had asked the hostess for a table , who directed them to an outside area . they bumped into the owner who was outright rude from looking at them . ( p . s . we are asians . ) he raised his voice to say , \" i would have never sat a party of N . you are going to wait N hours . \" meanwhile , raising his N fingers to denote they didn ' t know how to count . they asked him why he was being difficult , we would like some clarification or even just put our names down , etc . he continuously screamed arguing , \" your behavior doesn ' t belong at my restaurant . i ' m N years old and no one should talk to me this way . this is private property , get out ! \" so , they simply walked out . shortly after , i arrived with two other members of the party . upon hearing their story , i was flabergasted . i didn ' t believe this was the customer service provided here . i have dined here before without problems so i offered to speak to the hostess and owner to get some clarification . i walked to the hostess table asking the hostess if i can put my name down for a party of N and we were willing to wait . the owner overheard and raised his voice again , reiterating the story i mentioned above . however , he included that the member of my party cursed at him and he had a police officer as a witness . i told him , \" i apologize but i ' m sure the gentleman you spoke with did not curse at you . \" he later took back those same words and said , \" he didn ' t curse at me but he did say something nasty to me . \" i asked him if i could speak to the police officer to whom he could not provide this alleged witness . then i asked for his name . he was very defensive and asked , \" i ' m not the manager . why ? are you an undercover police offcer ? i ' m not giving you my name . \" with my face upset and confused , i asked for the manager , who he pointed to the hostess . i asked for her name and she offered me silence and a blank stare . the owner told me , \" your business is not welcomed because of the gentleman in your party . i ' m N years old and no one should talk to me that way . now , get out ! \" i began to walk away , confused about the events that just occured . a few feet behind me stood my friend ' s husband , who is spanish . i began to tell him the events , \" the owner is so rude , i don ' t want to eat her anyway . . . \" meanwhile , the owner passed right by me , butted into our conversation , and changed his demaner and attitude very quickly . he offered a calmer tone and an apology - \" i \" m so sorry we can ' t serve your party but you understand , that if someone spoke to you that way , you would not want their company here . i am the owner and N years old , it is not acceptable . please tell the celebrant i ' m sorry . \" my mouth dropped . was it because the rest of my party was asian ? i was livid . i stormed out vowing to never dine here and spread the word . later that week , i called to ask for those names . the manager is aura and the owner is dominick . please boycott this place ! ! there are hundreds of other restaurants in the area that serve better food , offer affordable prices , and have a better ambiance . \n"]},{"output_type":"stream","name":"stderr","text":[" 23%|██▎ | 137/600 [00:05<00:30, 15.29it/s]"]},{"output_type":"stream","name":"stdout","text":["better business bureau\n","montclair\n","N of the N\n","---\n","never ever returning to this place ! i had called cuban pete ' s on thursday , may Nth N N pm to make reservations for a party of nine . after arranging with the attendees from different areas , we decided to arrange our reservation for sunday , may Nth . i called confirmed with the female that answered the phone that our sunday , N N reservation was confirmed . upon arrival on sunday , the place was so hectic , disorganized , loud ( screaming kids up the stairs ) and one woman who nearly fell if she wasn ' t caught by her spouse due to the lack of space . i guess that should ' ve been my sign ! ! when i went to inform the host of our arrival , she called her \" manager \" who nonchalantly , arrogantly , rudely , informed us that there was no reservation for us ! ! ! ! ! ! ! i immediately became upset as we all drove over an hour to get to this place ! ! i asked if we could be accommodated as someone in his establishment has clearly done something . he shrugged his shoulders and said you can wait two hours . this would clearly upset anyone especially someone who made reservations . the \" manager \" wrote something in a yellow pad that clearly had numerous names crossed off ( perhaps mine ) . after i mentioned , writing a review on the restaurant he immediately crossed our names and rudely said he would seat us . at that time , i told the \" manager \" off for his lack of empathy , accommodation , customer service . he responded with \" oh , great we have some new yorkers here \" . his unprofessionalism , discriminatory behavior and profiling was certainly not appreciated and i will ensure all respective boards across new jersey are aware of the behavior that has been ongoing at this establishment ! ! ! i think the board should look into the excess amount of people in the establishment as its clear there are numerous violations being broken . also , very important to mention the owner who identified himself as the manager was the one who i was referring to . i do not know any business owner who does not take into account their position , but i can see why his staff is so careless because of the example they are following ! after researching the restaurant it was determined the owner , dominic restaino was arrested and charged with sale , possession , and consumption of alcohol at a restaurant without a license . now i understand why he would not want to be identified ! if you want a true cuban cuisine , go to havana N ! excellent food , alcoholic beverages ( with a legal liquor license ) and true , respectful staff and owners ! \n","cuban pete ' s\n","new jersey\n","havana N\n","---\n","let me tell you a story about cuban pete ' s . yesterday N of us were there for a friend ' s birthday , one of my friends asked the manager if he could make the very loud music a little bit quieter , he told her no , if we didn ' t like it we could leave . about N minutes later our waiter came over to the husband of the birthday girl and told him we had to leave , he went over to the manager , and the manager told him we had to leave . as we were leaving i went up to the manager with about N-N customers employees standing around , and got very close ti him and said \" you are a fucking asshole , this is friends birthday , but you really did us favor because we will find a better restaurant instead of this shithole place . please do not go to this restaurant , there are really wonderful eating establishments in montclair , this is not one of them . we ended up at fresco , the manager could not have been nicer and more accommodating , considering N of us just walked in . it is new to montclair and located on church st . please visit them . \n","cuban pete '\n","N-N\n","montclair\n","fresco\n","montclair\n","church st\n","---\n","the manager is arrogant and very rude ! i ' ve seen similar comments so our experience was not isolated . we were a party of six and we came on a friday night . as expected , place was packed . at around N N p . m . , we were told we were next to be seated . we were standing by the maitre ' d ' s table when the manager came by and ordered us to move somewhere else . we told him that we were just waiting to be led to our table . he said everybody has to wait for an hour . but we said we had already waited and were told they were just cleaning our table . he insisted that we are going to wait and anybody who can ' t wait can ' t eat there . with that , he said \" good-bye \" . i confronted him by the patio door and asked him to explain his actions and he just simply ignored me and walked away . obviously he doesn ' t care if customers leave . we can ' t put up with this rudeness . there are other restaurants . we ended up eating at a thai restaurant across the street . a group of about ten also walked in from cuban pete ' s . they had a similarly foul-tasting experience from the manager . food at cuban pete ' s maybe good but it would be difficult to taste its flavor when you already have a foul taste in your mouth after dealing with the manager . \n","cuban pete ' s\n","cuban pete '\n","---\n","i don ' t understand the four star and above rating of this place . the food is good enough , but the staff leaves a lot to be desired . i live in walking distance and came here once for dinner and it will be the only time i do . after my experience at the pig and prince ( see my earlier review ) , i ' ve decided to start calling it like it is . i saw my server twice . once when he took my order and once when he gave me the check . the food was good . small , but good . the bussers dealt with me the rest of the time , which was not good . i wanted another refill on my soda and couldn ' t get one because none of them spoke a word of english . i ' m not racist or against hiring minorities , but the employees should at least be able to accomplish the customers needs . the menu , as advertised , serves mexican dishes . if you ' re not of latin decent , you won ' t understand most of the menu . a good portion is in spanish in an english speaking country . i ' m all for the latino population , but guest can ' t understand what they ' re reading and that could be dangerous if they have food allergies . the place itself is a menace . as i said , i live in walking distance . there is always mound of garbage outside . apparently the owner doesn ' t care about the outside appearance . if he did , there wouldn ' t be the putrid smell coming from the next door kitchen . and for god sakes , get rid of the fake palm trees that hit me in the face when i ' m walking down the side walk . i would suggest going to cuban pete ' s if you ' re looking for the next step up from going to burger king or taco bell . maybe a half step . \n"]},{"output_type":"stream","name":"stderr","text":[" 24%|██▎ | 141/600 [00:05<00:29, 15.52it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete ' s\n","burger king\n","taco bell\n","---\n","horrible experience for a first time customer . . . . poor welcoming wagon . i went on a saturday evening Npm with a group of six . we were told a one hour wait for a party of N . well , we waited and waited , and parties of N that came after us were seated . when we asked and notice our party name was circled and all others ( that came well after us ) had been seat the explanation was we had more than N . . . . that one extra person made a big difference . . i think not . after N N N later i ask the host when could we expect to be seat he told me ask the young lady at the desk . because he had no control of the list . . . . as i am asking her another group of N arrives and the male host manager states to the man and his party it will be a hour wait . i said i thought you did not know or had anything to do with the waiting time list . . . he just looks at me and walked away . well at this point i am livid as well as shock that this is \" hospitality \" at its finest . i proceed to walk back to the cramp wall that i had been pushed to . he walks past and speaks spanish to another hispanic male . . . well , i will say this he was rude , unprofessional and an ass because he assumed that i was non spanish speaking . i guess because of my dark skin tone and my american accent . . . . i will say this he was discriminatory sexist ! rule never assumed anything about someone . . . . this is america that offers cultural diversity ! my first thoughts perhaps i should call the fire marshall chief to take a trip down bloomfield ave . . . because fire codes of maximum capacity had exceeded enormously . . . . why take it out on others ? ? ? the jerk walks back to me and says \" are you mad \" . . . i look at him and said why would you ask and further its obvious that you are now playing unprofessional not customer oriented games . . . great business practice . he then says . . . i will get you seated in N mins with a smirk on his face ! ! finally after another N mins pass and N hours later and N guest with a party of N were seat . . . . we were escorted to our table . i explained that this was very nice treatment for a first time customer . he said were not a fancy place with computers . . . everything is done as things happen . . . whatever that meant ! . . . my interpretation as . . . . he called it . . . . the dining was dim , the waiter suggested this sweet fake sangaria to mix with our delicious wine . . think not ! we had to order our appetizers with our food . food- i have had better home cook spanish cuisine and eaten at several small intimate eateries without the excessively loud music and the loud birthday chant accompanied with the congo and cow bell players . the congo player even warned \" watch your ears ! ! \" it was just toooo much going on the staff passing every N seconds and the waiter continuously asking if we needed anything else and would we like containers . okay . . . now we are being rushed ! before , we could even stand up and put our outerwear on . . . the busyboy is cleaning off the table . . . as if to say your holding us up . . . . . next ! perhaps , i would have received a better experience on a different day and or time . . . i will just say first time was not a charm ! \n","america\n","bloomfield ave\n","N mins\n","---\n","was there spring N . met a friend around N-Npm so it wasn ' t busy . waiter sucked . he was difficult to find . we ordered a lot of tapas - coconut rice was good . byob - good . ordered espresso after we ate and mine was served in a cracked espresso cup . last straw . i complained to the host and demanded a new server . he sucked so badly and didn ' t pay attention - the place was not busy , so he doesn ' t get that excuse . we walked around town after that . as we were leaving montclair i noticed the place was packed . it seems to do good business but they will not get my business again . \n","N\n","-\n","Npm\n","montclair\n","---\n","a few of my coworkers had heard excellent things about cuban pete ' s and after doing a fair amount of research online as well as calling the establishment , my office decided to conduct our annual holiday dinner party ( for about N-N people ) at cuban pete ' s to appalling results . firstly , we contacted cuban pete ' s a couple of weeks before the date of our party in order to make reservations for our party . however , we were told firmly that the restaurant has a strict \" no reservation policy . \" fair enough . we then asked if we could arrive at around N N-N N and we were told that the wait time would be about N hours for N people . we then followed up by inquiring if we could be seated at around N N pm before the dinner rush began . we were specifically told we could do so and while the restaurant couldn ' t guarantee us reservations , as long as arrived before the dinner rush ( around N N ) we would be accommodated . fast forward to december Nth , members of our party arrive at cuban pete ' s around N N- N Npm and were flatly refused any kind of seating inspite of the fact that there were N large tables in plain sight completely free and set up with plates and napkins . we asked the hostess as well as the manager for a reason and were also refused any kind of reason for why they were refusing us any seating . at this point , most of our party ( including children ) have arrived at the restaurant and are waiting so we asked them if they ' d be willing to seat us as we come in ( in groups of N-N ) . again , we were refused without any reasoning and were told that we ' d be waiting for hours for any kind of seating . at this point , there were two tables of N completely unoccupied . we sought out cuban pete ' s since a few people had recommended the place to us and people couldn ' t stop raving about their food . however , their customer service was nothing short of appalling and we will not be attending cuban pete ' s or recommending it to people from this point on . \n"]},{"output_type":"stream","name":"stderr","text":[" 24%|██▍ | 145/600 [00:05<00:29, 15.18it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete ' s\n","cuban pete ' s\n","cuban pete ' s\n","cuban pete ' s\n","cuban pete ' s\n","cuban pete ' s\n","---\n","the owner , dom presented himself as a \" reverse racist \" on a balmy evening in july , N . our large party didn ' t seem to agree with him , considering we were not of african american or spanish decent . he even went so far as to kick us out of his restaurant proceeding to call us \" white trash . \" we barely even got a chance to open the menus ! the only white trash i know of is the substance he snorts up his nose on a daily . perhaps he needed a fix that night and didn ' t have one in time and was in a bad mood . either way , i ' ve eaten there several times prior and although the tapas would seem agreeable , they are simply not worth giving such a disgusting person your business . not to mention , the entire place smells of the cleaning product they use to wipe the tables . one would think that the food would be the first thing inhaled . oh well . apparently , he attracts just the right crowd for the type of business he intends to run . i have lots of other options , and so do you . just remember , there truly is a reason this man gets a bad rap . \n","july\n","---\n","i travelled to montclair today to try the restaurant \" cuban pete ' s \" for lunch which was recommended to me by a cuban customer of mine . i invited my N year old uncle who is cuban and a good eater . i ordered the chicken breast he ordered the pork . the rice and beans were decent , but the pork was dried out and salty , the chicken also dry and had no flavor . i am one that will rarely give a bad review , but this experience i had to share . \n","montclair\n","---\n","planning my birthday dinner for my close friends and family was easy i just needed to call and make a reservation at cuban pete ' s during the times they requested on their website . this was about last thurs , N N . i called to make a reservation for sun , N N and was told to leave a message for dominick ( owner ) that day , i was told he would call me back . the weekend passed by and still no phone call , i called again on mon , N N and still had to leave another message for dominick . my friend , who previously had her party here , also called that same mon , N N and was told she could only leave a message since dominick wasn ' t available . she asked the hostess what good would a message left do if the owner wont return her phone call , she sucked her teeth then hung up on my friend ! on tues , N N my co-worker called , very nonchalantly and spoke with a hostess named tana . she quickly took down my co-worker ' s info and made a reservation or me on the selected date and time i needed . she asked that all parties be available when being seated otherwise i would be skipped would have to wait for another spot to open . excited that i had finally got my reservation i mass texted all my friends about my upcoming event . not even N hours after making the reservation , i get a call from a hostess at the restaurant telling me that per dominick my reservation would need to be canceled since they overbooked . no apology . i asked if they could move the reservation to another time that same day , she said \" we ' re overbooked all day ! \" . i asked to speak with the owner himself to express my dissatisfaction at the level of service , the hostess said he was unavailable and i could leave a message for him . in a nut shell , cuban pete ' s is a restaurant run by an absent neglectful owner named dominick , the hostesses cannot do anything else but leave messages for the absentee owner dominick and no matter what you do , you ' ll never get a secured reservation because they can always cancel it at anytime . thankfully , i have made other plans for my birthday this sunday , a very good restaurant where my money my friends and family ' s money is a good as anyone else ' s . i will never give these arrogant and self centered people any of my business ! \n","cuban pete ' s\n","cuban pete ' s\n","---\n","do not go here ever ! this place should get closed down ! i wish i could give negative stars b c that ' s how horrible this place is ! ! a reservation for a promotion celebration was made multiple days in advance for N Npm on sunday evening . when N members of the party got there at N Npm they were told they would not be seated until all N people were in attendance . ( probably because their reservation book was a disaster and by the crowd , no table had been reserved for a party of our size ) we patiently waited for all the members of the party to get there . when N people were there they still wouldn ' t seat us ! as the N of us waited in the rain for the last group to arrive ( who were traveling over an hour ' s distance ) we were finally a full party around N Npm . as i went back to the hostess counter to say we were all there , the hostess was nice and sympathetic as she saw us waiting there in the rain . when she motioned to the manager to show the reservation he then turned to me and preceded to scold me on what it means to be on time . he then went on to mention that he thought the party had left they didn ' t know we were here . . which was completely insane b c the hostess who i had earlier complemented on her beautiful makeup was well aware that we had been waiting . i replied saying that N people were N minutes early and N people were there on time . . . his tone got even more aggravated . he said that N N meant N N and now the wait was going to be N . Nhrs . btw the \" reservation book , \" which should be used as a very loose term . . . for all of you whose reservation was \" lost \" or \" forgotten \" its b c this \" book \" is a yellow legal pad with scribbled numbers and partial letters initials on it . . . . completely unorganized and unprofessional . anyway , waiting N and N N hrs wasn ' t an option for my group as we are all professionals and traveled from various distances , we were not about to have sunday dinner at N N-Npm . when i asked for my reservation to get removed from the \" book \" the manager got extremely angry and he put a huge scribble cross on the entire page and said good get out of here . its sad that i was expecting that behavior due to the numerous reviews posted on zagat and yelp . but i never would have expected what happened next ! ! ! as i turned to walk away , the manager said , \" go back to where you came from . \" i swear to all you readers my head never turned around so fast ! my entire party was dressed in shirts and ties and the girls were in summer cocktail dresses . . . . where was he going with that line . i turned around so fast to see his staff along with other people waiting for a table with their jaws hanging open . when i said , \" excuse me , would you like to repeat that \" like any coward of a man , he couldn ' t look me in the eye to repeat it . with no response , from this poor excuse for a business man , and man in general , i turned to gather my group and go to a real establishment . . . . . just when i heard another mumble behind my back . unbelievable ! ! i turned around again and asked him , \" excuse me again , would you like to repeat that . \" as i stood my ground and waiting for a response in near silent crowd of patrons , he tucked his head motioned his hand in a waving fashion and said \" get out of here . \" as my guests and i were walking out , one of the girls slipped on the dangerously slippery tiles due the the rain and completely fell . luckily all we wanted to do was get out of this place , because it easily could have been a lawsuit . although an unfortunate situation at that restaurant , we were happy to walk up the block to church street where an absolutely exceptional young girl was signing outside . we decided to celebrate at tosca which turned out to be absolutely fantastic . i hope people read these reviews and stop going there . because i work in a similar industry , i am certainly writing a negative review on every site i can and will be calling all my contacts at the food network as well as local print publications to write about what myself and many other people have experienced . furthermore , they have so many tables and people crammed in there i ' m sure random visits to ensure no fire codes are broken wouldn ' t hurt . also a followup visit to make sure their \" sangria mix \" still meets nj state laws as well as local laws . ( it has a low alcohol content in it ( so don ' t serve to minors ) ) never in my life as anyone ever spoken to me like that and i want to make sure no one else is treated that way either . there are so many fantastic restaurants within walking distance from there where the people are amazing and want your business ( and have better food ) there is no reason to continue supporting an establishment like this . i feel sorry for the staff and for the family of that manager . karma will surely catch up to him in the near future . \n"]},{"output_type":"stream","name":"stderr","text":[" 25%|██▌ | 150/600 [00:06<00:31, 14.47it/s]"]},{"output_type":"stream","name":"stdout","text":["N N-\n","zagat\n","church street\n","tosca\n","the food network\n","nj\n","---\n","can i rate zero stars ? because that ' s what this place deserves . to start , my party was late for our reservations , so understandable that we had to wait once everyone arrived . what is not understandable is scolding that we received from the manager . like really , as your customer you ' re going to give me an extra nasty attitude ? life happens and people can ' t always be on time ( and let ' s not get into the irony of going to a cuban restaurant and getting screamed at for being late ) . despite the horrible start to our evening , we decided to stay . . . we should have left . the food was mediocre at best , the service was slow and inaccurate , getting our wine bottle opened was like asking the waiter to go to napa to get us a bottle ( in other words , we were done with appetizers by the time he opened it ) . all of this \" goodness \" came with a great big bill . i say , stay away . there are a lot of other cuban restaurants that are better in every sense . \n","napa\n","---\n","this has been the worst experience in restaurant eating . we were told there was a two hour wait for the table , they have no bar to wait , they refuse to take a reservation or your number to call you when your name comes up . but the most galling of it all was the arrogance and rude , unaccomodating attitude of the manager . we had a large party and we walked out and went elsewhere where our business was appreciated . not even in the toniest restaurants of nyc have i ever witnesses or experienced such poor customer treatment . no apologies for the wait , no provisional considerations offered . we will never set foot in there again . \n","nyc\n","---\n","friends i just left the restaurant - at home , called to say i lost a sterling silver cuff , probably there at my seat - \" can you please go our table and look on the floor - it ' s bright and could be seen easily - please , it was a gift \" the hostess , on the phone , was short , abrupt - said she was way too busy , but would look later . i was so put off and felt so badly , i called back to ask to speak to the manager . being put on hold , a man returned back on the phone . he was crash and rude as can be . he said \" you lost a . . . silver bracelet ? it ' raining , why don ' t you come back and look for it - get a life ! can you imagine being treated so poorly ? what horrendous customer service - i was aghast . i had to call back and ask who spoke to me like that . turns out it was the owner , gregory , said the hostess on the phone . i ' ve never been treated so badly at a \" favorite \" eatery - i will never go back and will advise all my friend in montclair to do the same . what nerve to treat customers that way . i guess they just don ' t need us anymore ! ! ! ! \" you suck - fellows ! food doesn ' t matter that much ! \" \n","montclair\n","---\n","don ' t waste your time or money . after a very long wait . . . service N food N atmosphere N this place is all gimmick , from the name , it ' s niche location , to the faux palm trees , white fedoras and cigar box decor down to the food . it ' s a greasy slop i wouldn ' t feed my dog . there ' s more pride in the decor than in the kitchen - a novice cook can do better blind folded . i ' m cuban american via union city and miami . this place is all sizzle no steak i have to believe the good reviews came from people ( maybe locals ) who don ' t know better . \n","union city\n","miami\n","---\n","it ' s deceptive to see all tropical looking interior exterior and crowd from outside , but two things were a huge turn down for me . food - disappointed , i ' ve had better cuban food in different places in the city . i thought they were joking when i saw what ' s supposedly ' paella ' when it came out . seriously , it doesn ' t come fried in a pan , but what i get is seafood in a clay pot simmered in a sauce with rice served in a separate dish . music - my throat was sore after the meal because i had to yell to my friend due to a loud music . it explains a lot about how we easily buy into ' exotic interior ' , and lot of these hype places end up disappoint you when you actually order food . i would much prefer my micro mini-sized cuban restaurant with very modest interior , pilar cuban eatery , in my neighborhood in brooklyn . at the end of the day , if its food can ' t keep up with its interior , it ' s not a restaurant ! \n"]},{"output_type":"stream","name":"stderr","text":[" 26%|██▌ | 155/600 [00:06<00:26, 16.69it/s]"]},{"output_type":"stream","name":"stdout","text":["pilar cuban\n","brooklyn\n","---\n","after many mediocre experiences at cuban pete ' s my friends and i decided to give it one last chance for a celebratory dinner . we made a reservation for a large party on a wednesday night . after the first person arrived at N N they sat her with no problem . from that point on the hostess and management bothered her many times about where the rest of her party was . within a few minutes the guests who had already arrived that we needed to give up our table . after refusing to do so because the entire party was there the manager told us to \" get the hell out \" and also called us a very inappropriate term . in a sense i am glad that the management was so rude because we ended up enjoying a very lovely dinner at a nearby restaurant . in my opinion they should have not sat anyone until the whole party had arrived if this is their policy . i will never return to cuban pete ' s and suggest you give it thought before trying to plan a dinner there with a large group . \n","cuban pete '\n","N N\n","cuban pete ' s\n","---\n","horrible experience . i booked a party of ten for my friends engagement dinner . N friends showed up and were sitting at the table with the others were running N minutes late ( due to no parking ) . the owner came over and asked us to get up from the table since we all weren ' t seated - ( we even offered to start ordering - our friends were literally outside trying to park ) when my friends refused to get up , the manager called us \" white trash \" and told us to \" get the hell out \" . ( all because our friends were N minutes late ! ! ! ) i will never go to cuban petes again and will tell everyone i know . \n","cuban petes\n","---\n","we live in north jersey so we are used to rude attitudes but wow i have never been so angry at such horrible treatment ! today we walked in with a party of N ( it was a sunday lunch and there weren ' t many people there ) and the birthday girl was supposed to be surprised . they told us that we could not be seated because our whole party had not arrived but we tried to explain that it was a surprise and the birthday girl did not know we were coming , she had the nerve to tell me \" please do not give me an attitude ! \" in all honesty i was talking to her very calmly and just trying to explain the situation . the manager was insanely rude for rest of the time we waited and we finally decided that we would no longer be insulted . our party of eleven ( who have been going there for years despite the rude staff ) no longer had a desire to ever eat there again . we ended up going to rumba cubana in north bergen ( fyi . . . N stars ! ) the food was so much more authentic , the waiter was bombarded with N people shooting requests and handled it with grace and a smile and the music wasn ' t blasting so loud that you have to shout to talk to the person next to you ( like many know from cuban pete ' s ) . overall they lost all N of us because they have just been going down hill with the treatment of customers and places like that don ' t deserve our time and money . with an economy like this they should be so thankful that people are walking into their restaurant . the good people deserve our business . for all those that gave it N or N stars you are very lucky you caught them on a descent night . \n","north jersey\n","rumba cubana\n","north bergen\n","cuban pete ' s\n","---\n","let me begin by stating that i have been enjoying cuban pete ' s for a few years now unfortunately my last visit there this past weekend has turned me off completely ! i was aware going on a saturday night there would be at least an hour wait time which i was willing to do since the food is so delicious but after being yelled at by the hostess i will never go back again . after being told i was next to be seated i was waiting an additional N mins so i went up to the hostess table to ask the status when i was yelled at by the hostess saying she was not seating people at the moment and for me to turn back around and wait . the owner quickly interfered and rushed me to a table but the damage was done . he explained that he knows that woman is rude to customers but i should just ignore her . i was not satisfied with his dealings with her . if he knows she is rude to customers why hasn ' t she been fired ? ? right then and there he choose his rude hostess over me , a paying and returning customer . i will be sure to let all my family and friends know about this incident and they will also never return . i know of two other really good cuban restaurants in the area where i have never been scolded by an employee and the food is just as delicious . good riddances cuban pete ' s ! \n","cuban pete ' s\n","---\n","after saturday night ' s disrespectful actions of someone whom appeared to be the manager on duty ( a short man with a mustache ) , i will never set foot inside your establishment again or recommend it to anyone else . on N N N around N p . m . , i took my girlfriend to cuban pete ' s for our anniversary . when we arrived i asked for a table for two , we were told the wait would be up to N minutes , i told the man with the mustache that we would be waiting outside the door by the seating area since there literally wasn ' t any space left in the waiting area to stand . i also asked him if it would be possible for someone to come and inform us when our table would be ready . the manager said that it wouldn ' t be possible because it was against cuban pete ' s policy to call people who were outside in the seating area and that we have to keep checking back with the hostess every N minutes . as i was explaining to my girlfriend what the manager had said , he came outside and asked me if there was a problem . i told him that i was just explaining to my girlfriend what he had just told me and also that i didn ' t see the problem with just having someone simply calling us over from the door way when our table was ready . he once again informed me that it wasn ' t in cuban pete ' s policy . i let him know that it would be the courteous thing to do for a patron especially since there wasn ' t any room to stand inside by the hostess table . the manager became visibly agitated and told us to leave in front of everyone , by that point all the other people waiting to be seated along with the diners were already curious as to what was going on , to say the very least it was one of the most humiliating experiences of my life and not to mention my girlfriend ' s . it ' s really hard to fathom that we were kicked out of a restaurant as if we were causing trouble when really the only actual problem was his lack of managerial skills and the lack of space in the waiting area . as small as that waiting area is it becomes less practical when you have staff members asking everyone to move out of the way and stand closer to the walls . it ' s obvious your restaurant is doing pretty well in the finance department , maybe it would be in your best interest and in your costumers if you allocated some of your finances to figuring out a better way to keep your customer happy , safe , and comfortable while they wait , after all the customers are what keeps your doors open \n"]},{"output_type":"stream","name":"stderr","text":["\r 26%|██▌ | 157/600 [00:06<00:27, 16.28it/s]"]},{"output_type":"stream","name":"stdout","text":["N N N\n","cuban pete ' s\n","cuban pete '\n","cuban pete '\n","---\n","cuban pete ' s used to be a resturant that i would recommend to friends , but after last night ' s disrespectful discriminatory act by either the owner or manager ( some guy with a mustache ) i would never eat there again . cuban pete ' s is ignorant in recognizing the fact that someone can be disabled without appearing to be . do not eat at a place where the mangagement can be soo disrespectful to the customers . . . . . the customer is always right ! \n","cuban pete '\n","cuban pete ' s\n","---\n","mediocre food with a rude manager and team of hostesses . this is clearly a place where a little success has gone to their heads ! cuban pete ' s staff act like this is cuba a communist regime where one can ' t question mediocrity ! surprise , this is a suburb of one of the great restaurant capitals . go elsewhere , there are better choices and thankfully , we do have choices ! \n","cuban pete '\n","cuba\n","---\n","the service was poor . the staff was incredibly rude , starting with the owner of cuban pete ' s , dominic ! he physically pushed my friend ' s chair into the table--with her in it---so he could seat another party ! when we objected to his actions , he shoved a table at us and told us we should leave ! this guy is a total idiot and doesn ' t deserve a penny from anyone . steer clear of cuban pete ' s and this jerk loser who owns it . with that the quality of the food is irrelevant . i don ' t care if the food was free and the sangria had alcohol , i still wouldn ' t waste my time there . cuban pete ' s has alot to learn , starting with courtesy etiquette ! ! ! \n","cuban pete ' s\n","cuban pete ' s\n","cuban pete ' s\n","---\n","first time leaving a review on here , but i was just so put out at this restaurant , i had to leave a review ! my fiance and two of his friends ate at this restaurant last night , and let me say , we will never return ! i read the ratings on yelp before going there and my friend recently went there on a week night and had a good experience , so i thought it would be a good laid back scene for two couples to hang out . the manager owner who greeted us at the door was very friendly and helpful . he was the best thing about the place . we were seated relatively quickly , however , we had to wait for about N minutes before we even figured out who our waiter was , and then he just rushed by to say that he would be right back . about N minutes later , he shows up to take our orders for appetizers , we told him that we were ready to order dinner ( since we had more than enough time to study the menu while waiting ! ) . we ordered food . i actually enunciated my order to ensure that the waiter got it right . why you say ? i have a lot of experience with waiters getting my order wrong ! i am a vegetarian and i usually have to either tweak what is on the menu or order side dishes so i have to ensure that they understand what i am ordering . with this said i thought it would be very easy ordering at cuban pete ' s since they actually had a vegetarian paella on the menu . so i orded the \" cuban pete ' s garden paella \" . our food came in good time . when they brought my food , the waiter who brought the food out gave me my paella , but it was not what i ordered . instead it was the \" cuban pete ' s paella \" , which is traditional paella with seafood and shellfish . i have never had shellfish in my life and so i would never order shellfish . i can read clearly and i read the description of the garden paella and it didnt include any shellfish or seafood . i tell the waiter that is not what i ordered . instead of saying okay and fixing it , he proceeds to tell me that is what i ordered . he insists that was my order . he leaves and comes back with another waiter ( not our waiter ) and both of them try to convince me that i ordered the seafood paella . i said no , that is not what i ordered . so they both leave and finally they come back with our waiter , who tries to convince me that is what i ordered . i told him to go get a menu . when he came back i showed him what i ordered and he was so surprised ( seemingly he didn ' t know it existed on the menu ) . he finally relented and went to get me what i had originally ordered . we all thought the food was just okay . nothing spectacular at all . which was kind of anti-climatic after all of the drama before we could settle down to eat . to finish the night off , my fiance pays the bill and we didn ' t put the tip on the card , instead we had it in cash lying on the table . we were still drinking mojitos and talking . the waiter comes back and gets the bill . he realizes that the tip isn ' t on there , so he comes back and apologizes for the order mixup . i say no problem . he leaves . about N minutes later , he returns ( now before this we couldn ' t get him to stop at our table ) , and asks if i called him . i said no . he leaves , and returns . this time he stays , hanging around the table next to us and kind of hovering near to our table . finally , i guess when he couldn ' t take it anymore , he says to my fiance , \" is that for me ? \" pointing to the cash on the table . i was ready to say no it isn ' t , but my fiance , gave me the \" behave yourself \" look and told him yes and handed him the tip . i think that was utterly rude ! needless to say we sat there for another N minutes , but he never came back after he got the tip . all the caring was gone ! needless to say that we will not be going back there . the service was lousy and the food couldn ' t even compensate for the fact that the restaurant was lacking in other areas ! \n"]},{"output_type":"stream","name":"stderr","text":[" 27%|██▋ | 163/600 [00:07<00:24, 17.50it/s]"]},{"output_type":"stream","name":"stdout","text":["yelp\n","cuban pete ' s\n","---\n","i have never even written a review on yelp before but the owner of this place is so unbelievably rude that i couldn ' t wait N minutes to login . when we told him we ' d never be back , not only was he unapologetic , but he actually smugly replied \" look around . i ' m not going to go out of business , am i ? \" there is just no reason to go to this place . for great cuban food and polite service , try hard grove cafe in jersey city . \n","yelp\n","hard grove cafe\n","jersey city\n","---\n","this has to be the worst restaurant i have ever been to . the service was horrible and the food was terrible . they did not tell us that the sangria had no liquor and refused to explain anything on the menu . when we got there they were out of pork , chicken , beans , \" arroz congri \" , and the only thing they had was skirt steak . how does a restaurant run out of food ? when has a \" cuban restaurant \" run out of pork and beans ? seriously , the employees were rude and the manager and owner themselves had an attitude and literally were yelling at us for complaining . we should have left when were heard another woman complaining while we were in line . very unprofessional and very low class service . i would never recommend this restaurant and much rather visit havana central in the city or the plenty of other cuban cuisine restaurants i have gone to in the past . this was a complete waste of time and money . do not go ! \n","havana central\n","---\n","i went to cuban pete ' s twice and the good was so discussing , the chicken was raw , i mean raw . . . . and the service was so bad . the utensils need to be changed , they are so filthy . my friend want to have a birthday party next month . i recommend no was jose . . . . . . i will not visit you guys anymore . \n","cuban pete ' s\n","---\n","a friend made reservations for N people for a sunday at N pm , under her name \" mary \" . being that all the attendees had not previously met ( this was for a social philanthropic organization ) we instructed the attendees to ask for \" mary ' s \" table upon arrival . i , myself , walked in and was specifically asked \" mary ' s group ? \" and was promptly directed to the table . however , three other attendees did not receive the same treatment . they were rudely told by the hostess that there were no reservations for \" mary \" and then given another name and told to wait in the room to the right of the entrance . only when the party of four left the restaurant an hour later , did the three attendees spot us . they had been waiting for over an hour because this extremely rude hostess told them there was no \" mary \" reservation . our group of N inquired the hostess as to how and where a mistake had been made . she offered no apology and stated that \" she told the girls that there was a table for ' marissa ' . no such name was ever used to make a reservation at cuban pete ' s . a man ( the manager , perhaps ? ) hovered nearby but offered no apology for the mistake . the hostess was incredibly rude and unprofessional . as understood by anyone who has ever worked in the customer service industry - the customer is always right ( because they are the ones spending money on your goods or service ) and most importantly , a little kindness goes a long way . the food was not worth the visit - it was mediocre at best . i personally held the door for busboys three times because of the cockamamie setup of this joint . not that i minded , but worth mentioning since i hate this place now . the last thing - very deceptive - cuban pete ' s touts itself as a place for sangria and tapas - well , guess what ? you must bring your own wine for the sangria . nowhere on their website does it mention this . i wonder how many unsuspecting diners ordered the sangria , thinking it was the real deal - when they paid N bucks for a pitcher of fruit juice . did i mention i ' ll never go back here again ? and i ' ll tell my friends the same . . . you lost a few more customers today , cuban pete . \n"]},{"output_type":"stream","name":"stderr","text":["\r 28%|██▊ | 165/600 [00:07<00:27, 16.04it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete ' s\n","cuban pete '\n","---\n","if someone told me this , i would not believe it . a group of us showed up on saturday at N pm to celebrate our friends Nth birthday , which was supposed to be a surprise . by N N , N out of N people were standing in a virtually empty restaurant ( waiting for the birthday couple and N other friend ) . we asked to be seated but were refused by the manager who stated it ' s against the policy to seat a group while not everyone is here yet . we asked to make an exception since the restaurant is empty and we don ' t want to ruin a surprise . after much discussion with a manager who was less than nice , the owner came out and . . . . told us to get out ! ! ! ! we were completely taken aback and felt very humiliated . shame shame shame on you ! ! ! ! ! we celebrated our friend ' s Nth N blocks up at nori . never again , we will set foot in this place . needless to say , we will be telling everyone of our terrible experience . apparently , we are not the only ones who had similar stories . can ' t believe people actually keep coming to this place . . . \n","Nth N\n","nori\n","---\n","i don ' t know why everyone is so hype about this place . decor - mehhh , ran down cuban joint , waiters in ripped apart hats and dirty shirts . the place looks dirty , noisy and cold . don ' t even think about going there with a large party , you will never get a table and will end up leaving after an hour wait like we did . in addition the hostess was beyond rude and the manager was plain crazy . after being greated in a very unfriendly way , i already had doubts about eating there . will not go there again , and will warn all my friends against going there . there are plenty of cuban places in nj with far better food and service . \n","cuban joint\n","nj\n","---\n","i ' ve been to cuban pete ' s many times . . . and never had a good experience . you can ask why did i return to that place again and again . . . all the times i ' ve been there was by invitation to my friends birthday dinner , friends get-togethers , etc . but now i made a promise that my last bad experience was definitely the last one at cuban ' s pete . the only thing that was good most of the time there are the appetizers . the main course is not good and the customer service . . . . . well . . . it gives the term \" terrible service ' a whole new feeling . their customer service makes it seem that we are not in us - a country proud of our customer service high standards . the staff is rude and non-helpful and the owner is on the borderline of being crazy . . i am not kidding . . . we had a surprise birthday dinner for my friend there . there were many people in our party . when we came there we were told in a nasty way that they are not even going to think about setting up or reserving a table for our party until everyone at the restaurant . i understand very well they do not take reservations on weekends . we came there in early afternoon and the restaurant was practically empty . everyone in our party was there waiting to be seated except the bday person with the spouse . . it was a surprise party . no matter how much we begged , the manager told us in the most nasty way that we should come back when everyone is there and only then they will see if they have a table . so the entire dinner party with the kids had to wait inside while blocking the entrances . . . wouldn ' t it be much easier to take my credit card ( as i offered ) and to sit us down ( everyone was there except few people ) ? well , to make the long story short , the owner shows up and just tells us that they do not want to serve us at all . . . he tells us to get out . we are not teenagers and were not there to have loud parties . we are all professionals on our N ' s with kids . by the way , this is not the first time i received exactly the same terrible and simply unheard of customer service at cuban pete ' s . at N other occasions the management of the restaurant were unreasonable and nasty . this was the last straw . we usually dine out at least once a week i would never recommend this place to anyone seeking a good dining experience . they trick the customers by charging high for sangrias while the customers provide their own liquor . . . the customer services definitely wins the prize for the worst i ' ve ever seen . with the customer services like that , i am not sure how they could stay in business . \n"]},{"output_type":"stream","name":"stderr","text":[" 28%|██▊ | 169/600 [00:07<00:26, 16.05it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete ' s\n","cuban\n","cuban pete ' s\n","---\n","we loved going to this place until we had an issue with getting charged for another persons meal and had to deal with the manager hostess , ryyan and owener dominck . i looked at my bank statement after eating at cubin petes and realized not only was i charged for my meal but i was also charged N in a seperate transaction . i figured it was a mistake that could easliy be corrected so i went and spoke with the manager . she was beyond rude and did not apologize once . she told me i needed to wait N business days to see if it would correct itself . it obviously never did and she was suddenly \" on vacation \" and was not around to take care of this . i then had the pleasure of speaking to the owner . it is truely amazing that this place is still open and is as busy as it is . the owner said it was because i used a debit card and banks do this . what ? ? ? take responsibility and realize someone made a mistake . he told me to wait N business days and gave me his card to call him . well lets just say he doesn ' t answer his phone or have voicemail . i tried one last time with calling the manager and again , she was extremely rude told me she was too busy and would call me back and what a shocker , she never did . horrible , horrible management and ownership . i really hope people realize how this place is ran and people will stop going . please take my advise do not give these people your business they are not good people \n","cubin petes\n","N\n","---\n","i went to cuban petes last night , and this place has the wrost management and the worst service ever . after being seated immediately , we waited N minutes for a waiter to even acknowledge us . when we had to get someone to take our order , it took another N minutes to get our N . N alcohol \" sangria \" - which leaves a lot to be desired . it took another N minutes to get our apps . after i got up and complained to the manager ( who i later found out was dominick , the owner ) , he told me to \" go f ' yourself , you gringo a-hole \" and told my party to leave . what ? ! ? ! ? ! how is anyone allowed to talk to a customer like this ? stay away ! spend your money elsewhere , because this guy does not deserve it . \n","cuban petes\n","wrost\n","---\n","presentation is everything ! ! ! ! after coming from puerto rico and eating amazing food , i was curious about cuban petes . the place is cleverly designed and the staff looks colorful . and then it is all downhill after that . i know what carribean food is supposed to taste like and this isn ' t even close ! ! ! N for what tasted like bs microwaved food ! ! ! ! ! highly do not recommend ! ! ! ! ! ! ! trust me , if you know what this food is supposed to taste like , don ' t go . i suspect that the majority of people that enjoy this place have no idea what cuban food really tastes like . as far as i ' m concerned , this is referred to as false advertising ! ! ! ! hated it ! ! ! ! \n","puerto rico\n","cuban petes\n","---\n","stay away from this restaurant ! ! ! poor service and the owner has an attitude problem ! ! ! food is alright and priced ok . i had a bad experience . i asked another customer to borrow a pen . the the owner ( dominic ) went up to the customer and apolgized . the customer said , \" no worries , he didn ' t bother me . \" then the owner ran up to me and in front of everyone he says , \" you ' re fuc ing with my customers . go sit down and don ' t get up ! ! \" . everyone in the restaurant was like \" what ' s wrong with this guy ? ! ? ! ? ! \" i couldn ' t believe it . it would of punched him in the face but it wasn ' t worth it . several months later , i saw him at the montville , nj park ( across from the middle school ) . i recognized him because he had that psycho mad man look on his face . i approached him and said hello . the said hello and had this look of shame on his face , then the changed the subject and asked for my name and if i lived in town . he introduced himself to me as \" do-mee-neek \" ( dominic with an accent ) then told me he lived in towaco , nj . he walked away ( due to his shame of losing his temper on a customer for no reason ) . at least has the humility to apologize . anyhow , stay away from this place ! ! ! there are other reviews with people complaining about the attitude of this owner . scroll down and read them ! ! \n"]},{"output_type":"stream","name":"stderr","text":[" 29%|██▉ | 174/600 [00:07<00:25, 16.57it/s]"]},{"output_type":"stream","name":"stdout","text":["the montville , nj park\n","towaco\n","nj\n","---\n","i did not get to eat the food at cuban pete ' s . on saturday , july N , our party of five walked in for dinner at around N N pm . the two hostesses ( both young ) were indifferent and told us to stand on the stairs and wait until they seated us . oddly , the hostess stand ( also the check-out terminal ) is right in the passage between the two sections of the restaurant . since no one was paying us any attention , i turned to the harried manager and said , \" we ' d like to eat here , but are feeling neglected . \" to which he responded , \" then perhaps you should find another place to eat . \" wow . too arrogant by half . on our way out , i turned back and said , \" sir , there are blogs where one can let others know about such experiences . \" \" have a good night ! \" he retorted . so , i ' m letting you know . there are enough other good restaurants in montclair , nj . avoid this one . they don ' t deserve your business . \n","cuban pete ' s\n","montclair\n","nj\n","---\n","horrible place ! worst dining experience ever . have you heard of the soup nazi ? well , there ' s a cuban nazi in montclair . music too loud then . . no cuban for you ! ! ! really , it happened . after waiting an hour to be seated , our table was next to a column with N speakers blasting . my husband asked the owner if it could be lowered and were told this is cuba if you don ' t like it leave . then he said in fact i want you to leave and we were basically kicked out . perhaps it is because the owner dominick restaino is a little man that he needs to prove his manhood by being so obnoxious . whatever the deep rooted reasons don ' t waste your hard earned money in a this place to be treated like dirt by this psychopath . \n","montclair\n","cuba\n","---\n","please read this before going to this restaurant . my wife and i met friends here last night for diner . after putting our name on the waiting list we where told it was an hour wait . we expected to wait so no big deal , we went to a local bar for a cocktail first . came back to cuban pete ' s and our table was ready . after fighting through a fire hazard crowd of people all waiting for their tables , we were seated . there were speakers on a pole right above our table and the music was deafening . i asked the waiter if the music could be turned down a little so people could hear each other and he told me he couldn ' t but to talk to him , pointing to the man who sat us . i walked over to this man , found out later his name is dominic , asked him if he would turn down the sound a little so people could talk to each other at the tables and he said no . i asked he why not and he flipped out on me telling me i had to leave the restaurant . i returned to my table , still stunned by my conversation with this guy and told my wife and friends i think i just got us thrown out . i sat down at my loud table poured myself and others a glass of wine . not more then a minute had gone by when a woman came over and said he wants us to leave , pointing to dominic . i refused at first thinking it would blow over . dominic then came over and starting clearing away over utensils , and told us to leave . we said you ' ve got to be kidding , he was not . he was like a mad man , yelling at us to leave his restaurant . we said we would after we finished our glass of wine . he then grabbed our open bottle of wine and said it was now his and he was throwing it out and walked away with the bottle . he then called the police as we still were not leaving quick enough for him . i ' m not making any of this up or exagerating , this man is off his rocker . i say boycott this place until he comes to his senses and realizes that people can ' t be treated this way . \n","cuban pete ' s\n","---\n","cuban pete ' s - sad but true . . . my family , friends and i were at the receiving end of one of the owner ' s unstable tirades last night . i normally wouldn ' t go out of my way to review a restaurant - good or bad , but after last night ' s unfortunate experience , i feel that i owe this review as a warning to other unsuspecting customers . my family and i have been going to cuban pete ' s for about N years now . we have always loved the food and atmosphere . we never minded waiting for a table either . over these past two years , we have brought the establishment twelve new customers . with that said , we never expected to experience what happened last night . we called ahead to find out if we could make a reservation for a party of nine , and were told to just come in . when we arrived , we were told the wait would be N minutes . no problem . about a half hour into the wait , my wife observed the arrival of another large party , who was seated immediately with reservations . my wife spoke to the owner , because she thought he would want to know that some customers were being offered reservations , and others not . we never would have dreamed up his response . the owner told my wife that we would now have to wait an additional N minutes , on top of the half-hour that we had already waited . with this , he grew progressively more agitated . he then told his staff , \" i don ' t have to take this shit \" and then he told my wife that \" she can leave now ! \" i was waiting outside with others from our party , when my wife came outside and told me about the incident - to which i went inside and respectfully confronted the owner . i asked him why he was tacking on another N minutes to how long we had already waited , and he responded , \" yes sir , N minutes . \" my wife then asked him why he cursed at her disrespectfully , but called me sir . he replied with , \" we don ' t curse here , we ' re christians . \" he then told me to call the police ( which was never my intention ) , and shortly thereafter , he threatened to call the police on us ! all of this in front of the other waiting customers . with this , the situation just degraded too far , and we began walking out . the owner ' s last comment to us was , \" go back to budd lake \" . i was absolutely flabbergasted and tongue-tied . not only because i ' m not from budd lake , but because that shouldn ' t matter anyway . i noticed on this site ( and others ) that other customers had experienced the same disrespect as us . i find it a shame that any customer - whether for many years , or for just one day would be treated in such a way . it is painfully apparent that the owner ' s success has gone to his head . hopefully the owner reads this , and if so , this paragraph is especially for him . from other reviews , i see that your name is dominick . you know what they say , dominick . what goes up , must come down . i hope you aren ' t too surprised when you end up flat on your face . it does happen - especially to people like you . i ' ll see you then , and i ' ll just step right over you . my honest review - good food , fun atmosphere - but be forewarned . every customer will be treated differently . some can get a reservation , some can ' t . no customer should ever question the owner about this because they will have extra waiting time tacked on . then they will be cursed out by the owner and told to leave . this is , of course , because he is a good christian . and don ' t ever tell him you ' re from budd lake ! \n"]},{"output_type":"stream","name":"stderr","text":["\r 29%|██▉ | 176/600 [00:08<00:31, 13.48it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete '\n","cuban pete ' s\n","budd lake\n","budd lake\n","budd lake\n","---\n","i feel a little strange reviewing a restaurant when i didn ' t eat there , but a situation involving the owner manager and a group of customers convinced me that this place was not worth our time or money . i ' m not clear on the details but a woman waiting for a table with her group inquired why the restaurant didn ' t want to take her reservation but was doing it for other groups . the woman behind the counter ( hostess ? ) and owner manager got very upset with her for asking what appeared to be a simple question ( asked very nicely- she was not being rude ) , telling her she was free to take her business elsewhere and then proceeded to curse about her in front of the waiting customers to the rest of his assembled staff . she must have gone outside to ger her boyfriend husband and when he came inside to ask about what happpened ( again , very nicely- he was very calm about things and seemed interested in getting things resolved ) , the owner manager flipped out , saying he was going to call the cops . when the guy asked why it was necessary to curse about his girlfriend wife , he said come crap about being christian and never cursing- a complete lie since he was cursing to his staff in front of everyone as the woman was still standing there , probably trying to figure out how a small inquiry got turned into such a big deal ! they left and after we talked about what happened , decided to leave as well . there are many restaurants in the montclair area . cuban pete ' s seems to be one of the more popular ones and maybe they don ' t feel they need to respect everyone that walks in the door because there are more people right behind them waiting for tables , but that is no excuse for what happened . not only was the owner manager ' s reaction to a small issue completely unprofessional , it was downright absurd . we had no problem taking our business to another local restaurant that did a great job of making us feel welcome . if you ' re going to spend your hard-earned money at a restaurant , you might as well spend it at a place that deserves the business . at least a few of the other reviews around here support what we witnessed last night . we thought it might have been a bad night but cuban pete ' s seems to have a problem treating customers right . now we know we were justified in taking our business elsewhere . \n","montclair\n","cuban pete ' s\n","cuban pete ' s\n","---\n","oh my goodness ! i just called this establishment about ten minutes ago , in an attempt to make reservations for next month . to my surprise , they no longer accept dining reservations on saturdays . . and it ' s considered first come first serve basis . not a problem , it ' s no different than an average well known resturant in new york city . i wanted to inquire about the \" family style \" dining plan for N . N per person for a party of N or more . . as it was advertised on their website . yet , i was told this plan was for a group of N or more , with the exception of reviewing the menu with the owner . ok ! not a problem , for a person trying to celebrate a Nth birthday - dinner at from what i was told . . \" the well known cuban pete ' s \" . . . where the food , service , decor , people and staff are considered top notch . yet , despite having read some negative reviews and treating it as an oversight and or just a one time negative experience i was still willing to give it a try . . since i like sampling different foods , etc . . . yes , i did make three attempts to call via the phone , after speaking to a young lady name shakiran , who preferred i speak to the owner name dominique . each time i called , i was told that he was unavailable ( out of the building , in a business meeting or busy ) . i was also told to call back several times whether it was N minutes or within an hour . my last attempt was around N Npm , i feel my conversation with dominuque was very unprofessional and negative . he was very abrupt , belligerant and his tone was very harsh as he sarcastically forwarned me that coming to his establishment with a party of N or more would take N-N hours waiting time . then he said , \" better yet , N-N hours or longer . \" i tried to ask a lot of detailed questions in an effort to be assured that my guest would be accomodated , despite the long wait and the mere fact that we would be traveling from upstate , new york . . for a birthday event ( i was attempting to plan ) . this bastard had the nerve to tell me . . \" you know what ! do not come to my fuckin establishment . . go some fuckin place else ! \" in all my years of hosting parties and dealing with professional people on a business or non-business realm , i was somewhat shocked . . but not surprised . . since nothing is surprising these days . . . my hushand , who was present to witness the entire ordeal , immediately called back and questioned dominque , who claimed he was a christian and would never speak to anyone in such a manner . he further accused me of calling his establishment and \" harrassing the said female worker . this was obviously untrue , since she was the one who encouraged me to speak to dominque , in an effort to see if he would consider accomodating our needs . based upon my horrible phone encounter , i have no intentions of ever eating at this establishment , where i feel my people and cash is unwanted . as an african american female , who takes great pride in embracing everyone ' s culture ( in terms of arts , food , music , etc ) . . the entire phone conversation completely made me sad . i have never been so humilated in all my days . . when trying to make reservations and spend my hard earned cash . given the nature of the many positve reviews and wanting to gain the experience myself i was excited about choosing this establishment to host a Nth dinner party ( with a few close family and friends ) yet , it ' s quite frank that dominque cares more about making the money . . opposed to anything else . he definitely can give two shits about customers and trying to offer them good service . i hate to judge a person by their cover , but first presentation is something . . whether it ' s via the phone or in person . his attitude was like . . . people frequent my establishment daily , so your cash means nothing to me . . wow ! i know i come thus far by faith and times and the days have truly changed . . but when you just don ' t see it coming . . it ' s hard to swallow . as i shake my head with anger right now . . this is definitely yet another encounter or experience , that i will never forget in a million years . to speak to a customer with such a tone , that you have never met i can only imagine how he interacts with his employees on a daily basis . \n"]},{"output_type":"stream","name":"stderr","text":[" 30%|███ | 181/600 [00:08<00:30, 13.94it/s]"]},{"output_type":"stream","name":"stdout","text":["new york city\n","cuban pete ' s\n","upstate , new york\n","---\n","awful . awful enough that i created a yelp account just so i could chime in with my vote for awful . i should have walked out after my first experience of their awful service . the hostess asked how many , i replied and then she picked up menus and started walking into the restaurant without saying anything . i tentatively started to follow her and she turned around and said , \" where do you think you are going ? \" pardon ? so i walked back to the hostess station where i stood ignored for a few minutes before the manager owner asked me if i was being helped . he grabbed a waiter who seated me in their extra room across the courtyard . it was almost empty and he put the menus down on the table next to the constantly slamming door and walked out without saying a word . again , at this point , i should have left . the waiter then refused to give me water or anything until my friend arrived and asked me three times when she was coming in the ten minutes it took for her to get there . then he told us we had to order everything at once - appetizers and entree , took our order and we never saw him again . someone else brought our food - one wrong dish and the other pretty cold . we didn ' t even bother to send them back , we wanted out of there . luckily we ' d brought wine . that was the best thing about this meal . it wasn ' t even the conversation because the music was so loud the waiter even had to keep saying , \" what ? \" just for us to order . twice the owner walked into that room and turned the music down and each time the waitstaff walked right back over and turned it up . i ' m glad i live on the west coast and never will have a chance to be near this restaurant again . awful . \n","awful\n","the west coast\n","---\n","cuban pete ' s is the worst restaurant i have ever been in my life . . . their customer service in incredibly unprofessional , they treat you like you garbage and like you are not important as a customer . their manager is disrespectful and the owner certainly does not have a clue on how to treat and keep good customers . he gives you the run around when correcting an error done by them . it is sad to know that they can treat customers so poorly at cuban pete ' s . i will never recommend anyone to go to this restaurant , and i will never eat at such poor customer service so cold restaurant . . obviously they do not know how to run one . \n","cuban pete ' s\n","cuban pete ' s\n","---\n","i recently went to cuban pete ' s for the first time . we ' ve heard the food was great from a few people . . . well they must not ever had real authentic cuban food before . although the restaurant itself was nice and the service was great , the food was horrible ( and what ' s more important than the food ) . i ordered the pollo cubano , which had absolutely no flavor except for a huge wad of raw garlic right in the center of the chicken . my husband had the churrasco which was definitely not worth N at all . the rice was dry and hard , and the sweet plantains were burnt . also they have no waiting area . so while waiting for a table you have to watch your back to make sure you don ' t get trampled by the other people and waiters passing by . i will not recommend anyone to this restaurant nor will i ever go and waste my money on such a horrible meal again . \n","cuban pete ' s\n","---\n","came here with friends and family before seeing chelsea handler at the wellmont . while the food was acceptable , the service was beyond awful . after waiting N minutes , we ordered and not getting much of a response from the wait staff , my mother approached the owner manager to tell him the about the lengthy wait time . his response - ( i kid you not ) - was , \" you should be grateful that you live in this country . \" i still can ' t believe it . finally the food came ( no thanks to this awful man ) . as we were leaving the restaurant , i went up to him since i was so irate about what he had said to my mom . after listening to me for a minute or two his response to me was . . \" i don ' t have to f - - - ing listen to this ! \" needless to say , this place will not get my repeat business . unbelievable , right ? \n","wellmont\n","---\n","the owner was extremely rude . my party was going to a show next door and he was not accommodating for us . he basically told us to go elsewhere if the entire party was not there . i tried to explain that others were coming from the train and i would order for them but he hollered at me and then told me to leave . i tried to explain to him that i would purchase the N meals but he again yelled in front of numerous patrons . in my opinion he was extremely unprofessional . he was extremely confrontational as well , getting right up in my face . from reading other reviews , i now see that this is common practice for him . he seemed to think that he was doing you a favor by allowing you to dine there . you could all do better taking a ride to hudson county and going to a real cuban restaurant . save your money . . . . . cuban pete should have stayed in cuba ! go to any corner restaurant in hudson county and get the same meal for half the price with people who appreciate your business . \n"]},{"output_type":"stream","name":"stderr","text":["\r 30%|███ | 183/600 [00:08<00:29, 13.94it/s]"]},{"output_type":"stream","name":"stdout","text":["N\n","hudson county\n","cuba\n","hudson county\n","---\n","i had been to cuan pete ' s many times in the past for large parties as well as more intimate dinners and never had what one would call spectacular service . even so , for my Nth birthday , i decided to make a reservation there b c it was near by for my friends and it ' s byob . what a disaster ! ! i had called at N N am to make the reservation for N people . the woman said that it was no problem . i received a phone call at N N pm confirming my reservation for N pm . i arrived at cuban pete ' s at exactly Npm with N other people . it was ridiculously packed . there were people all over the host area as well as sitting on the stairs . had there been a fire , people would be toast . when i finally reached the host table , a young woman told me to wait so she could speak to the owner ( maybe manager ) before seating me . he was busy yelling at another customer about his reservation ( that should ' ve been a clear sign already ) . finally , he asked me if my whole party was there . they were not , b c like most people ' s friends , people arrive late . i told him no , but they were on the way . he told me he couldn ' t seat me until everyone arrived . i told him that he should ' ve mentioned this when i called and made the reservation and he said \" no i don ' t have to do that . \" at this point , i was really annoyed , it was my birthday , i was squished in a tiny space w tons of other angry people and waiters running around with hot plates . i try to explain to the jerk owner that i had specifically made a reservation to avoid this type of problem . . . had i just waltzed in there and asked for a table for N , i would understand having to wait for the whole party . but i had reserved a spot for N for Npm , it should be ready for me ! what does he do ? he tells the young lady hostess to cross my name off the list b c he \" doesn ' t want me in there anyway \" . so i tell him he ' s a f-ing a-hole and go to mexacali rose down the street who were super accommodating ! i will never go to cuban pete ' s again ! so rude , so unprofessional , the food isn ' t that great , and the space is a fire hazard ! \n","cuan pete ' s\n","cuban pete ' s\n","mexacali\n","cuban pete ' s\n","---\n","worst experience ever ! ! this place is not byob ! ! ! after looking at their website we saw it was byob and went and picked up a bottle of sangria from the liquor store . my husband and i walked in friday night and the place was packed ( partly because it was raining and the outside seating was closed ) . we put our name on the list and the owner said \" no more than N minutes wait . \" N minutes later we were still waiting and he was giving tables to other people he came after us . after we complained he finally sat us N minutes after we arrived . the place was a zoo ! very noisy and chaotic . i had to scream across the table to even talk to my husband . N minutes later , a waiter approached us to finally take our order . we told him we had our own sangria and he said that we could purchase their non-alcoholic sangria for N . N and mix our sangria into it . we asked to speak to the owner . the owner said the same thing and said he had been arrested for this and was on probation . my husband told him your website does not state this and why would i dilute my sangria with yours ? the owner said that was the policy . an hour after arriving and still starving we walked out . plus , they did not have any vegetarian choices . we went another place that gladly accommodated us with great service and had a better time . i recommend the ironbound section in newark for better and cheaper food . do not go to cuban pete ' s ! ! ! i never write reviews , but after being mislead , i did not want someone else to have the same bad experience i did . \n","byob\n","byob\n","newark\n","cuban pete ' s\n","---\n","i went to cuban pete ' s last night with three wonderful friends i ' ve known since kindergarten . we were excited to have a night out together , what with the daily demands of work , home kiddies . we ' re a fun , easygoing group . but enough about us . . . here ' s how the evening went down we waited about N minutes for our table . honestly didn ' t mind the wait since we had a lot of catching up to do and spent the time chit-chatting--although it was tight quarters and our friend lisa spent the time next to a rather large potted tree whose leaves kept falling into her face . also harried waiters kept running past with massive plates of food , so we had to keep scrunching in to keep from getting bumped . we got called to our table and the owner led us over . we were happy to sit down and quite hungry . our waiter showed up right away . he was a friendly fellow , said hello to us and also , \" hello jose ! \" to the large bottle of pre-mixed jose cuervo margaritas that lauren had so wisely remembered to bring with her . ( note cuban pete ' s is byob . lauren had called ahead to confirm this and was told it would be fine to bring our own liquor . ) our waiter offered glasses and ice for our margaritas , which he quickly brought , and even opened the bottle and poured for us . we weren ' t ready to order our food yet , so he said , \" no hurry \" and left us . we proceeded to read the menus , chit chat , and enjoy our now-deliciously-cold margaritas . suddenly , the owner presented himself at our table , and informed us , \" sorry ladies you can ' t drink that here , \" pointing to our bottle of margaritas , \" didn ' t you hear , i got arrested ! \" he then reached over unceremoniously and grabbed the bottle , assuring lauren ( who rightly pointed out \" that ' s a N bottle of liquor ! \" ) that he would hold it for us at the front desk . when we expressed surprise at this , and noted that we thought this was a byob establishment and we saw other tables with alcoholic beverages , he said , \" no . everybody in new jersey knows byob means beer and wine . \" well , this was an odd statement for a few reasons N ) why did he assume we were from nj ? N ) the person answering the restaurant ' s phone had not told lauren that she could only bring wine or beer and N ) while we were waiting to be seated , i had seen a bottle of run sitting on another table . anyway , here ' s the kicker not only did he confiscate our bottle , he scooped up all four of our half-filled glasses , handed them off to a busboy , and scurried away without so much as a \" sorry about that . what can i get you ladies to drink ? \" he did not even offer us ice water , for pity ' s sake ! also , he threw his own waiter under the bus when we informed him that the waiter didn ' t tell us it would be a problem he said , \" he should have known ! \" but when the waiter came back over , he said he was not aware that only beer and wine were allowed . here ' s the thing what we were drinking included the liquor and the juice . if you buy his virgin sangria or mojitos , and then add the liquor you ' ve brought , he ' s still making money off your purchase of his juice ( which , by the way , he charges the price you ' d pay if it did indeed have the alcohol in it . you aren ' t paying less for just juice . as lisa pointed out , you ' re actually paying double since you ' re buying his juice and buying your own liquor ! ) we were rather taken aback and disgusted by the way the owner treated us . he talked down to us . i felt like i had been busted for underage drinking at my high school prom . worst of all , my drink was gone ! if i had known that he was actually going to take my glass away , i would have been gulping my drink down while he was blathering on about his arrest that he so obnoxiously assumed we all knew about ! sorry , guy , but i don ' t live in nj and i don ' t keep up on the montclair police blotter . we couldn ' t get over the feeling that as customers we had been treated very poorly . as kathleen rightly noted , if there had been men at our table there is no way in hell he would have talked to us that way . it was all about how the deal went down ( lisa ' s words ) . this owner just doesn ' t know how to treat paying guests . clearly he believes his restaurant is so busy that it doesn ' t matter if a few people never come back . that is just so wrong . i vowed to spread the word by writing this review . the thing is , the food is excellent and that made us more mad because we ' ll never be back to enjoy it again . we had the ropa vieja and the piccadillo . so so good . the virgin mojitos were absolutely undrinkable ( \" grassy \" was how lauren described them and that is right on the money ) and they arrived about N minutes after we got our entrees . when we flagged down the owner and asked him what the hold up with our drinks was , he got pissy with us and when we asked again , he said , \" i speak english ! \" that may well be the case , but he does not appear to understand it very well . my one-star rating is based purely on this owner ' s absolute lack of class as a restauranteur . \n"]},{"output_type":"stream","name":"stderr","text":[" 31%|███ | 187/600 [00:09<00:36, 11.25it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete '\n","byob\n","new jersey\n","nj\n","nj\n","montclair\n","---\n","cuban pete ' s is your typical food restaurant owned by people who have copied recipes from someone originating from a country and have no life experience cooking the food . below is my experience from this popular restaurant . the yellow rice con gandules was bland with no flavor . i tasted no sofrito in the food i ordered . cuban yellow rice has sofrito , which is a seasoning many spanish caribbean cultures use as flavoring . sofrito is the equivalent to curry in west indies cooking . cuban food is tasty and rich in seasoning . if you never ate authentic cuban food , you will be impressed by the fried pork chops or the garlic yuka and anything that has garlic added to their dishes . garlic makes anything taste good ! garlic makes liver taste good ) we sat at a table out on the courtyard . there was so much caked-on-grease on this table , i was able to carve out the words you see on the picture i uploaded related to this review . i was also able to carve out patterns on the table surface next to ours . the surface of the table was sticky with layers of grease . i had a traditional cuban flan for dessert . flan is a creamy , sweet , custard , made from egg and evaporated milk covered in caramel syrup . the custard was good , but the whipped cream had a sour , chemical , after-taste . i sliced it off so i could enjoy the creamy taste of the flan . the waiter and restaurant employees were pleasant i have no complaints towards them . maximizing profits for the owners is the primary and only concern . the yard was cluttered with tables and chairs . it ' s obvious comfort was not in the owners concern when designing the seating arrangement for their patrons . omitting authentic cuban seasoning with no regards to their culture and namesake is evidently clear in their dishes . \" cuban \" and the word \" pete ' s \" are just two words for the name of a restaurant located in montclair , nj . don ' t expect any authentic cuban food from this restaurant but do expect a tasty experience . would i visit cuban pete ' s again ? no ! the prices are high considering the food isn ' t authentic . \n","cuban pete ' s\n","west indies\n","pete ' s\n","montclair\n","nj\n","cuban pete ' s\n","---\n","i ' ve been to cuban pete ' s about N or N times . the place is always very loud . the music is blasting . there is so much running around by the servers and busboys . it ' s not a relaxing place or a place to have a conversation over dinner . we went there because the food was very good except for yesterday . the maduros were so ripe they were like mush and they plopped so much on the plate that we were given very little rice . so , we had to order more rice . the black beans had no sauce . . so we had to ask for more sauce . my daughter ordered the half boneless chicken with cuban mojo . it ' s funny , when they take the bone out you also lose the thight . it ' s to far a ride for the disappointment . won ' t be going baclk . . . . \n","cuban pete '\n","---\n","went to cuban pete ' s for dinner with another couple - told the wait was N minutes . N minutes still no table , however a blond with her group got seated after she was told there was a N hour wait . when i spoke to the manager , he told me \" it was his restaurant , he could do what he wanted and it ' s a free country \" . we got seated immediately when my husband wen to speak to the manager ( same guy ) . we ate here , food was not as good as we remembered from last time , service was good ( daniel was our server ) but we will not be going back due to mr . it ' s my restaurant . be sure i ' ll be spreading the news of his disrepectful attitude . . . \n","cuban pete '\n","---\n","my daughter raved about cuban pete ' s and decided to take me there as a post mother ' s day treat . the chicken lollipops she was raving about came out cold , the server got her order wrong , they ran out of the sangria mix that she raved about , and they ran out of plantains and substituted them with yucca instead of telling us they just served us what they had . i ordered my steak to come out medium rare , it came out well done , i was going to eat it if they would have least gave me some sauce for it , the server than said they couldn ' t give me extra sauce , so as i flipped it over to cut it so that my daughter could taste it , they ' re was a long strand of hair underneath . . i was done by then , pissed , and the server asked should i get the manager ? . . . like what ? i ' ve been a kitchen manager over ten years and my daughter is a server , and this would not have happened on our watch , obviously the staff is not properly trained . for a tuesday night , they were crowded and probably in over their heads . the manager came , took the plate and said , \" make sure he doesn ' t charge you for this \" . . . . really . . . . had it been myself , i would have properly had a fresh meal prepared , served it myself , and took it off the bill , but that ' s just me , my customers are number one at all times . . . we did end up getting the traditional sangria which i liked , my son had beef stew which he seemed to like , i loved the atmosphere , and the noise didn ' t bother me , i enjoy upbeat restaurants especially when i dine with kids , so for this reason , i will try it again . \n"]},{"output_type":"stream","name":"stderr","text":[" 32%|███▏ | 191/600 [00:09<00:30, 13.29it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete ' s\n","---\n","upon walking into cuban pete ' s , one can easily take note of the lively , upbeat ambience of the restaurant . from the loud music being played by their very own band , to the attire of the waiters , cuban pete ' s creates an environment that cannot be duplicated . one cannot wait to be seated and partake in the festivities . sadly , the food did not live up to my first impressions of the place . i ordered the flounder with garlic sauce . it comes with rice and beans and plantains . the rice tasted good . the beans that accompany the rice are served community-style in their own separate bowl . the plantains and the fish were bland . the garlic sauce helped to offset this though . the portions were very generous . if you are not starving when you arrive , you will most definitely be upon leaving . in closing , i am a very picky eater with strict taste standards . i have no doubt that most people would have enjoyed the very exact meal that i had ( evidenced by sharing a portion with my mother ) . furthermore , cuban pete ' s delivers a vibrant dining experience . i would not recommend this place for myself but i know many people who would love it . \n","cuban pete ' s\n","cuban pete ' s\n","cuban pete ' s\n","---\n","very loud as mentioned by other reviewers . i didn ' t care for the fact that although there were no alcoholic beverages they wanted to sell you their sangria to mix with your wine we were hassled for having just wine coolers . ( note their drink choices are priced like alcoholic drinks ! ! ) we wanted to order the tapas first but our server insisted on our ordering everything at one time . we have been burned in the past by entrees coming out before we finished our appetizers ( and no , we are not slow eaters ! ! ) as far as the food was concerned , some of the tapas were good . . . others were just ok . our server spilled a couple of the al ajillo garlic shrimp ( the most expensive of the appetizers ) and didn ' t replace them . my pollo a la plancha was very good but my wife ' s ropa vieja was bland , dry and seemed as if it was sitting around for hours . let me qualify my comments by remarking that we travel to miami frequently , so we know good cuban food ( and good service ) . i suppose that as long as they have long waiting lines , they will continue with this mediocre food and service , but we will not return . \n","miami\n","---\n","i ' ve gone to cuban pete ' s a few times . i stopped going for a while because the cleaning chemical they use is so strong that it was giving me a headache our table couldn ' t take the smell and we had to leave . i went back this week and the smell wasn ' t so strong but still noticeable their decor is nice and the place is clean . they have been slacking off though because the table setting plates are mostly chipped . the food is ok , the rice isn ' t that great . i had the chuletas asadas but the onions weren ' t caramelized the chuletas did have good flavor and were not dried . my other two guests had piscado al ajillo and both stated that it was good . my other guest had an ensalada tropical and was satisfied with it . my last guest had the grill cheese sandwich with fries but was told there no fries instead they brought it with plantain chips which he wasn ' t to thrilled about . the place is byob . we ordered two regular iced teas and the server said i ' ll bring you a pitcher for convenience i didn ' t realize it was for his convenience because they charged us N . N for it that wasn ' t nice ! another issue i saw was that the plates in which they serve their food is also chipped . this is a big no-no for health inspectors as porcelain ceramic dust is very unhealthy for customers . all-in-all the place is ok . their service isn ' t that great even for a slow night with plenty of servers . the big turn off was the chipped dishes , lack of service and the pricing on the iced tea . i won ' t be going back there are better alternatives to cuban pete ' s in service , quality of food and pricing . it started out good but i guess management is getting lazy . \n"]},{"output_type":"stream","name":"stderr","text":[" 32%|███▎ | 195/600 [00:09<00:29, 13.83it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete '\n","cuban pete '\n","---\n","it ' s the disney world of food . it ' s got a fun vibe but there is little substance . it ' s a place you try once if you live in montclair and never go again . big tourist spot . food is ok . the lines are outrageous . \n","montclair\n","---\n","i was in a fantastic mood arriving at this place - ready for a concert at the wellmont , meeting my bestie whom i hadn ' t seen in ages and hungry for some great drinks and food . i was escorted to my seat by a very gracious hostess and decided to take in the scene while awaiting my friend . well , the ambience and decor definitely lived up to the hype - fun , kitschy and relaxing . the polite servers are dressed in guayabera shirts ( sorry for spelling ) and panama hats . it ' s all very festive and entertaining and it ' s just around the corner from the theater . my server recommended his favorite rojas and i have to tell you , it tasted like my grade school juice boxes . was there even alcohol in this beverage ? tasty and sweet and a great value for a large pitcher of juice at N . N , but certainly not going to knock any adult back on her heels . after my friend arrived , we excitedly ordered some yummy sounding tapas . what arrived , sadly , was restaurant depot quality frozen mozzarella triangles ( they tasted like chicken , oddly ) , eh shrimp with burnt garlic , and dry and heavy albondigas with a white milky sauce that was unappealing and did not reflect its billing as \" manchego . \" we hoped for better with our entrees , which actually were brought out about N minutes after our tapas , so we sent them back because who can eat that quickly and who wants N plates on their table at once ? our hopes were quickly dashed . my hanger steak was the right temperature ( medium rare ) , but it was very chewy and required a ton of mouth work before swallowing each bite ( translation poor quality meat ) . the supposed chimichurri sauce ( which is something i also make at home and for which i have received raves from native peruvians ) was simply diced onions and a few herbs . that is not chimichurri . my friend ' s chicken was partly burnt and partly undercooked . her mango sauce featured N chunks of mango only . she opted instead for the pretty good black beans and coconut sticky rice . i know it sounds as if this was the worst meal i ' ve ever eaten . certainly , it wasn ' t . i ate my steak , because i was hungry and we ate the tapas for the most part , because we were hungry . the pricing is extremely fair , but i live in manhattan , so i ' m skewed . the restaurant is just terribly underwhelming and inauthentic , especially considering the hype over this restaurant . the end of the evening was the most disappointing of all . when i tried to get by the hostess stand , i had to wait for literally N people to walk by first ( the stand is awkwardly placed near the kitchen ) . then , the male manager started dancing and joking around and greeting others in front of him , all the while blocking my exit . i said excuse me twice and then finally said loudly , \" sir , i ' ve been waiting N full minutes to get out of here . my friend is waiting for me in the courtyard ! \" he said , \" all you had to do was say excuse me , b tch . \" i don ' t care where you are or who you are , no one in any service industry should be calling his clients the b word , especially when he was the one at fault , not me . all in all , a very disappointing culinary experience . i won ' t be back for anything other than a quick beer at the bar with friends . \n","wellmont\n","N . N\n","manhattan\n","---\n","really not sure why all the glowing reviews . have eaten here N times now . food is just not that good . not bad , just average . service is fine , but the wait can be horrendous . not sure why people bother . many much better restaurants in montclair . \n","montclair\n","---\n","i ' ve been to cuban pete ' s more times then i ' d like to admit because of my close living proximity . if i really want latin food , but don ' t want to drive , i walk my sorry self over there . it ' s never impressive and i ' m always left with a feeling of blah . the food is nothing to brag about , it ' s under seasoned over fried typical corporate chain fare . i never understood the whole sangria thing there either . they brag about it and it ' s on the menu , however there is no liquor in it due to no liquor license . what ' s the point of drinking sangria then ? i never go on the weekends , because i learned the hard way . you wait forever to get sat , the servers are running around chaotically and if you ' re not careful you can be bulldozed down by one of the staff members . a bus boy was running in the dining room with a carving knife and almost hacked my friend as she was walking towards our table . \n"]},{"output_type":"stream","name":"stderr","text":[" 34%|███▎ | 202/600 [00:09<00:18, 21.19it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete '\n","---\n","while the service at cuban pete ' s has always been sketchy at best , the food is pretty good and thus is sometimes overlooked . however , today , the service was its absolute worst and the two stars only for some of the dishes on the menu . cuban pete ' s would do well to have better hostesses . the amount of customers , the nonexistent lobby and the lack of a real service desk means that the hostesses would have to be on the caliber of a michelin graded restaurant to manage the mess . however , they are not , and i am usually completely frustrated by the experience . today , the hostess had an attitude even though there was no one in the restaurant , so managing my request should have been easy . this is typical though . there are also some typical cuban dishes that are not up to par , namely the arroz con pollo . the sangria has no alcohol , so byob and stick to the reds . the restaurant is unnecessarily loud . overall , it ' s a step above bahama breeze , though at least there , there is an attempt to train the staff . \n","cuban pete ' s\n","cuban pete ' s\n","---\n","cuban pete ' s is slacking ! i used to love this place . a few years ago , i was completely in love . the ambiance was great . the food was superb , the customer service was attentive but my have things changed . the last four times i ' ve gone , my orders have been messed up and some of the waiters were down right rude ! i would see my waiter about three times , once when they took my order , once when they gave my food and once to pick up the bill . i had to wait so long that i didn ' t even get any refills and i stayed for nearly two hours . this is not right . this place would be so great if they had more staffing . also , my waiter completely forgot when i requested twice for them to greet my aunt on her birthday . the place is crammed , loud and lack staff . they need to have customer service training . they also messed up my order twice in one day . i am so disappointed with their customer service . it ' s a shame . i keep coming back thinking things will get better but they haven ' t . i give two stars because their food is okay , but again , their waiters are terrible . \n","cuban pete ' s\n","---\n","i dont know whats louder , the race track or cuban petes \n","cuban petes\n","---\n","i came to cuban pete ' s with my boyfriend here a few months ago . didn ' t like it at all . the food was so petite ! if you want good cuban food , check out la isla in hoboken , nj . no , i don ' t work there , but i go once a week . authentic food and their cuban sandwich is to diiiiiiie for ! ! \n","cuban pete '\n","la isla\n","hoboken\n","nj\n","---\n","there is a lot of hype surrounding this place , not really sure why . i ' ve eaten there twice in the past year and both times have left me disappointed . to start , the place is very crowded and the hostess ' are simply rude . on the first occasion we were told an hour wait . it turned into N N N hours . the second occasion we had reservations and still waited close to an hour . this would all be made up for if the food was spectacular but it ' s far from that . both times they ran out of pork . how does a cuban restaurant run out of pork ? that ' s like mcdonalds running out of beef . simply doesn ' t make sense . the waiters are nice , but overwhelmed and seemed to constantly forget parts of the orders . there is no bar or waiting area so the patrons waiting for a table intermingle throughout the restaurant it feels like someone is hanging over your shoulder as your trying to eat . truthfully , i think i would go out of the way to not eat at this place . \n","mcdonalds\n","---\n","i have gone to this place several times with friends and family , and although the food , the waiters are ok , and the owner is very friendly the hostesses are horrible when it comes to providing customer service . they aren ' t friendly moreover , the place is getting bigger and bigger each time i go , and so i think that they could be used to mingle up with the customers instead of just staying near the host station , and escorting guests to their tables . also one other turn-off is the wait time they aren ' t consistent with their messages . one day you go and you don ' t have to make reservation , the next day you returned and they give you a different story . i think that cp is starting to take its customers for granted , because the restaurant is packed every day . with poor customer service and bad hostesses ' success won ' t last forever ! ! ! \n","cp\n","---\n"]},{"output_type":"stream","name":"stderr","text":["\r 34%|███▍ | 206/600 [00:09<00:15, 25.51it/s]"]},{"output_type":"stream","name":"stdout","text":["ate there a few times , main dishes are mediocre at best , i ' d recommend sticking with tapas . what keeps this place packed on fri , sat nights is fun atmosphere and low prices . expect long wait if you come on weekends . if it ' s warm out , a cozy patio is a nice option . may have problems getting a large party seated , happened to us and to our friends . management staff is rather unaccommodating and the owner is pretty unstable , at best . it ' s ridiculous that the guy was allowed to mock state liquor laws . with this food and attitude the place would not survive in or close to nyc , but in a nj suburb where anything outside of a chain restaurant is considered hip it flourishes . \n","nyc\n","nj\n","---\n","dear yelpers , the restaurant setup is amazing , great music , bad bad food . overcooked steak and uncooked hamburger steak . and the service was slooow , we had to wait for the food for more than N minutes . so if you are not very hungry , and more willing to have a good time cuban petes is your option . but if you are in montclair you will find even better alternatives . \n","cuban petes\n","montclair\n","---\n","if ambience were all an eatery needed , cuban pete ' s would earn N stars . unfortunately , good food and fast service count for something , and both of these were below par . rice and beans were , contrary to what another reviewer stated , quite bland the evening i was there . plantains and meat dishes were good ( not great ) , but the biggest disappointment was being served a non-alcoholic mojito without being made aware , either in the menu or by the waiter , that the establishment had no liquor license . would i go back ? yes . . . . with friends and a flask . \n","cuban pete ' s\n","---\n","good food just too loud ! it ' s a byob restaurant , like most similar places in montclair . the service was good , the food was good but i can ' t seem to get over the loud music . the loud music made my meal less enjoyable \n","byob\n","montclair\n","---\n","by far my oldest daughters favorite place for dinner in the area . . . we generally stick to ordering tapas , to allow for a good variety of dishes . . . i always find that if we order a \" main dish \" on top of the appetizers , we never finish the main course . . . doesn ' t mean it doesn ' t make for great left-overs the next day , but you can stick with just appetizers and be thoroughly content . there is often a long wait , but they do try to accommodate . while my daughter loves cuban pete ' s , the food can be on the \" fatty \" side . . . many are deep fried , so don ' t expect to get a \" light meal \" here . it can be very crowded , so do not go if you are looking for an intimate setting . however , i like the crowd and believe it is part of the draw . the owner is super nice and walks around making you feel welcome and somehow like you are an \" insider \" . lolli-pop chicken is a no brainer . . . really good . \n","cuban pete ' s\n","---\n","i must be the only resident of montclair who is not a fan of cuban pete ' s . first of all , the restaurant is nicely decorated and has a very tropical theme to it . we sat outside next to a waterfall-type structure . the waiters all wear vibrant uniforms and the service is okay . however , there was a young lady who greeted us upon arriving at the restaurant . some greeter ! she appeared very stuck-up . she wouldn ' t even spare a smile and it seemed like she ' d rather be somewhere else . now on to the food . i did not like it . i felt it was a waste of money the tab was around N ) . i ordered the oxtails and i was surprised to see that it was curried . now i ' m from the islands so i know what real oxtails tastes like and those were the worst i ever had . who curries oxtails ? i ' m not sure whether the waiter misunderstood my order because others who have had their oxtails told me that theirs were not curried . they serve you black beans with your order . they smell horribly ! i felt like i was going to be sick sitting there with that bowl of beans under my nose . i had to send it away because i could not stand the smell . my boyfriend had the grilled chicken with rice and plantains . to me it was okay . much better than my horrid oxtails , but nothing special . he did say that the rice was not fully cooked . i must say , their empanadas were delicious ! i should have ordered a plate of those instead . if you are going to order an appetizer , definitely try their empanadas . while eating our dinner , we spotted some men carrying what appeared to be raw meat through the outside dining area into the restaurant . now i ' m not sure whether this is a typical thing or it was due to some circumstances beyond their control , but having to see pounds of raw meat ( i cannot remember whether it was fully covered ) while i eat my dinner is not very appealing . not to mention unsanitary . it was my boyfriend ' s birthday so i sneaked away from our table to inform the servers so that they could come to our table and sing . apart from the ambiance , that was the only part of the cuban pete ' s experience i enjoyed . they were entertaining while they sang and beat on their drum . in order to perform i had to order a dessert . i ordered the flan which was pretty good . it seems their appetizers and desserts are much tastier than their entrees . in sum , if you are looking for ambiance and a pretty environment then this is the place for you . if it is quality food that you seek , look somewhere else-unless you are in the mood for empanadas . \n"]},{"output_type":"stream","name":"stderr","text":[" 36%|███▌ | 213/600 [00:10<00:14, 26.56it/s]"]},{"output_type":"stream","name":"stdout","text":["montclair\n","the cuban pete '\n","---\n","i been to cuban pete ' s once before and i enjoyed the experience . i went there with my parents and they liked it too other than the N hour wait ( maybe and hour and a half ) we did go on a saturday night last summer . the place was sooo packed couldn ' t walk , almost like being in a popular night club . the music was a bit loud but i think it suited the atmosphere . i loved the colors and interiors but i did see other patrons being seated right away after speaking with the owner , maybe they are preferred customers . i feel everyone should be treated equally and what pete ' s has to work on is it ' s customer service . i ' m researching on how successful a cuban place with a lounge would be in either westfield or millburn nj . what do you guys think ? what would this new place need to have in order to be successful and would you guys travel to find a great atmosphere ? please feel free to comment . \n","cuban pete ' s\n","pete ' s\n","westfield\n","millburn nj\n","---\n","love the food and environment . i feel like i am in cuba when going to eat . service can be slow due to large crowds but the food wit worth the wait . byob is great . \n","cuba\n","---\n","i usually drive to hudson county to get my cuban on . but pete ' s is a very good place that is close , with good food and nice staff . go early if you don ' t want to wait , . \n","hudson county\n","pete ' s\n","---\n","good place to hang out . the main selling point here is the atmosphere . byob . the style of the N buildings and the outdoor table area between them makes you forget that you ' re like N feet from bloomfield ave . never been to cuba so i can ' t say if that ' s the vibe lol , but it reminds me of a few places i ' ve eaten on vacations in latin america . as other reviewers have mentioned , it ' s a pretty loud place , even during the day sometimes . \n","bloomfield ave\n","cuba\n","latin america\n","---\n","my boyfriend brought me there as a surprise for the first time tonight and i am already thinking about when to go back ! i absolutely fell in love with this place as soon as i entered through the palm trees . the atmosphere is on point like if you just walked into cuba . my boyfriend read the reviews that said the garlic shrimp was one of the best - we definitely do not regret it , although it was a bit pricey for the portion but so worth it . we both got the skirt steaks but different flavors ( gaucho and mango ) . each flavor gave it a completely different feel . i ' ve never enjoyed every single bite of my food like i did tonight . i cannot explain how much i love this place and is now my favorite restaurant . the only reason why i give it N stars and may prevent me from going back is the service not because it was slow but because i felt the waiter was extremely rude . i felt like he was rushing us the whole time . i didn ' t feel comfortable taking my time to enjoy my food with him standing around watching us and waiting for us to finish . it was kind of annoying . \n","cuba\n","---\n","i visited cuban pete ' s for the second time on a thursday night . the wait to be seated was supposed to be a half hour , but turned out to be a hour . my friend and i wanted to order the oxtails , but they were sold out . the waiter recommended the short ribs which was ok . i would visit again , but i hope that next time they would have the menu item that i requested . \n","cuban pete ' s\n","---\n","the best thing about cuban pete ' s is the atmosphere which is absolutely excellent . it ' s one of the nicest places to have a meal in my opinion . the food isn ' t outstanding , but it ' s not bad . it ' s not really authentic cuban food and that ' s a shame because the atmosphere is so awesome , but it ' s good enough to make me keep going back ! not a serious \" foodie \" restaurant but if you are looking to have a fun night out , you won ' t be disappointed . make reservations - this place is busy all the time ! \n","cuban pete ' s\n","---\n","i recently stumbled across this restaurant while walking on bloomfied avenue . i was so surprised on how cute the atmosphere was and their food was soooo good . i highly recommend the skirt steak . the sangria though was a little too sweet but i still enjoyed it . the only thing that sucked was the wait on friday evening . but overall great experience . \n"]},{"output_type":"stream","name":"stderr","text":[" 37%|███▋ | 222/600 [00:10<00:12, 31.20it/s]"]},{"output_type":"stream","name":"stdout","text":["bloomfied avenue\n","---\n","cuban pete ' s is a nice place . the food is great . but don ' t recommend to go on weekend . the wait for a table is crazy . it ' s also bit loud . \n","cuban pete ' s\n","---\n","if you like spanish food than i highly recommend cuban pete ' s . the food is great and the restaurant has nice decor . i ordered steak with platanos and rice beans and it was excellent . the only problem is that i went on the weekend and we had to wait for over an hour to be seated . other than that i have no complaints . \n","cuban pete ' s\n","---\n","this place is a great place to go to if you a have a huge appetite because a lack a food is the last thing this place is known for . this place is full of culture and high energy . if your looking for a quiet , candle lit dinner this is not the place for you . i have been here N times and every time i have went the food and service was great . i love how their culture is not only seen in the food but also felt by the little things they do like sending out employees with drums and musical instruments to sing and dance . i would recommend this place not only because of the amazing food but also because the location ( monclair ) is a great place to walk around before or after and get some shopping done . \n","monclair\n","---\n","well first off , as soon as i walked in the building , i felt like i was in havana . the music , the pathway entrance and the smells of the prep room to the right all hit me and it was just a sensory overload . i walked in and thought , man this is gonna be good . the place was relatively empty given the time that i went . anyway , now i ' m in the actual building . we were promptly seated by our ( very cute ) hostess and sat all the way in the back in the room by ourselves . i sorta felt like my company and i were on a reality tv show . the scenery lighting indoors was also very nice . the music was great . i kept using my shazam app to figure out what i was listening to . our server came out very quickly . we had all ordered an appetizer . we had received an extra appetizer that we didn ' t ask for but we didn ' t make a big deal about it . we ate it and it was good anyway . that was my only minor problem with this dining experience . when the appetizers were finished our server came back promptly for our orders . the food came out at a blazing-fast speed . it was like i ordered by entree , yawned , looked down and there it was . my favorite part about the experience was the gargantuan portions . . . tons of food for what you ' re paying . i ' m a pretty heavy eater and made it a point to intentionally go hungry , and still couldn ' t finish . byob is also a nice perk too . \n","havana\n","---\n","i love this place ! i am never disappointed in my churrasco with coconut rice . to top it off , it is byob . i rated this place N stars because sometimes the place is too hectic and busy that the waiters don ' t get to our table to take drink orders or anything . also , they ask how you want your steak cooked , and even if you say well done or medium well , it ' s still bloody . the food , atmosphere and music are great . definitely must come here for the food ! ! ! \n","byob\n","---\n","many people take the little things for granted . cuban pete ' s is warn , inviting and has a great deal of authenticity . this place is also incredibly clean ! the food never disappoints . apps are great and entrees are mouth watering with very generous portions . \n","cuban pete ' s\n","---\n","like the outside patio great place . . . and the rice is good . is deffenetly a place for friends to hang out and eat . . . casa piquin and cuban petes are the best spanish restaurants in montclair nj . . . . \n","casa piquin\n","cuban petes\n","montclair nj\n","---\n","probably the funnest place to eat in new jersey . the food is good but not the best cuban food around . but when you go in , you feel like you ' re on vacation . check it out . the place is dynomite . \n"]},{"output_type":"stream","name":"stderr","text":[" 38%|███▊ | 231/600 [00:10<00:10, 35.38it/s]"]},{"output_type":"stream","name":"stdout","text":["new jersey\n","dynomite\n","---\n","after reading the reviews i almost didn ' t go , fearful of the service and concerns over the food . however , i ' m glad i went and loved the place . while it might be mayhem on a weekend , simply go during the week for a lively night of excellent cuban food . the paella and enchilados ( cuban shrimp ) were both amazing . and yes , it is certainly byob . monclair seems to be a hotbed of critical reviewers , i ' ve no idea why . for some people nothing seems good enough , service or otherwise . as for the stories of people being thrown out or yelled at , perhaps sometimes the over preening get what they deserve . \n","byob\n","monclair\n","---\n","cute place located on the most busy avenue of the town ! ! i met up with a group of friends this past weekend . it was kind of packed . we had cuban classics pollo cubano , lechon asado and emchilado . the food was delicious . . . almost feel like we were in cuba ! ! \n","cuba\n","---\n","cuban food doesnt get any better than at cuban petes ' dominick the owner is awesome ! their steamed pollo with garlic is to die for ! too bad is byob so you know your sangria is watered down- bring your own bottle of wine and they will be more than happy to stir that into your sangria . great place for bdays - ) they do this loco spanish bday song complete with drums and tamborines ! ! ! oh man , if it is not your bday , fake it ! you will be entertained - ) flan is great here , and they have probably one of the best outdoor seating in town ! cuban pete ' s is a must , will recommend this place to everyoneeeeeeeeeeeeee ! \n","cuban petes '\n","flan\n","cuban pete '\n","---\n","this restaurant has one of the nicest ambiances in all of montclair ! everything looks and tastes very authentic . the marinated chicken with mango salsa is amazing ! the plantains taste great as well . the service was a little slow ( granted , it was a friday night and they were extremely busy ) , but still . . . . other than that , i would highly recommend this place to anyone looking for a place to eat in the area . \n","montclair\n","---\n","this is the most authentic latin restaurant in montclair ! the food is great , the ambiance is great ! their grilled chicken with mango salsa was amazing ! totally worth it . . . . \n","montclair\n","---\n","about a week ago , on a saturday night , i had gone to cuban pete ' s for my boyfriend ' s mom ' s birthday . we were refereed to go by numerous people that we knew . we were also warned to go early because it can get packed . we went about N pm and we were instantly seated . but you need to go early ! the place is byob and we brought come cornonas . we started off with the fried goat cheese balls and chicken empanadas . delicious ! we each ordered a different entree . i had the pollo con mango . to die for ! the dish was served with coconut rice and yam . the flavors complemented eachother beautifully . the atmosphere was incredible . very fun and entertaining . the waiters were a bit hard to understand , but we made do , and the little hats that were apart of their uniforms were cute . i absolutly will go there again . as long as you keep in mind that it ' s a busy place , so the wait may be long , you will have an excellent time . \n","cuban pete ' s\n","byob\n","---\n","we ordered several tapas plates , all but the fritas ( aka , cuban hamburger ) were delicious . the pernitas con tostones , and platanos maduros were as good as i ' ve ever had , including back home in miami . looking forward to my next visit . the service was also spot-in . they were attentive , and quite accomodating of our N-yr old . \n","miami\n","---\n","i absolutely love cuban pete ' s . after being in montclair for about a year at this point , this place still happens to be my go-to restaurant whenever i need to bring someone for a good meal . as soon as you walk down the palm-covered alley , you can instantly feel yourself being transported into an entirely different world . the entire atmosphere is set in this tropical , caribbean paradise that mellows you out entirely and provides the perfect backdrop for your meal . the last meal i had there consisted of the ropa vieja and that was absolutely incredible . the meat was so tender and literally melted in your mouth . the aromas and juices from the marinades mixed perfectly with the beans . the rice was thoroughly cooked . the plantains were sweet , but had the perfect balance of savory and sweet . i also had the spanish harlem sangria , and let me tell you , that stuff was a . maz . ing . seriously . i highly suggest it . you barely taste the alcohol and it doesn ' t even hit you that hard either . overall , if you want a place to escape to that has a very festive environment to it but a small sense of romance for the adventurous couple , go here . N N \n"]},{"output_type":"stream","name":"stderr","text":[" 40%|███▉ | 239/600 [00:10<00:10, 34.55it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete ' s\n","montclair\n","---\n","i love this place the food the atmosphere awesome i especially love the churrasco my go to favorite . its really a special place . \n","churrasco\n","---\n","best cuban food i ' ve ever eaten here in nj and i ' m half cuban . . . me and my family travel all the way from old bridge , nj to have their rabo encendio , ox tail just great . \n","nj\n","old bridge\n","nj\n","---\n","my family and i were very fortunate to visit cuban pete ' s the other night . must say that i was not crazy about the idea of waiting but the wait was worth it . what an experience , the food , the music , the atmosphere , the service , wow ! ! ! the owner himself sat us and made us feel at home . without a dought it is a place that must experience yourself . take the entire family and don ' t forget to order the armamdo passion sangria . \n","cuban pete ' s\n","---\n","this is absolutely one of my favorite restaurants ! ! the food is so good ! i ' m stuck on the mariscada ( naked paella ) and i get it with yellow rice ! also i love the carribean flounder which i get with coconut rice ! all of the tapas are good ! love the sangria . great atmosphere ! you would think u were really in cuba . it is very loud but i ' m young and fun so i don ' t mind it ) it gets very packed on the weekends and very very tight standing room but definitely worth the wait and the owner always gets me seated right away when i go ! perfect place to go for any celebration dinner ! enjoy \n","cuba\n","---\n","this is one of my favorite places food is amazing i always get the steak when i get there and the pitcher of mango mojito for N , wonderful atmosphere , some times its a long wait but what do u expect for a great place like that , it worth it , after i moved to nyc now i miss it there sooo much wish they have cuban pete ' s in nyc that will be awesome im sure they would be extremely busy , come to nyc please ! \n","N\n","nyc\n","nyc\n","nyc\n","---\n","i stop in here a few times a month to get their oxtail , chicharon , empanadas pernil . the coconut rice and mango shrimp are damn good too . it ' s byob so thats really cool . wine w one of their sangreas are really good or slam down pitcher of watermelon mojitos with some bacardi . i love this place . the staff hustles hard and the hostesses are very nice . respect the wait time . their is a reason why it ' s so long . it ' s because this place is the bomb . when i walk up bloomfield ave to pass this place and all i hear is the music jammin , i can ' t help myself and i walk in to grab a table . thanks cuban pete ' s ! i am a true fan ! \n","bloomfield ave\n","---\n","great tapas - definitely try the hazelnut-infused goat cheese ! perfect size to share and small enough not to leave you stuffed for your main course . it ' s byob which is convenient ! you can order sangria and add your own wine rum liquor to it . we had the banana sangria and added rum - delicious ! for the main course , i had the coconut crusted fish filet which was to die for . just a warning , this place has a loud atmosphere , so if you ' re looking for a quiet place - this isn ' t it . the decor really makes you feel like you ' re in a miami beach restaurant and in the warmer seasons , you can sit outside in their outdoor courtyard area . \n","byob\n","miami beach\n","---\n","this is my all time favorite place to eat . as soon as you walk in , you are immediately welcome with the sweet aroma of cuban food . the food is fantastic ( especially the plantains ) . the staff are so charming and polite . the restaurant is designed to mimic the feel of cuba and they did an outstanding job . especially when i ' m stumbling back to the car after a few sangrias ( not driving ) and realize that i ' m on bloomfield ave in montclair ) \n"]},{"output_type":"stream","name":"stderr","text":["\r 41%|████ | 244/600 [00:10<00:09, 37.57it/s]"]},{"output_type":"stream","name":"stdout","text":["cuba\n","bloomfield ave\n","montclair\n","---\n","as a frequent visitor to cuban petes i hands down make this my top option for the atmosphere and food . typically i start of with goat cheese fritters and for a favorite dish to indulge in is the suckling pig . great place to visit in montclair . \n","cuban petes\n","montclair\n","---\n","i love cuban pete ' s ! my girlfriends and i went there to celebrate my bday , and the staff sang happy birthday with bongo drums . this place is hip , and the food is great . i tasted every dish on everybody else plate , and everything was delicious . love , love , love the guacamole dip ! it ' s byob , so we brung packs of frozen margaritas . the waiter let us borrow some margarita glasses so we wouldn ' t use the plastic ones we brung . go cuban pete ! \n","cuban pete ' s\n","byob\n","cuban pete\n","---\n","amazing food . real tradtiaonal cuban style food . guayaveras everywhere . estoy loco para pernil asado . the music was great and upbeat . the service was amazing . the ambience was wonderful and the server knowledge was perfect . they were super friendly and kinda sexy . it was like i was in little havana . totally want ot go all the time to this place . one of my top ten places i enjoy that isn ' t hard to reach . \n","havana\n","---\n","the food is absolutely delicious . i would definitely recommend to all my friends and family . i travel all the way from the bronx just to enjoy this great cuban restaurant . the atmosphere is ambient and the service is top notch . a \n","bronx\n","---\n","i took my family to cuban pete on thursday N N and i want to let you know that the manager on duty was the best , i waited for my party to arrive and was watching him react with the customers and he was great . every person that came in he greeted with a smile and was helpful . he was very good to the help also . the service and food was very good . i give this place a thumbs up . you can thank the manager for making this a great experience . \n","cuban pete\n","---\n","the food is amazing the setting is minding blowing you feel like your in cuba this is the best restaurant my girlfriend i have been too . we highly recommend it ! \n","cuba\n","---\n","never thought of taking a trip to cuba before , but if there food is as good as this place i might need to book a flight . honestly one of my favorite places great atmosphere , incredible food and even better drinks . if your ever in montclair it really is a must try . \n","cuba\n","montclair\n","---\n","while yes the wait for a table can be long especially on a saturday night , it is worth the wait . we went there last night and as usual the place was packed . the food was excellent . we had the N tapas which were very good . and the entrees were even better . we had the baby back ribs which were a lot better than ones i had at a \" famous \" place . the skirt steak was really good and the short ribs were also great . there is an old expression that the good things in life are worth waiting for and cuban pete ' s might be one of them . bravo dominic and your entire staff . \n","---\n","my wife and i treat ourselves to cuban pete ' s once a month and we have an excellent experience every time we go . dominic , the owner , makes you feel like family when you are there , taking the time to stop at each table to say hello and to make sure everything is going well . the service is impeccable , most notably estephen , who i make sure to ask for when we go because of his positive , upbeat personality and he is always helpful when we ask for his suggestions on what to eat . be sure to bring some wine and order up some of their incredible sangria - watermelon is our favorite ! overall cuban pete ' s has delicious food , a fun lively atmosphere and top notch service . it is one of our favorite spots to eat . \n"]},{"output_type":"stream","name":"stderr","text":[" 42%|████▏ | 253/600 [00:11<00:09, 37.82it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete ' s\n","cuban pete ' s\n","---\n","this place is amazing food . the only downer is the wait i always have to wait over N mins when i go . but my go to is the picadillo . i love love love it ! \n","---\n","i will give this place N stars bc i think overall its an awesome place . i will start with telling you that its always packed with a nice older crowd . byob ! ! ! have been there several times and have always enjoyed myself . the food i give a N out of N stars . they have some great appitizers and its not too pricey . nice atomosphere . i have always gone for dinner so has always been really busy about N-N min wait . they dont make reservations . nice place to take your friends and family or your date . not very kid friendly . \n","---\n","i ' m a sporadic patriot at cuban pete ' s , never had a problem of all my comings . i decided to take a good , good friend for her birthday along with some others . my friend has never been there before , so i wanted it to be special and impressive . i got a lil nervous after reading some of the reviews but that did not hinder me . we reserved a table for N-N people . six of us showed up and the first timers were blown away . they thought the ambiance superseded delightful . they felt like they were in the somewhere in the tropics in a restaurant opposing to the opposite . the food tantalized their taste buds ( and mines as usual ) and the drinks were blended with the right combination of fruits . dominic , the proprietor accommodated us with a wonderful professional touch of class . i always enjoy myself whenever i go there . i hope the experience continues and never end . my names is debra ( r ' bed ) you can take my word that ' s why i am putting my name to it . . . . . \n","cuban pete ' s\n","-\n","---\n","fantastic food , really busy so service couldve been better . but the food ! ! ! ! ! ! and drinks . . . . i love it ! i wish you had a restaurant in the uk . . . would recommend everyday all day - ) \n","uk\n","---\n","this place is awesome . even when the rest of montclair is dead for lunch , this place has a wait ! and for good reason ! we stumbled on this place the other day and were surprised at how great the food and service were even though there were only N waiters for the whole restaurant . i will definitely be coming back and i highly recommend it . \n","montclair\n","---\n","loved this place ! very crowded and a bit noisy but what a fun place . and the food is wonderful . if you ' re up for a partying good time , visit cuban pete ' s . if you want a romantic evening , go somewhere else ! \n","cuban pete ' s\n","---\n","have been going for years here ! have turned on all my friends and family . it ' s the best thing that ever happened in nj . it ' s like having my mothers cooking close to home even thou i commute N hr and N min but it ' s worth the trip . love the food , music and entertainment and loudness . great job ! ! hats off to dominick and the crew ! ! love u guys ! ! c u soon ! ! ! \n","nj\n","---\n","love this place . food is great . the vibe reminds me a little of miami . my second home . you must try the suckling pig - it melts in your mouth . bring your own for margarits or beers cause it ' s byob which is amazing in terms of savings . i would go there before the summer is over . outside seating and cuban food - so cool ! \n","miami\n","byob\n","---\n"," \" if you ' re ever depressed , come to cuban pete ' s \" . . this is what one of my friends said about the restaurant , and i took another friend there yesterday . the waiters wear yellow shirts , straw hats . if it ' s your birthday , they come out with bongo drums and give a hoot and holler- the cuban artistry and knick knacks are cool- i love it . \n"]},{"output_type":"stream","name":"stderr","text":[" 44%|████▎ | 262/600 [00:11<00:10, 31.67it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete ' s\n","---\n","sometimes it seems as if good to great customer service went the way of the dinosaur yet every now and again you see a glimmer of what good to great customer service looks like and more importantly feel like . i had such an experience this past friday night . earlier on friday two of my co-workers recommended that i go to a restaurant establishment in montclair , nj known as cuban pete ' s . they both spoke highly of the food and forewarned me that it could get crowded . true to their description , the restaurant was indeed standing room only . my wife yvette and i proceeded to find out how long the wait would be and was told by the maitre d ' that it would be a forty five minute wait . based on the number of people standing around , forty five minutes seemed to be reasonable , so we decided to wait . we patiently waited and waited and waited without our names being called to be seated . in the mean time we witnessed couples who had entered after us be seated in a relatively short period of time . the owner asked why we were still waiting and we told him that we had not been called as of yet . he then checked the list and as it turns out an oversight had occurred and our names were skipped as the maitre d ' had continued to move forward , in fact she was on the next page . this is where the great customer service came in . the owner of cuban pete ' s felt so terrible that he told me and my wife that our dinner would be on him . he said that he would pick up the tab for our having to wait longer than we were told because of the oversight of the maitre d ' . it was an extremely wise business move and great customer service gesture . while it cost him sixty dollars for the meal , it brought him much more in public relations and word of mouth . he had the business insight to know that we would share our bad experience and drive customers away instead of recommending his establishment as i am now doing as evidenced by this blog post . i am indeed sharing my wonderful experience with others who i highly recommend to patronize cuban pete ' s at N bloomfield avenue in montclair , nj . the food was as excellent as promised by my co-workers . i had the red snapper and it was so good . while i was thanking the owner for his generosity , he extended his generosity even more with a fifty dollar gift certificate for a future visit . he was a man of principle . yvette and i could truly feel his sincerity and he apologized profusely for the error and our extended wait . in these times , gestures like that are rare but when you think about it , it makes extremely good business sense . certainly good customer service is so badly needed and desired that when it is experienced it is acknowledged almost with disbelief ( \" i can ' t believe i just received great customer service \" ) . my fraternity brother herman \" skip \" mason who is the general president of alpha phi alpha fraternity , inc . , via twitter posted \" shout out to detroit marriott room service for prompt service ! healthy breakfast turkey sausage , egg whites , fruit and wheat toast . pardon me . . . \" once again because good customer service is so rare , the need was felt to acknowledge it . good customer service ought to be the rule and not the exception . kudos to the owner of cuban pete ' s for his principles , sincerity and good business sense . if you are in the montclair , new jersey area i encourage you to dine at cuban pete ' s- N bloomfield avenue - montclair , nj . ( N ) N-N ( N ) N-N . my wife and i will certainly be going back . \n","montclair\n","nj\n","cuban pete ' s\n","cuban pete ' s\n","the maitre d '\n","cuban pete ' s\n","N bloomfield avenue\n","montclair\n","nj\n","alpha phi alpha fraternity , inc\n","detroit marriott\n","cuban pete ' s\n","montclair\n","new jersey\n","cuban pete ' s-\n","nj\n","---\n","everybody out there should try cuban pete ' s . the atmosphere is welcoming you feel like you are away on an island . the decor is fantastic , the people are extremely friendly and the food is the best . we can ' t wait to take some of our out-of-town clients to cuban pete ' s . \n","cuban pete ' s\n","cuban pete ' s\n","---\n","i recently visited cuban petes for dinner , because i love cuban fare . it was a very good experience--great atmosphere , attentive service and excellent food for a very reasonable price . i had the paella and it was delicious ! the place is rather festive--it is fun , and i might expect a band to start playing any moment and for spontaneous dancing to happen . the servers are friendly--but they are not overly talkative . they get the job done . . . i even met the owner and he was very friendly . i also recommend the flan--a delightful treat ! \n","cuban petes\n","---\n","this is the best cuban restaurant ever . the food is tasty and authentic . . . the menu is extensive and exciting . i live in nyc and can ' t find a cuban joint that compares . i wish cuban pete ' s would open a location in nyc ! ! ! the atmosphere is quite fun , with fake palm trees and paint chipped walls . . . coconuts line the walkway into the restaurant . best flan ever as well ! ! ! everything was beyond yummy . \n","nyc\n","cuban pete ' s\n","nyc\n","---\n","wow ! ! ! ! i feel a little bit bummed at some of the reviews that i read about cuban pete ' s . personally i love cuban pete ' s . . . . . . . i guess for other people they have a different taste , but it is perfect . due to the fact that i am half cuban you appreciate the food and culture when you are raised with the old traditions . it has been a long time since i can remember my cuban family dinners and enjoying the atmosphere of what i grew up around and cuban pete ' s brought back though memories . the aroma of the food and music just puts a smile on my face and makes me feel once again like a child , when my aunt would cook up some dinner cuban style . the food at cuban pete ' s was excellent . . . . . . perfect and filling just like old times . if anyone is from a hispanic background or cuban you will appreciate this restaurant for what it is a little piece of cuba for a split second in new jersey . p . s . to some people who are not aware the drinks do not have alcohol . you have to bring your own if you want to drink liquor . i do advise that anyone and everyone take one time out and enjoy what cuban pete ' s has to offer and really take advantage of the traditions of my cuban culture . viva cuba \n"]},{"output_type":"stream","name":"stderr","text":["\r 44%|████▍ | 266/600 [00:11<00:11, 29.37it/s]"]},{"output_type":"stream","name":"stdout","text":["cuban pete ' s\n","cuban pete ' s\n","cuban pete '\n","cuban pete ' s\n","new jersey\n","cuban pete ' s\n","---\n","one of the people in our group always passed cuban petes and have been wanting to try it out . the five of us hopped into the car but on the way we got our tire shredded from something on the road , and had to change the tire ( on the highway - it sucked ) . we were determined to have a fun night and not let a bad event deter our plans , so we kept going . when we got there the place seemed closed , but we walked toward the back to make sure - when someone waves us in . tthere was good news and bad news . the bad news was the cooked had left and they were closing . the good news was - they served us anyway . the owner was super nice and told us that he couldn ' t turn anyone that came to the restaurant away . the sangria and food was awesome . we had ribs , grilled chicken , stewed chicken , plantains , ground beef , beans and rice . ( they just brought out food for us so we don ' t know if the items were on the menu ) all of the food was great and the atmosphere is worth the trip . the place feels like you get transported to cuba . plus the place was very clean . to keep it short i am looking forward to going back to cuban pete ' s . everyone is super nice , the service is great , atmosphere is beautiful , and food is tasty . \n","cuba\n","cuban pete ' s\n","---\n","i purchased one roll of paper towels from forrest dairy for . N . N on saturday nov N N . i paid an additional . N cents sales tax i know . N cents is not much money , but consider over a year period all the customers being charged sales tax om paper products which new jersey taxation states stores cannot charge sales tax on paper products . i am sure the owner or owners are aware of this law but choose to ignore it as long as the customers say nothing . convenience stores charge extra as it is because of being open most of the time i understand that but this is blatant theft . ps . i don ' t know about anyone else but i feel i pay enough taxes in rutherford they should at the very least see that the residents aren ' t being ripped off . i checked the two other stores . mini mart . and krausers same thing they are getting away with charging sales tax on paper products . it ' s being greedy \n","forrest dairy\n","om\n","new jersey\n","rutherford\n","mini mart\n","krausers\n","---\n","the best customer service i have ever experienced . the food is amazing and affordable . bartenders are awesome and the drinks are of all any variety . very continental and a true representation of nyc . you ' ' meet a lot of interesting people . definitely go and try everything ! \n","nyc\n","---\n","real italia on the upper east side ! best caffe , and even better , it is very close to the park and my niece ' s school . great baristas and food . looking forward to the wine license \n","the upper east side\n","---\n","if you ' re in the newark downtown area and want a good place to eat , reasonably priced and a great deal for your money , go the titanic restaurant and try one of their steaks . the steak will fill up the whole plate and i dare you to try to eat the whole thing . the staff will wait on you like a king or queen and you will want to come back . there is also seating in the rear for those who want to eat family style . i usually sit a t the bar so i can eat and drink . restaurant serves portuguese food which is very good , the bread is warm and the atmosphere is great . one thing , parking is tight , due to the small parking lot next to the restaurant but there is plenty of parking around the restaurant . this spot is a short walk ( N blocks ) from newark penn station and well worth trekking out to . happy eating ! \n","newark\n","the titanic restaurant\n","newark penn station\n","---\n","while i was really hoping this would be a great place to get mexican food . i was very disappointed . i grew up eating great mexican dishes so when i read these ratings i thought it would be great . i thought it would be a diamond in the rough . sad to say , it was worse than taco bell if that ' s possible . when you read things like \" authentic \" that ' s what you expect ! unfortunately there was nothing authentic about the stadium cheese sauce they put on their nachos . is fresh shredded cheese too much to ask for . is anyone tasting the food . there is absolutely no flavor . i hope something will change . i want them to be successful . i truly do . \n","---\n","i eat N meals a day out for the last N years , so i know good food . the hype on this place is incomprehensible . there is no flavor . . . . at all . i ' ve eaten here since the first week they opened approximately N-Ntimes . i ' ve also eaten at their hamilton location . same . zero flavor . both locations are consisteny . their hottest sala is mild ! ! ! ! ! ! ! ! ! ! i think they call it volcano . i ' m easy to please , so service isn ' t a deal-braker for me , but i ' ll let you decide on this aspect . i really wanted to like this place family run , small business . in all honesty , taco bell tastes better . the day they address the lack of flavor , i will eat here a minimum of N x a week . i really hate to give this review , but it ' s fair and honest . \n"]},{"output_type":"stream","name":"stderr","text":[" 46%|████▌ | 274/600 [00:11<00:10, 31.47it/s]"]},{"output_type":"stream","name":"stdout","text":["N\n","-\n","hamilton\n","---\n","finally mexican ! i ' ve been waiting for a few years and finally here it is ! the food was amazing , reminded me of that vacation in mexico ! their pork torta was great and their guacamole was fresh right on the spot . i love this place , highly recommended ! \n","mexico\n","---\n","i went to mexican mariachi last week with my friend after our class got out and we hadn ' t eaten all day so needless to say we were both very hungry . the lady at the cash register was one of the friendliest people i ' ve ever met and i had the mariachi plate and loved every bite of it . the chips and salsa you get with the meal are very homemade and unique tasting and if you ' re not careful will fill you up before you have your actual meal ! the chips were thick and the salsa was just spicy enough where it didn ' t ruin the meal for me . the tostada i had was great also . i will definitely be going back . i ' d eat here over chipotle and conveniently for me mexican mariachi is located way closer ! \n","mexican mariachi\n","chipotle\n","mexican mariachi\n","---\n","long time customer here . . . i and my coworkers come here a lot . . . we are all fans of the place . the steak quesadillas are my favorite they are not the best healthy option but are great tasting , so i keep coming back to them . others i work with like other dishes better . another good thing mariachi gives out free chips and salsa ( up to N , which is almost always enough ) as well , which is a big help if you have to wait for your order or want to diversify your order . the place is small but if you order takeout , or , come outside of the N N-N N window , you should be ok without a long wait or should have room to sit at a table . \n","mariachi\n","---\n","when i moved from california i was struggling to find a good burrito in the area . after trying some dry and tasteless ones in local bars i have finally found mariachi grill . everything they serve has a great authentic mexican flavor . my favorite rice bean and cheese burritos are exceptional . i love their homemade salsa - my favorite volcano is the most delicious i ' ve ever tried . \n","california\n","mariachi grill\n","---\n","mexican food is my favorite i ' ve been to many restaurants looking for the perfect mexican food . mexican mariachi is by far my favorite restaurant ever . i ' ve had the speedy gonzal z which i would recommend to anyone who likes steak . they always cook it to tender perfection whilst every strip of beef is meticulously selected for quality as i have never seen a piece of gristle in it from the fifty or so orders i ' ve had of it . the chicken fajitas are excellent as well . the chicken always perfectly tender and never over or under seasoned ( get the side of guac for only a dollar it will be delicious ) last but not least the tr s leches is my addiction . i order it every week as much as i can . the best dessert i have ever had hands down , two thumbs up five stars with a N out of N rating . i ' ve never tried tr s leches before i decided to give it a try and i ' m glad i ' ve found the best dessert in the world that i try to eat every day of my life . if you like mexican food or food in general check this place out ! you will not be disappointed . in fact you will probably return from the amazing quality accompanied by a more than reasonable price . p . s . the tr s leches is incredible don ' t pass it up . \n","mexican mariachi\n","---\n","we ' ve been going to mexican mariachi pretty much ever since they opened . they added a second location in hamilton last year ( their first location is in ewing ) . it ' s just excellent fresh mexican food with warm and friendly service . mariachi is family-owned and run and it shows in everything that they do , and with how well they treat their customers . their prices are more than reasonable , with big portions . the only other mexican places around that are on par with this have much higher prices ( tortugas ) . we have traveled a lot throughout mexico and central america and tend to like our food on the spicy side . so we just ask them to \" kick it up \" for us , and the staff is always happy to oblige . our absolute favorites are perhaps the fish tacos and steak tacos - they are just so fresh and tasty . the fish tacos are positively off the hook . they won ' t tell us what ' s in that special sauce of theirs but it is so good . the steak tacos are just so traditional , with good sized portions of rice and refried beans , and oh-so-yummy . \" pico de gallo \" on the tacos - this is a type of homemade salsa - a flavorful mix of fresh onion , tomato , cilantro , and lemon juice . we often get extra of this and they ' ll kick it up with some fresh chili if we like . oh yes , please ! - ) the chorizo quesadilla is awesome ! it ' s very rich and flavorful . so we ' ll often order one for the table and share it as a side dish , rather than a solo entree . the specials are usually worth a second look . even if it ' s not \" on the special \" for that day , they will usually be able to accommodate us when we want to have our \" speedy gonzales \" . i can ' t even describe it but it is darn good . the burritos are flavorful and huge - that is one big portion . we often get the pork or steak burrito but all of them are good . we usually can ' t finish these but that is ok - because this is one place where you simply must leave room for dessert . the tres leches is simply to die for . it is absolute heaven . the flan is quite good but instead we prefer to get their \" impossible \" - it ' s a \" choco-flan \" - a layer of rich chocolate cake with a layer of flan on top of it . if there is only one thing that we wish that they did have , it ' s delivery . apparently , they are working on this and we look forward to it . but . . . then we ' d miss out on seeing some of the nicest and most hospitable people in the area . \n"]},{"output_type":"stream","name":"stderr","text":[" 47%|████▋ | 282/600 [00:12<00:10, 29.40it/s]"]},{"output_type":"stream","name":"stdout","text":["mexican mariachi\n","hamilton\n","ewing\n","mariachi\n","mexico\n","central america\n","---\n","el mexicano mariachi grill es muy bueno ! me ha encantado ! i have been watching and waiting for the opening . finally today was the day ! it feels like mexico to me . limited capacity and delightful service it is a small menu that is authentic . delicious salsa , carne asada burrito , and mamas tres leches cake ! janet was visiting from mexico city to help her mom with the opening . it was apparent that diners who came in had been there before . she remembered their names . i loved it and can \" t wait to go back . . . for breakfast ! N N - update i haven ' t had breakfast yet pero ell tacos de pollo es muy delicioso ! i met ricardo and his adorable wife . . . i can ' t wait to go back ! \n","mexico\n","mexico city\n","---\n","tucked off of route N in east hanover , the market place is one of our favorite places to go to for lunch . their salads are huge . get the antipasto one if you want an incredible meal . love their sandwiches . and , even though i have never been a big fan of thin crust pizzas , i have to say the one ' s at the market place are delicious . great ambience . it is so woodsy and warm , i never want to leave . and , i have never had bad service and find the employees to always be very nice when we eat there . \n","route N\n","east hanover\n","the market place\n","the market place\n","---\n","last night my wife and i went to fernandes for dinner and after waiting about fifteen minutes we were offered a table on the second floor which we turned down because of it ' s location , smack in the middle of the salad bar and kitchen traffic ( waiters , trays , people walking by , etc . ) . we were sent back downstairs to the ma tre d and he gave us a seemingly non working contraption to hold as we sat at the bench by the front door for a while , hoping for a table . we saw other couples and groups come in and walk past us , getting seated as we waited for close to an hour . we also witnessed many leaving , where in my mind at some point we could have been seated where they had been . the ma tre d for our last fifteen minutes there , was not even at his post as we continued to wait . this ma tre d is the same person that on other occasions has thanked us and asked for us to come back to dine . i guess last night , the ma tre d forgot about having previously invited their guest back to dine -or-they were too busy to sit just us two . too busy , to please two middle aged married persons who wish to have a moment together after a long week of hard work . maybe , to the ma tre d we were the sacrifice of the evening or the two that would not be pleased , since the ma tre d did not even welcome us to sit at the bar while they prepared a table -or- at least an \" i ' m sorry you wish to leave \" . we know not to expect an immediately available table on a friday night and at a popular spot . we know to wait also , and to expect hospitality from a well priced restaurant where we ' ve patronized before and where we have been encouraged to come back . all in all , to come back for what ? when a guest is brought to the point of feeling unwelcomed . \n","fernandes\n","---\n","being a newark native , this is not the overall best portuguese restaurant in newark , but the rodizio is good . the biggest complaint about the restaurant are the servers . they ' re not as friendly as you ' d like them to be . if you can overlook snotty looks for some decent steak then this place is good for you . \n","newark\n","newark\n","---\n","i ' ve been coming here for years . . its definitely one of the best restaurants for rodizio ! also love their sangria and picadinho platter . waiters and and staff are always friendly too . love the whole ambience . \n","rodizio\n","---\n","good food , good service . i recommend the rodizio . open salad bar is also plus . \n","rodizio\n","---\n","i ' m going to hold at N-star for now but it looks like high prices are causing a drop in quality and selection . also , the boss at the front reception area should lose that scowl . after all , we are paying for the meal . the head waiter told us to order appetizer and desert , next time . this , after we had N drinks for N people and frequent the place at least once a month ! \n","N-\n","N\n","N\n","---\n","they did a great job re-building this restaurant . looks aside , the food was much the same as other good spanish portuguese restaurants in the ironbound . a plus that it ' s a liitle out of the way . the restaurant was packed and we showed up without a reservation . the wait service was friendly and the menu was extensive . a Noz shell steak with a lobster tail for N ? awesome ! try the rodizio and salad bar as well . \n"]},{"output_type":"stream","name":"stderr","text":[" 48%|████▊ | 291/600 [00:12<00:08, 34.68it/s]"]},{"output_type":"stream","name":"stdout","text":["---\n","one of my favorite places to visit when i drive to jersey for business trips . there ' s valet parking so you don ' t have to worry . they make incredible sangria and the food keeps coming . i give N N because some of the meat can be better , a little chewy . \n","jersey\n","---\n","i really like the food here and will go back . its not in such a good location in newark as the other restaurants in the ironbound i ' ve mentioned but the food is def . good . one the bright side there is a private parking lot with valet parking . the atmosphere is nice downstairs and upstairs a nice dining room with a lot of space . price is average i would say , depends on what you have . overall its a great place for portuguese food . \n","newark\n","ironbound\n","---\n","my wife and i love steak , and this place is one of the best steak restaurants around not only newark , but jersey . \n","newark\n","jersey\n","---\n","i love this place they have the best sea food - lobsters , fish and a wide variety of fish . if you are a meat lover , try the rodizio , you can eat and eat and eat but don ' t forget to check your cholesterol level . don ' t forget to try their famous sangria . the service is excellent and the prices are reasonable . one of newark ' s best . . \n","newark\n","---\n","this is one of the best restaurant that you will ever eat at . make sure you go in hungry . first off if you are trying to go on a friday or saturday night you should make a reservation because this place is always packed . once you sit down you should start of with a pitcher of sangria . it is fantastic and reasonably priced . i recommend that you get the roidzio . it truly is amazing . there are so many different kinds of meat from filet mignon wrapped in bacon to sausage to sirloin steak to veal the list goes on and on . if you are a little daring you can even try chicken hearts . the food is simply fantastic and you will leave full and enjoy every bite . just don ' t expect to take a doggy bag home because that is not allowed . if you don ' t want to go with the rodizio the menu has lots more to offer . fernades makes one of the best ny strip steaks around and their seafood dishes are also fabulous . when it comes to price fernandes is also amazing the entrees range from around N-N dollars , but in nyc these would easily cost over N . i can truly say that fernades is one of my favorite restaurants and i go home satisfied every time . \n","fernades\n","fernandes\n","nyc\n","fernades\n","---\n","great rodizio , fun atmosphere . definitely a once-in-a-blue-moon kind of place to go , great for a special occasion . the only drawback is finding the place , it ' s way off the beaten path and there was no street sign for fleming avenue . \n","rodizio\n","fleming avenue\n","---\n","saludos octavio , desde guayaquil , ecuador . . . . ingrid wiesner . \n","desde guayaquil\n","ecuador\n","---\n","i ' ve visited fernandes regularly whenever we have family celebration and this is our favorite restaurant . i love to spend my money in a place where i get good quality food , good service , great atmosphere and plenty of parkings . i get all of these qualities right here . a plus about them , is that you get plenty of food with a great taste and a reasonable price . if you ' re a good observer , you notice that the food is not frozen like many other restaurants . the meat that is fresh keeps it reddish colored and the vegetables are also fresh . there is plenty of valet parking and a security guard is at the entrance of the place which make me feel secure in the newark area . if you are a wine drinker , their wine selection is huge . i can ' t say enough about this place , let me also mentioned their rodizio if you are a meat love get a group of friends with a big appetite and don ' t let me forget to mention their tasteful sangria , omg ! ! ! . the location is not the best but it has its advantage because it ls located at the beginning of newark , close to the exit holland tunnel , parkway , or N N . great atmospheres and great service . my family favorite waiter is valentine . nice people and nice place ! ! \n"]},{"output_type":"stream","name":"stderr","text":["\r 49%|████▉ | 295/600 [00:12<00:09, 33.75it/s]"]},{"output_type":"stream","name":"stdout","text":["fernandes\n","newark\n","newark\n","---\n","this place is by far the best brazilian restaurant in the east coast i ' d say it is even better than fogo de chao of atlanta , philly , and miami , not to mention the old porcao . i had been to fernandes probably N times before i moved to atlanta and each experience had been great . the number of choices for meat , drinks , and dessert is great . food and service quality is top notch . highly recommended . \n","the east coast\n","fogo de chao\n","atlanta\n","philly\n","miami\n","porcao\n","fernandes\n","atlanta\n","---\n","best restaurant \" down neck \" period ! ! ! ! if you have not been , you must go . i work in newark and have tried them all , fernandez ii is above the rest . \n","newark\n","fernandez ii\n","---\n","i was looking for the best restaurant in new york to have a special christmas eve dinner with our friends and i found it at juni . i had the pleasure of going here on our first night in new york . the restaurant was definitely an upscale dining experience . the restaurant seating is well spaced out so it feels very intimate . the menu is a bit difficult to read , but luckily the server was good at translating into a more understandable format . the dishes ranged from excellent to truly outstanding . the restaurant clearly put in every effort to create dishes that went above and beyond in creativity and flavor . we chose the N course menu and each course was beautifully put together and tasted fantastic . my favorite was a black ball filled with potato and truffle . simple taste but beautiful and pure . also , the wine list is large and varied . needless to say , i would highly recommend this place . \n","new york\n","juni\n","new york\n","---\n","arguably most beautiful food and best prix fixe lunch in new york . downside is atmosphere can be a little stiff but the food is dazzling . a place for fine dining aficionados . steakhouse people and comfort food followers won ' t get it . \n","new york\n","---\n","last night we hosted drinks and dinner in juni ' s private dining room . attendees , who are particular and discriminating in their tastes , described the entire experience as \" spectacular , \" \" great , \" \" fabulous , \" and \" wonderful . \" working from seattle with amazing director of private dining and events , annette jordan , everything was planned to perfection in less than four days . annette is creative , accommodating , responsive , flexible , professional , and nice ! from start to finish she did everything that she could to make last night ' s experience top-notch and memorable ! i had read wonderful things about executive chef shaun hergatt and juni and i am so happy to share this great review ! \n","seattle\n","---\n","okay so i walked in after work on tuesday . i was greeted by a warm welcome and a young woman with a great sense of humor . i sat at the bar because i felt like the dining room was too formal . as i glanced the menu i asked what was good ? the woman on the door suggested N -N dishes in detail . so i took her advice . i had the toy box tomatoes and the ravioli and the peekytoe crab . out of this world . . . she even suggested drinks and helped me pick out carpet for my new apartment here in nyc . to be a first timer dining out aline she made me feel welcomed . the food , service , and drinks rocked ! chef shaun and natasha get a N stars from me for service and food . . . . do not pass up the experience ! ! ! \n","N -N\n","nyc\n","---\n","i never made it to sho , so when i read that shaun hergatt was opening a new place , i was excited . my partner and i went last thursday , N N . yes , it ' s a splurge N courses for N , N for N , and the tasting menu for N , but well worth it . the space is quiet , elegant and restrained . the decor is not perfect , but it is very nice . i very much like the menu format with the N and N course meals , you can create your own meal there are N categories cold apps , hot apps , fish , meat and dessert - with N choices each , and you can chose any of the N for each course - great flexibility . ( i use a N star rating system for each course , based on the michelin restaurant rating system ) they served N amuses a carrot tulle with goat cheese - , a corn chowder custard - , and a wild mushroom ragout ( or something ) - , all excellent - and they gave us N of each , so fortunately , ghwN ' s experience was not repeated here . summer squash - langoustine - naval orange reduction - marigold ( out of ) three well-sized langoustine in a squash puree . the meat and sauce were very delicate and lively . i think the citrus notes were a little strong , and some of the meat was just slightly soft - overcooked i think . still , quite wonderful . satur farms toy box tomatoes - bush basil - tomato gel e - blue basil flowers - my partner ' s dish - i only had a taste . we are both familiar with satur farms ' produce , and we both felt that this was tasty , but not at the level it should be - the tomatoes are the dish , and they were good , but not overwhelming with flavor like great heirlooms or satur at their best . potato fondant - black bass - flourless gnocchi - curls - truffle sabayon just fabulous . this was laid out like a village with the bass at the center . each element was great , and the combination of flavors when i took bites together was sublime . the bass was done perfectly - light but rich in flavor with succulent skin . the gnocchi were airy with explosive chive flavor , and the sabayon was transcendent . my only issue was that there were fennel buds on top of some components , and i hate fennel , but i easily took them off and put them to the side . i think their flavor was too strong for the dish anyway . purple artichokes - ravioli - sylvetta arugula - pinenuts my partner ' s dish . i have a food aversion to artichokes , but i can eat them occasionally if they are done exceptionally well , as they were here . substantial artichoke ravioli . my partner was thrilled with these and rightly so - great texture and flavor - light with a nice chewiness in the filling and a great juxtaposition between the dough and the inside . anise hyssop - grimaud duck - chef ' s garden candy beets - hibiscus jus when i took a bite of the duck , it was so rich and flavorful ( and i eat a lot of duck ) that i actually said ' wow ' out loud . juicy and rich , but firm . i was worried about the anise hyssop , but it was delicious and spicy , adding some rough texture to the creamy duck and an earthiness vegetal spiciness . the beets were ok , and the jus was like a sweet , super-concentrated gravy - divine . overall , one of the best duck dishes i have ever had . peaches and cream - cucumber - basil this was my dessert . it was a dollop of peach ice cream on a layer of basil ice , i think - with cucumber yogurt mixed with peaches underneath . to be honest , this wasn ' t my exact style of dessert , with the yogurt and vegetal aspects , but it was so complex and tasty that it won me over . so many different textures and flavors combining . frozen meringue - lemon - blueberry - sage my partner ' s dessert . wow , just wow . now this is my type of dessert . after a few bites , i told k that she better take it back or i would finish it . the richness and sweetness of the light meringue were offset by the crisp and tart of the fruit , and the herbal essence of the sage . k referred to it as a ' deconstructed pavlova ' and i think that is right on . the petite fours were black mission fig beignets - , beet tulle - , anise leaves in chocolate - , and nougat with celery salt - . the beignets were some of the best things we have eaten in the last year , and the nougat with celery salt was a crazy but brilliant combination that worked perfectly . overall , the food was delicate , complex , focused , somewhat innovative , and delicious . as you can see from my ratings , there were a number of high notes , and the mean was consistent enough to categorize it as great . the service was very good , still finding its groove in places , but our primary server ( jason , i believe ) was so good , spectacular actually , that i give the service the highest marks . the wine list is small , seasonal , and focused on solid boutique producers . i had a glass each of riesling , morgon vv , and moscato d ' asti - all very good and reasonably priced . overall , i would say that juni is a welcome addition to the top tier restaurants in nyc , and i look to going back . \n"]},{"output_type":"stream","name":"stderr","text":[" 50%|█████ | 302/600 [00:12<00:12, 23.64it/s]"]},{"output_type":"stream","name":"stdout","text":["sho\n","michelin\n","ghwN\n","satur farms\n","satur farms '\n","juni\n","nyc\n","---\n","i visited this red lobster on saturday . first the ' unlimited ' cheese biscuits were definitely limited . after the first basket , the waitress never came back to offer more which is not what red lobster advertises on t . v . i ordered flounder and i found it to be very small with no taste . the grilled vegs and broccoli were also tasteless . the ultimate feast was satisfactory according to my son . my husband ' s chicken was also very small . within N minutes of leaving red lobster my lips were tingling and i had to use a restroom . i immediately went home and was sick the rest of the night . i am allergic to shellfish so i ordered the flounder . either my reaction was from cross-contamination of flounder with shrimp or the food was not tainted . i have eaten flounder in other restaurants with no reaction whatsoever . i do not recommend this restaurant to people who are allergic to shellfish because their procedures need to be revised . i also am not sure whether my reaction was from the bad fiounder . \n","this red lobster\n","red lobster\n","---\n","been here a few times , and each time i go , i like it less . i think yesterday was the last straw . here ' s the good part about local N they have excellent , quaffable beers . hard-to-find beers that have been culled from all corners to provide a curated-beer experience . not many places can offer that in west philly . now the bad the crowd . basically what has already been said . a mixture of the smarmiest students upenn has to offer , a few neighborhood hipsters , and many , many yuppie couples talking about home remodeling . you can , however , mostly avoid this by going in the early afternoon , when it ' s a bit quieter . the food . truly awful . i ' ve worked my way through about half of the menu , and it ' s terrible , not only for a belgian-style beer spot , but even for a dive bar serving the greasiest pub food ( and trust me , that would be preferable ) . not even the fries come close . disclaimer i haven ' t had the hamburger , which some folks swear by , but if it ' s like anything else . . . yikes . the no-sample policy . here ' s one i wasn ' t aware of until yesterday . having ordered probably close to N-N beers here , i wanted to try a new one . i asked the bartender if i could try one of the pours , and she told me that they \" don ' t do samples . \" really ? here ' s a clue you ' re a place specializing in obscure artisinal microregional drinks . not everyone ' s going to know how to parse the pithy N-word descriptions into a realistic understanding of how the thing actually tastes . and you ' re expecting them to pony up N-N for aforesaid beverage ? these aren ' t beers one has to \" open , \" mind you . these are keg- or cask-pours . all i need is a N Noz . , hell , even a N Noz . sample . trust me , if i like it , i ' ll be buying N or N pints . i ' ve worked at two bars very similar to local N ' s apparent style , and sampling was a matter of business . it increased business . i ' ve also worked at high-end delis and cheese shops where we sampled N-per-pound items all the time . that ' s just what you do . it ' s a smart model . it ' s a no-brainer . what a stupid policy . i will not be returning . \n","local N\n","west philly\n","upenn\n","-\n","---\n","the food is average ( although they have quite a number of vegan options ) and the beer list is extensive , but the staff are rude , offhand and unhelpful . local N is fine if you just want to grab a quick beer but i would not recommend it for a meal . there are plenty of better places to dine in the area . \n","local N\n","---\n","i ' m sad . i hoped for better , especially after a few visits this spring . attentive staff , good beer ( heavy on heavy , especially in cold weather ) , quirky food then . it was beginning to make wphilly look like a real place to eat and drink . prices are up there a bit , and this review is based upon an establishment that is charging max dollars and should be expected to be providing very good , if not excellent , service and product . after the last visit , we ' re done . they no longer have the truly capable , beer guru bartenders during the day . i guess she ' s just a warm body to fill space . i understand just starting a shift , but when the only folks at the bar have to pointedly ask for another beer , there ' s a problem . their selection of beers is fascinating . however , unusual product needs explanation . since many of the beers available were not on the descriptive menu , and the bartender was ( see above ) , a couple of our selections weren ' t on target . at prices up to N per gallon , it ' s expected that the beer comes with good advice , some helpful hints , a little taste to help with choosing , something . current reality sound of crickets i ' m not thrilled with the menu change . . . there ' s a total lack of inspiration . . . but i didn ' t eat . maybe their falafel is garbonzo nirvana . we used to like to eat here , but the current selections won ' t bring us back to try it out . so , unless you don ' t have trolley fare , there ' s no reason to pay center city prices to get w philly treatment . i hope that they ' ll pick up the dropped ball soon and straighten this out . if not , i bet jack gillespie would love a mill creek north . \n"]},{"output_type":"stream","name":"stderr","text":["\r 51%|█████ | 305/600 [00:13<00:13, 22.49it/s]"]},{"output_type":"stream","name":"stdout","text":["wphilly\n","---\n","i was very excited to try local N when i heard about it , but sadly i had a bad experience because my group was asked to leave our table after finishing our food . first the good news the selection was phenomenal , with about N drafts plus a couple on cask . everything i tried was delicious . it was philly beer week , so perhaps they pulled out all the stops , but it seems they always keep a great line-up of drafts . although the beer was clearly the main event , the food complemented it well . it was a nice selection of pub fare , very tasty , and reasonably priced . then the bad news our server was wonderful , but the owner asked us to \" finish our drinks at the bar \" once we had finished our food . the bar was too crowded to comfortably accommodate our party of five so , in effect , the owner asked us to leave . to be fair , at least one other party was waiting for a table . but i have never before been asked to leave a restaurant or bar , and i found it to be particularly offensive in this case for the following reasons - all but one in our party did order pub fare , and we were asked to leave very soon after finishing it - all five of us were consuming and continuing to order beers ( in fact , we canceled our pending orders when asked to leave ) - it was philly beer week during an advertised beer event - the menu begins with and is dominated by beer , not food - local N advertises itself as a \" beer bar , \" not a restaurant ( website , localNbeerbar . com , says \" local N is a neighborhood beer joint . \" ) because of the clear focus on beer , i was most surprised and disappointed to find that the owner will only allow a table to be used during such time as its occupants are ordering or consuming the pub fare . the bottom line local N has a wonderful concept , but i was both frustrated and disappointed by my experience there . it seems like a great place to enjoy good company and potables , and the beer is fantastic , but if i can have a table only at the risk of being ejected when the next party shows up , then i ' ll choose to take my business elsewhere . \n","local N\n","localNbeerbar\n","local N\n","local N\n","---\n","good service and good beer on tap . i wouldn ' t come here for food though it seems a bit too hipster for my liking . nice little place in west philly . plus the bottle shop is ridiculous , impeccable selection of bottles and a knowledgeable staff to boot . if bottle bar east is out of your way , definitely make the effort to come to this place . latest visit N N \n","west philly\n","bottle bar east\n","---\n","grabbed a bunch of my beer minded lady friends and headed over to local N . this place is definitely a great \" neighborhood bar \" that offers a little something more . we made ourselves comfortable at the corner of the bar . cas was quick to bring menus and help us out . dude knows his beer . was nice but not overly friendly . we ordered the brussel sprouts- banging ! the popcorn was delicious ) also had hushpuppies and onion rings- fried goodness ! was pleased they had vegan options on the menu too ! an interesting and diverse crowd . i ' ll go back . \n","local N\n","cas\n","---\n","if you are a west philly resident , then its either local N or dock street for decent beer . in either case , i am happy to partake . local N has a fine beer selection i appreciate the medium sized menu as much more would be a distraction . there is indeed a happy hour and the regular prices are reasonable for a beer snob place . the food is fine , though the menu changes on a regular basis and things you like can disappear . i would say its on a par with the other brew-pubs , especially if you are a vegetarian . the abience is really quite nice . staff seem long term , so you can get familiar with them if you go in fairly often . the decor isjust decor , though the bar seems more comfortable than the dining area . it can get noisy , but not overwhelmingly so . the clientele runs the gamut . obviously a lot of penn related folks come in , but they seem to be employees and grad students . i think they can make improvements , such as settling on a centerpice for the menu , adding a foot rail , or even learning how to turn on closed captioning on the tv when its loud . at this point , i look forward to going there a few times a week . \n","local N\n","dock street\n","local N\n","penn\n","---\n","pretty good for west philly . doesn ' t compare to any of the fishtown nolibs places , but it ' s cool . the menu is a little heavy on the fried stuff . the beer selection is trying a little too hard . they should get at least one solid pale ale brown ale and keep it on draft all the time . \n","west philly\n","fishtown nolibs\n","---\n","has been great , but such a disappointing recent menu change ! i live right across the street from local N , and it has been a struggle not to eat and drink there more than once a week . the beer list is great and constantly changing , and the pub-menu has featured some really delicious items . i generally don ' t eat meat , and i have ( had ) been very well served by their vegetarian items - particularly the delicious vegan frito pie . i thought frito pie was a texas thing , and i missed it greatly . basically it ' s just chili on top of fritos , but local N steps ( stepped ) it up with their wonderful multi-bean and chickpea chili and really good vegan sour cream . their tofu tacos are ( were ) also fantastic as well . but . my wife and i went last night , and - disaster . no more frito pie , no more tofu tacos , no more spinach croquettes . the frito pie was replaced with a big bowl of wet mushrooms ( \" mushroom stew \" ) which was gross looking , and i guess the tacos were replaced by a falafel sandwhich , which couldn ' t have been blander . bland bland bland , and also bad and stupid . ugh . please bring back frito pie and tofu tacos . or , for the love of god , decrease the mushroomcentricity of the vegetarian options . \n"]},{"output_type":"stream","name":"stderr","text":[" 52%|█████▏ | 312/600 [00:13<00:13, 21.93it/s]"]},{"output_type":"stream","name":"stdout","text":["local N\n","local N\n","---\n","when we are stuck and trying to decide upon where to venture out to , we talk in circles , but always end up saying \" let ' s just go to the local N . \" i always know it ' s going to be a good time . it ' s conveniently located in spruce hill university city , and is always buzzing with a lively crowd . i love their vast selection of beer . reasonable prices on booze and food . although , food service tends to be a bit slow ( probably because it ' s always packed ! ) and , they have quizzo on sundays . . . which i am always a fan of . \n","spruce hill\n","---\n","i really love this place , its a comfortly small bar . the wide selection of local beer is really impressive . it is really hard to find a good place to eat and get a beer in west philly . the owners are very nice and make you feel like you are walking into their house . the only downside of the place is that when there are a lot of people the place can get very loud . \n","west philly\n","---\n","if i had my druthers , i ' d give this place N . N stars , but i don ' t , so i decided to give them the benefit of the doubt and round up . if i ' d written this review after my first visit , it would have been an enthusiastic N stars , but last night ' s visit was definitely a N star experience . first , the beer . i ' ve tried N beers at local N that i ' ve never had anywhere else , and all but one of them were spectacular . st . bernardus didn ' t do it for me , but allagash white , franziskaner dunkel weisse , hennepin , and the others were all exceptional . the cask beers are delicious . i disagree with many of the other reviewers who ' ve claimed that the beer is overpriced . N . N-N . N is perfectly reasonable in the city for good beer . there are a lot of places nearby where you would pay N for a lager . i come from amherst , ma , home of the moan and dove , an exceptional beer bar with hundreds of beers on tap or in bottles . comparing local N to the moan and dove was the only thing that kept me from giving local five stars . i hope they continue to expand their already large beer list . moving into the bottled realm is not a bad thing ( their website says they ' ve added a bottled beer , though i don ' t think i saw it on the menu last night ) . to add to my comment above about beer prices , i checked out the moan and dove ' s online menu to see what they charge , and as far as i can tell local N charges the same or just slightly more than a rural bar in a small town . that ' s not a bad deal , at all . i do think the food is moderately overpriced , but what i ' ve had has been very well done . the blt was messy and cumbersome , but very tasty . my friend gave high marks to his cuban . the fish tacos are great , and my girlfriend ' s chili was perfect . i would like to see the entire menu brought down a dollar or so , but i ' m going to be going there mostly for the beer anyway . reviewers giving low marks because the place was crowded need a reality check . it ' s been open for less than three weeks . the entire west philly crowd has descended upon it regularly , and it sounds like people are coming from all over philly to check it out . it ' ll calm down in a month or two , and they ' ve got enough space in there to keep it from being too crowded on non-peak times . the thing that almost brought down my rating after my more recent visit was the service . the first time i went i sat at a half-full bar and had a very enjoyable bartender waitress , who didn ' t seem super knowledgeable about the beer but at least had enthusiastic and accurate recommendations . on the second visit , we were seated and served quickly , which was great , but as soon as we put the last bites in our mouths our plates were gone and the check was on the table . no big deal , people were waiting . we thought we ' d at least sit until the women finished their beers , but before they got a chance the waiter was leaning over us , collecting every last thing he could grab from our table . we took what was obviously a clear hint , the girls chugged their beers , and we left . if we ' d stayed at our table , we would have ordered another round , but there was no where at or around the bar for four people to get comfortable . i ' m hoping this is the kind of thing that will cease when the crowds die down , but for now i probably won ' t go back to eat . high hopes for you , local N , though it looks like there are some wrinkles to iron out . i ' ll be back . \n","local N\n","amherst\n","the moan and dove\n","local N\n","the moan and dove\n","local\n","the moan and dove '\n","local N\n","---\n","attention other bars go here , check out the beer list , the service and atmosphere . then go back to your bars and correct accordingly ( i ' m talking to you dock street . good pub fair ( this is not a gastropub ) - mini corndogs , great burger , and seriously try the chicken french toast . great revolving beer list . tell your server what kind of beer you like and she ' ll make a recommendation . it ' s a wonderful way to navigate the long beer list . fast friendly , service . get that ? fast friendly , service . there , i said it twice . i mean it . i don ' t need a hug when i order wings and an ipa , but a smile and a \" no , prob , i ' ll be right back with that \" sure help . they get busy . they get reeeeeaaaalllly busy . but if you can handle the crowd you ' ll be okay . if not , go right after work . its dead for about and hour and you wont have to alligator wrestle someone for a table . \n"]},{"output_type":"stream","name":"stderr","text":[" 53%|█████▎ | 318/600 [00:13<00:12, 23.29it/s]"]},{"output_type":"stream","name":"stdout","text":["---\n","let me start off by saying that i made this yelp account because i felt that everyone needed to know about how great this place is ! came in here a little while ago and had one of the best experiences i ' ve ever had at a bar . i am new to the city and i had heard about local N from some new friends who live in west philly . they ' re all vegetarians and vegans and swear by this place , but i figured i ' d give their carnivore options a go . anyway , i stopped in for lunch and grabbed a seat at the bar . what a great list of beers ! ! the awesome bartender , sara , was able to point me in the right direction with some delicious recommendations . she really knows her stuff and made me feel welcome . i ordered the burger with bacon . this thing was insanely juicy and cooked to perfection . house made pickle ? yes , please . the fries were seasoned just right . all around an amazing experience . i ' ll be back soon ! \n","yelp\n","local N\n","west philly\n","---\n","i went to local N last night for the first time , and the bartender was awesome . i ' m sure this isn ' t all i ' m supposed to say . i ' m sure i should also tell you that the ambiance was nice , it was busy but not too loud , we got a table for two by the bar with no wait at N N on a wednesday , the food and beer were both great , and the location is convenient to transit and parking . sure , fine . but the bartender was really great . he was one of those bartenders who seems to always know the second your eye lifts toward the bar . he was solicitous , helpful , and knowledgable . he recommended the perfect beer , and was patient and relaxed in his service over about four hours . the second we even thought we might want food , he was there , but he was never overbearing . and this might seem small , but i asked for water with lemon , and he refilled my water three more times over the course of the night , and every single time he remembered that i wanted lemon , and he dropped a fresh slice in for me . it was really , really great service . so go here ! and tip your bartender well . seriously . he ' s a gem . \n","local N\n","N N\n","---\n","one of the bars that make philly the best beer city . unpretentious , curated list , friendly bartenders and servers . the food that comes out is exactly how it is described . neat bottle shop next door that has a wonderful decor and dedicated staff . i typically hate the stoner type set , but the guys that are working there know there stuff and are as friendly as can be . perfect west philly spot without the bleeding heart liberal agenda that typically goes with this neighborhood . \n","philly\n","---\n","i heard many good things about this place , so i had no choice but to check it out ! i wish i could give it more than five stars ! beer incredible list . i love a place that gives me a handful of draft ipas to choose from . the wife prefers belgians . she managed to find one of her favorite trappist ales from belgium available ( i should add that it was one of around N belgian beers they have ) . they have everything , ranging from bud draft to a N bottle belgian . crazy beer - lives up to the name \" tap room \" . food - amazing amazing amazing . we got the fried green tomato appetizer . it was exactly what a perfect fgt should be , with the addition of a homemade black bean sauce that was to die for . for main course , we got the smoked coconut club and asparagus mac and cheese . both were incredible . the club is totally original , and the flavor can ' t be compared to anything it stands on its own as one of the tastiest sandwiches i ' ve ever had . fried tofu , smoked marinated coconut , homemade tomato dijon mayo . . . it was perfect and had such a distinct and smoky good flavor . the mac and cheese packed a wonderful roasted asparagus flavor , and used high quality cheese ( not too much oil in this dish ) . it was topped with a homemade pesto that was great . service - we got their early , and they opened about N minutes early to accommodate . the waitress was always prompt with drink orders , and the food was fresh and quick . overall - i can ' t say enough . we thought we were lost when we drove down cumberland street the sign for the taproom is rusty and hard to read . you think you may be in the wrong spot . . . but oh my what a surprise waits inside . i am by no means a vegetarian , but we avoided the meat offerings here because the veggie opportunities looked so inviting . i have to say that not only was this the absolute best vegetarian meal i ' ve ever eaten , this is one of the best meals i ' ve eaten period . i will absolutely drive out of my way in the future to come back - incredible place to eat and drink . i can ' t wait to check out it ' s sister bar ! ! \n","belgium\n","cumberland street\n","sister bar\n","---\n","i like this place . i still give it N stars , but if it is being held in direct comparison to its sister restaurants ( resurrection and memphis ) then it gets N . N stars , because i simply like those places better . N stars is how it compares to restaurants in general . still the food is great and the beer selections are great . the biggest drawback is that it can be very crowded with penn undergrads during the school year . other than that , excellent place ! \n","resurrection\n","memphis\n","penn\n","---\n","ordered montclair blue burger , bacon cheese burger , and a blt . added fries to the burgers . compared to elevation burger , smash burger , or zin burger i would put this burger at the back of the pack in terms of taste . when you add a price tag of N for this take out order i don ' t see us going back . i know grass fed is supposed to a big deal but at the end of the day it ' s still red meat . nobody ever says that antibiotic fed cows will kill you although it seems to be implied , and therefore justifies N . N for a burger . there is likely a market for high end burgers in montclair , i just happen to not fit that mold . if i am going to pay that much for a burger , i personally would prefer a real sit down experience ( stuffed has very limited seating ) at any of the previously mentioned establishments . \n"]},{"output_type":"stream","name":"stderr","text":[" 54%|█████▍ | 326/600 [00:13<00:09, 27.44it/s]"]},{"output_type":"stream","name":"stdout","text":["montclair\n","montclair\n","stuffed\n","---\n","stopped in on N N to try the burgers with N of my business buddies as i had seen a review in a local restaurant blog earlier that day . the review was spot on . we ordered the bacon jam burger , montclair blue cheese and bacon cheeseburger . all were freshly prepared and served with fries . i suggest you kick it up and go for an order of the bacon jam fries as they are outstanding ! while dining we had the opportunity to chat with the owners for a while . some really great people with a passion for creating and serving delicious \" stuffed \" burgers ! \n","N N\n","---\n","stuffed is an all around great restaurant . a local family owns and manages this restaurant and i experienced that this week . the food is absolutely outstanding , the service is genuine and the atmosphere is clean and refreshing . i am from baltimore and heard about stuffed through a friend so i figured i would try it . stuffed more than exceeded my expectations and highly recommend you give it a try ! ! ! \n","stuffed\n","baltimore\n","stuffed\n","stuffed\n","---\n","this place is awesome ! definitely beats down elevation and smash . this place is totally worth the price if you want to enjoy the best burger in montclair . the bacon jam fries are off the hizzle dizzle and the stuffed burgers are delicious . . not to mention the burgers come from grass fed cows ! excellent service with excellent food deserves N stars ! \n","montclair\n","---\n","i have been enjoying the food here for several years . they have delivery but i usually go in because i enjoy chatting with the owner and his family who work alongside him . i ' ve no where near got to sample the whole menu . . . it ' s so vast combined with egg roll express . . . which i also enjoy . my daughter i -- sushi my son -- lo mein . yesterday , i had the peppered tuna tataki appetizer . it was N stars ! i hadn ' t ordered it before and was nervous with all the wasabi mustard it would be too spicy . but it was perfect . and the other wonderful thing was while i waited a few minutes i got to meet the owner ' s N year old grandson . what a charmer ! and it brought me back to my own childhood spending time in my grandfather ' s steak house restaurant . different cuisines , different d cor . . . . special memories across generations . in fact all along park road west hartford , are family run businesses . and i like that . \n","park road west\n","---\n","went here when i worked at national starch and had no idea where i was . now i live here N years and go about N nights a week . great food in pub . same as upstairs . love upstairs . just a bit expensive when you have the kids in tow . pub is small but always has great music weekends . very slow service outside on patio . great idea , just need to have a manager out there watching tables . noticed you added staff outside but still is a N to N hour dinner . not good for kids or quick paced life . pub , needs more servers . food is fresh , hot and always good . cleaning necessary in restrooms and updating . but i do enjoy there . \n","national starch\n","pub\n","pub\n","---\n","great service , good food , good price ! you can ' t go wrong here , especially when you are lucky enough to sit outside and have one of their many selections of beer on tap . it is also super kid friendly . i have been to germany so many times , and it reminds me of their beer gardens ! \n","germany\n","---\n","this place is one of the best restaurants in nj , especially if you want some real german swiss food . i drive almost N hour each way to get there and back . oh how i wish they were closer . love love love this place . poor mark from hillsborough . keep going to mcdonalds mark . food is reasonable and so so good . if you are into chinese or sushi this is not your place . the pub is a pub you can ' t expect fine dining in a pub . i am not an outdoor diner so i can not comment on that . i can say , the meals at phesants landing is as fine a meal as you will find in the hillsborough area . i can assure you of that . as for drinks one of the best cosmopolitans i have ever had and they don ' t rip you off for a glass of wine . do not miss going to this restaurant . if you have not been there it is well worth the trip . i am not related to or part owner of phesants landing . i wish i were . paulette d union county \n","nj\n","hillsborough\n","mcdonalds mark\n","phesants landing\n","hillsborough\n","phesants landing\n","paulette d\n","---\n"]},{"output_type":"stream","name":"stderr","text":["\r 55%|█████▍ | 329/600 [00:14<00:09, 27.13it/s]"]},{"output_type":"stream","name":"stdout","text":["love this place . pheasant ' s landing is the perfect balance between casual and formal dining . you can show up in jeans or formal wear without feeling a bit out of place . the bar upstairs is intimate enough to enjoy a couple drinks before or after the meal . i recommend before because the desserts are delicious ! i have been to the restaurant , the upstairs bar and downstairs bar many times and have enjoyed them all for their individual character . i have also held a party in the attached facility . our party guests still remark about the food and service . if you do try pheasant ' s landing there are a few musts . . . --you must have a drink with the elderly irish ? bartender upstairs --you must order the greek salad , it ' s delicious ! --you must enjoy one of the delicious , delicious entrees --you must save room for dessert i also recommend you try one of the after dinner coffees . it is so nice that pheasant ' s landing features seasonal specialties . the menu never gets old ! bravo ! ! ! \n","pheasant ' s\n","pheasant ' s\n","---\n","almost N year ago , my husband and i held our wedding reception here . we heard nothing but raves about the food and warm cozy atmosphere . the wait staff was wonderful and heinz the owner and his son michael catered to all our needs . they treat you like family there and we couldn ' t have asked for a better experience . did i mention the food ? we have enjoyed valetine ' s day and other occassions at pheasants landing and always pleased . it ' s just delicious ! ! ! ! ! ! ! ! ! ! ! ! \n","pheasants landing\n","---\n"," \" excellent restaurant \" we are new to somerset county so we decided to visit pheasant ' s landing . an absolutely great find ! our waitress diane was absolutely delightful , professional and knowledgeable ! we shared the colossal shrimp cocktail and it was delicious . three giant perfectly cooked shrimp with delicious cocktail sauce . my husband followed with the sauerbraten , which he said was better than any that he has had in his numerous trips to munich . it was accompanied with amazing spaetzel and red cabbage ! at the suggestion of diane , i had the flounder stuffed with crabmeat on a bed of gingered spinach which was also delicious ! since our entrees were so terrific , we had to indulge in dessert and it did not disappoint . . . . wonderful warm apple strudel and a chocolate caramel nut tart ! perfect end to a great meal ! we definitely will be back to pheasant ' s landing very soon ! \n","somerset county\n","pheasant ' s landing\n","munich\n","---\n","if i could give this N stars i would . this place is absolutely terrible . i ' ve been there twice and had horrible meals and bad service both times . the first time my boyfriend and i went there we ordered off of the regular menu and the pasta he got looked and tasted like it was out of a can and my meal was just mediocre . i don ' t even remember what i ordered because it made no impression on me . we thought we ordered off the wrong menu so the second time we ate at slate we tried the bar menu . since we didn ' t order alcohol with our burgers the waitress only checked on us once the whole time we were there . she didn ' t even bother to refill our water and sodas . this wouldn ' t be that big of an issue but the table next to us who ordered drinks got great service and they looked like they were having a pretty good time . i couldn ' t even finish my burger because the meat was dry and the bun was soggy . on top of everything it isn ' t cheap either ! bad ! bad ! bad ! this place shouldn ' t be in business . \n","slate\n","---\n","this is easily the worst restaurant in philadelphia . there was one waiter for the entire restaurant . he was distracted and had no idea what was going on . we waited N . N hours for our food , which was beyond mediocre . then he puts an N gratuity on a party of N , saying that it is their policy . it ' s my policy never to go back to awful restaurants , and it should be yours never to visit slate . slate should enjoy a speedy burial next to other comparable culinary disasters , such as midtown iv . \n","philadelphia\n","slate\n","slate\n","midtown iv\n","---\n","i went with a friend on a friday night . the atmosphere and decor were nice and luckily it was not crowded . we ordered the ginger pomergranate mojito and spiced pear martini . while the ginger pomergranate mojito was a nice fruity concoction , i didn ' t taste very much ginger . the spiced pear martini was very good and also pretty strong . our entrees were good ( salmon and duck ) , however , i know of other places that prepare both better for the same price . the desserts were mediocre ( bread pudding and creme brulee ) . i tried slate since i had a living social deal . while the food is decent , i probably would not go back . \n"]},{"output_type":"stream","name":"stderr","text":[" 56%|█████▌ | 335/600 [00:14<00:09, 27.02it/s]"]},{"output_type":"stream","name":"stdout","text":["slate\n","---\n","this restaurant bar is a bit hard to find in rittenhouse but it ' s a great spot to getaway from the usual hustle of chestnut street . i stopped in a few weeks ago and had the slate burger ! holy hell that burger is amazing . it ranks up there w the village whiskey and good dog . the owner was very nice and accommodating and i will be sure to be back . the bar is very well presented and i am really into the whiskey collection- both bourbon and whiskey are probably one of his biggest sellers . anyhow- i will be back and with some friends . . . cheers man ! keep it going ! \n","rittenhouse\n","chestnut street\n","---\n","i love this place ! every time i visit slate it just gets better and better . i always have an old fashion - it is the best in the city , make that my entire life . the burger was perfection . the owner and all staff are fabulous . this is my go to place when i have friends visiting philadelphia . \n","slate\n","philadelphia\n","---\n","i am a jefferson employee and like to get out of the office and have lunch at least N times a week . i was on my way to fuel and came across this burger place and figured that i would give it a try . the atmosphere is very trendy really clean and nice lighting fixtures . the staff seamed nice although i did think it was strange that there was no woman working there ? . . . . i ordered the guadalupe burger it was very tasty . when i went to the counter to order the person asked me if i want to order fries . i then realized that the burger was N . N with a N discount wow ! that ' s high . the clerk was interrupted by another guy that i later figured out was one of the owners super pale kid with large eyes . he explained that when i saw what i was getting that it would not seem expense . i told him that i will just have the burger with that he continued to push french fries and told me that if i want \" wendy ' s \" food i could go for wendy ' s prices . since i order a turkey burger and do not eat red meat he should have paid more attention to the detail of my order never the less i told him it really does not matter please just give me the burger and i will be on my way . he continue that it does matter and that he ' s sick of reading on yelp that the prices are too high and that people need to understand what they are getting . with that i politely told him that i am on my lunch break and frankly he was beyond annoying me . let ' s just say i will not be back . when someone says they do not want fries and then you have to explain why you do not want fries and listen to their bs and validation about yelp comments . also maybe as an owner you could work side by side instead of sitting at the counter asking customers random questions and then mistaking them for other people that you handed fries out to earlier in the day - so not personal . it was like a bad used car salesman . i give this place N N mths tops ! \n","jefferson\n","wendy\n","yelp\n","---\n","i ate here the other day while on a business trip with a few partners ( we have various real estate investments in the philadelphia area ) . i must say , the food was beyond amazing and the friendly staff complimented the outstanding atmosphere . being a bit of a foodie i always enjoy the innovativeness of menus , and bareburger ' s was one of the best ! offering types of meat one might never see on a menu left my mouth watering before even ordering . opting for the el matador burger with a side of fries and onion rings i was more than satisfied ! will definitely return next time i am in pa on a business trip ! N stars a few more ) \n","philadelphia\n","bareburger ' s\n","pa\n","---\n","was walking by and noticed them open for business but i was by myself and wasn ' t really in the mood to eat alone so i made plans with my girlfriend to come here during the weekend . we arrive around Npm on a saturday and it was packed but we were greeted right away and luckily we got a table the moment we walked in . our server ron was awesome ! ! he gave us a breakdown right away and described everything properly ! i got the grindhouse with the elk and it was so good ! my girlfriend got the hudson salad and she loved it . we shared a fries and onion ring combo and i loved the sauces that came with it ! i highly recommend the special sauce ! ! ! ! we were too full to get desert but i will def get the flourless chocolate cake . it was so good i came in N days later during the week adn got the lunch special with the standard , french fries and draft soda . it was only N . N before taxes ! what a great deal with such good burgers ! i highly recommend this place to anyone who wants a good burger ! \n","adn\n","---\n","i ate here on sunday evening , and i was very satisfied . the food was excellent - tasty , hot , and very creative . the wait staff was efficient and engaging . food was delivered in a timely manner . i went here with friends who wanted burgers . two of us are vegetarians , and i was a little leery of a place called bareburger . there were several choices for us . i had the a sweet potato and wild rice \" burger \" wrapped in steamed collard greens . we ordered a small plate of pickles and slaws . the pickles were out of this world - fresh , crisp , a N year old recipe . we also got a small plate of onion rings and sweet potato fries . the rings were excellent , and the fries were crisp and tasty . i will return and bring friends . \n"]},{"output_type":"stream","name":"stderr","text":[" 57%|█████▋ | 342/600 [00:14<00:08, 30.76it/s]"]},{"output_type":"stream","name":"stdout","text":["bareburger\n","---\n","really good taco spot on st . mark ' s ! went with a N friends after happy hour . each taco came with a good portion of meat and fresh cut veggies , that included corn and tomatoes . they have really good sauces-coconut masala , chipotle mayo , hickory bourbon bbq , and habanero jerk . the two tacos i tried were chorizo and pork . the chorizo was spicy and the pork was tender sweet . . very good and will return ! cheap beers under N \n","---\n","hands down best chicken burrito in new york . i ' ve been eating maybe N-N a week for the past year and i think it ' s time for a review . these guys have earned it ! hickory smoked bbq sauce from here is my obsession ! \n","new york\n","---\n","while i was visiting my daughter and son-in-law in new york city , they took me to one of their favorite lunch spots - five tacos , on st . marks place . i was impressed ! this is a real find in the city . the tacos were really delicious . i do like mexican food , but too often it can be greasy and heavy , this food has a wonderful fresh , clean , light taste . i like the open kitchen , where you can see what ' s being prepared . they ' ll even give you a sample to help you decide . it ' s a cozy spot and what also impressed me was how clean everything was ! when we were there , they were whipping up a fresh batch of guacamole - amazing ! the owner was very friendly and accommodating . and to top it all , the prices can ' t be beat ! definitely a place to try for great tacos on a budget ! \n","new york city\n","five tacos\n","st . marks\n","---\n","ms . pervert and i went by yesterday and were totally blown away . some quick thoughts - everything was fresh and tasty . - everyone was super-nice and happy to answer questions . - as close to west coast food as i ' ve come in nyc . - very filling without going overboard . - simple and fast . - thankfully , there ' s nothing pretentious about this place - are you listening rest of the east village ? \n","west coast\n","nyc\n","the east village\n","---\n","sat at the bar for dinner . tried the wings , pork belly , tapioca cake . the wings tasted only of overused grease . the pork belly dish was just pork belly submerged in soy sauce . rice is an extra charge here . the tapioca cake was hard and fairly tasteless . the sticky rice was not sticky rice . i have been to thailand and have eaten many different dishes while there from restaurants , roadside stalls and in remote villages out in the jungle . none of the food i saw at pok pok ny was like the food i have seen in thailand . sorry to say that the food at pok pok ny was not good . the bartenders were not the friendliest people either . the cocktails i tried were okay , but not great . \n","thailand\n","pok pok ny\n","thailand\n","pok pok ny\n","---\n","i feel sad writing this review - the food is very good , being real thai food rather than that overly sweetened american version , but the new space is not very pleasant and the service is impersonal and lackluster . the overall feeling is one of being shuttled in and out of port authority at rush hour by a crew of harried traffic cops with walkie talkies . even so , i wouldn ' t mind any of this if the pricing was ' t so offensive . portions are small , prices are high . this is meant to be honest , unpretentious food from southeast asia , and pok pok has the plastic plates and tablecloths to prove it . it also has small N entrees . i ' ll be at ayada next time . \n","port authority\n","southeast asia\n","pok pok\n","ayada\n","---\n","i ' m writing this review after about N or so visits to pok pok ( i live in the neighborhood ) . the first several times i was floored by the flavors and how interesting and authentic the dishes were . and the atmosphere was fun , service good . waiting never an issue , as i would put in my name and then wait at my place for a call . the last few times i have come to rethink my affection for this place , especially when i get the check . the restaurant is starting to seem more and more like a processing plant . you get shepherded to the most ridiculously undersized , cramped tables , elbow-to-elbow with annoying hipsters wearing tank tops so their underarm hair is in your face while you eat . the expeditors ( hosts ? ) wear doofy little headsets like they ' re coordinating the moon landing or something . at first the service is really good , but then you realize it ' s because they want you to order , eat , and get the hell out so they can fill the table again . i get it , you ' re a business trying to generate revenue , but when i ' m paying N for dinner i don ' t want to feel like i ' m at some deli or fast food place . the last time i went on a saturday at N , which was a huge mistake because like nyc cabs , these guys do a shift change , and the service vanishes . and really do the prices really need to be so sky-high for everything ? you can ' t even get a draft beer for less than N , which for this neighborhood is too high . if the service improved and the prices were reduced ( ha , yeah right ) , this would be an easy N stars . \n"]},{"output_type":"stream","name":"stderr","text":[" 58%|█████▊ | 351/600 [00:14<00:07, 31.23it/s]"]},{"output_type":"stream","name":"stdout","text":["pok pok\n","N\n","N\n","nyc\n","---\n","i had an encounter with the original owner N years prior for taking ketchup packets from my take out bag because i used the ketchup bottle on the table for my fries . his statement was \" well i guess you don ' t need these packets if your using my bottle \" i was angered by it and shouted . he shouted back telling me to \" take my black ass out of his diner \" this happened N years prior when i was N , now N i took my wife and bi-racial kids to the diner after a viewing at the peabody museum for lunch since its the nearest diner . i didn ' t forget my past experience but figured the older guy owner must be gone and things just have to be better . big no . upon entering the diner the older white haired lady greeted me but once she saw my wife and children it was nothing but frowns and stares in our direction . my wife asked me why did she look at her that way and i just brushed it off as nothing . as we ordered the white haired woman was speaking to a staff member \" saying times have changed and she hasn ' t gotten use to the mixing of people \" now at this point i walked up and demanded the bill . i tipped our waiter N on top of the bill . my wife asked me to sit down at our table just so our daughter could finish her oatmeal . while sitting there the older woman asked a waiter if the table of N left her a tip . when the waiter replied no they didn ' t , this woman speaking loudly expressed that the people should have left a tip and it must be because of were they are from . all N were black . now totally disgusted i asked the waiter what was the amount of there bill ? while asking her this the white haired woman asked me what do i care what there bill was and if i knew them . the waiter replied to me and said about N . N . i tipped for that table as well . me and my family left and will never return there as long as it stands ! \n","the peabody museum\n","N\n","---\n","poor customer service , i lived in new haven for N years and i never experience poor customer service in any restaurant , expect coby ' s dinner . the food is cook properly , but the service sucks ! i waited N minutes for a check . \n","new haven\n","---\n","when i visited this business i fell in love with the atmosphere . i ' ve worked in busy places like mcdonald ' s where you have all types of people and personalities in and out . but i could eat here and enjoy my food with the place always filled to capacity proving the quality of the food and the reputation of the diner . the staff is friendly and they were quick about taking my order and also bringing out my meal in a decent time frame plus the food was good and fresh so you definately get your money ' s worth ! i send my friends here and the late-hours is grN for when you are coming from the club and looking for a late night bite to eat . it ' s convenient that this diner is walking distance from downtown and other places . . . \n","mcdonald ' s\n","---\n","i have used rotondo ' s catering for many events , parties and holidays . everything is always delicious ! i personally recommend the eggplant parm , it ' s wonderful ! this family business is definitely a favorite of my family ' s . love this place ! \n","rotondo '\n","---\n","rotondo ' s is the place to go to get prepared sandwiches . there are many different sandwiches to choose from , they ' re prepared fast and i ' ve never had one that wasn ' t delicious ! also , other prepared foods i ' ve tasted are good and easy to grab for a quick dinner . the employees are always friendly and willing to help with whatever you may need . rotondo ' s is my favorite place in town to stop for lunch ! \n","rotondo ' s\n","rotondo ' s\n","---\n","this place used to be our favorite until it ' s recently fell into a decline . the attitude is horrid . last time we were sternly told that we could not sit at the table we ' ve sat as that was spared for N people . it was laughable as the two twosome tables were opposed and could easily be detached . besides it was N Npm and N of all other bar tables were empty . riposo was elevated to a fine restaurant not a bar anymore although all they offer is bar setting and bar food . unacceptably arrogant for a place of mediocre food and wine . . . cheap attitude comes with not so heap menu . but , thanks to the attitude we discovered sambuca wine bar next door which is a few levels up with similar prices , better food , civilized treatment \n","N\n","riposo\n","sambuca wine bar\n","---\n","terrible service unfortunately . i am confident the evening could have gone differently , but our server had a bad attitude from the time we sat down , and it escalated from there . we left after N minutes . there is no reason why , in a city like nyc , one must ever subject themselves to terrible service . there are too many excellent options out there . riposo N , however , is not one of them . \n"]},{"output_type":"stream","name":"stderr","text":["\r 59%|█████▉ | 355/600 [00:14<00:07, 31.40it/s]"]},{"output_type":"stream","name":"stdout","text":["nyc\n","riposo N\n","---\n","i walked in to this place yesterday to have a nice glass of wine with a group of my girlfriends and the first thing i see is a mouse scurrying across the floor . i ran outside , horrified . needless to say , we didn ' t get our drink there , but my girlfriend convinced me to go back in and mention it to the waitress so she wasn ' t surprised when if she saw it or didn ' t have to deal with an angry customer . i snuck back in , ready to dash out at any sign of movement , and told her what i had seen . she said they have had repeated problems and have tried to exterminate many times to no avail ! i signed up on yelp just for this purpose because i just thought people should know that the waitress admitted to me that they have a severe vermin infestation problem . gross ! \n","yelp\n","---\n","i used to go here all the time before lincoln center concerts . last time they were really snooty . the place was almost empty at N pm when we arrived and wanted to sit at our usual table . they had pushed it together with the adjoining table ( btw table is too strong a word , these are shelves and stools really as they crowd them in ) and said that it had to be for a party of N only . if the place had any customers in it i might understand the attitude , but this was just silly . we went to luce nearby , and had a much better experience . no more riposo for me , even though i did like their food . oh , and the prices went up too . \n","lincoln center\n","luce\n","---\n","despite some pretty constant changes in management and wine list , this place never disappoints . the food has remained consistent across three or four managers in the last year , and even as the wine list and availability is changing , there is always something new and interesting to taste . ian the bartender is one of the best things about the upper west side , and it is a great treat to be able to occasionally watch some major sports event without having to stand in a crowded bar drinking beer . ( love my beer and college football , but sometimes it ' s just not what you ' re in the mood for , ya know ? ) my husband and i particularly love the \" salad pizza \" or vegetarian flatbread if you want to get technical , and the option to add perfectly cooked flank steak to most options is great ! \n","the upper west side\n","---\n","riposo N is a great little inexpensive pizza oriented wine bar in the neighborhood . it has always gotten a good crowd but has been getting even better recently since jennifer klein ' s wine roses , a couple of blocks away was inexplicably taken over by amateur investors with new inexperienced management and a severely downgraded food menu . jennifer ' s entire staff of N walked out in support of jennifer leaving nothing the same of the once classy establishment except for the four walls . oh , yeah , did i mention riposo ' s pizza is flat and crusty , and they serve some high end liquor ? yummy for an early snack . \n","riposo N\n","N\n","riposo\n","---\n","if you ' re going to get a cheesesteak , go downtown . the location is out-of-the-way and a little unsettling . the food is decent , but not the best cheesesteak i ' ve had in philadelphia - a pretty important distinction in this cheesesteak city . \n","philadelphia\n","---\n","the two words that sums up my experience would be \" rude service \" . the girls who worked here were unpleasant and it felt like you were bothering them by ordering anything and not to mention they were constantly gossiping . the lady making the cheese steaks also had the same attitude because once she was done making the cheese steak she just went out to where the customers were sitting to talk with some of her friends . the manager was the nicest person there but he was in the back for what seemed like forever . the actual cheese steak was blah for the seven bucks i paid even the lunch carts at my school have better ones for a lot cheaper . the negatives of the cheese steak would have to be that they give you a tiny bit of cheese , dry meat , and the rolls aren ' t the freshest . the positives of the cheese steak would have to be that the fried onions on it were pretty decent . my sister got the chicken and she said it was pretty good and that ' s why i gave it two stars instead of one . overall if you want a cheese steak do yourself a favor and find some other place to go unless you want a slightly less than mediocre overpriced sandwich and believe me i know good cheese steaks after living in philadelphia for my whole life . try tony luke ' s , geno ' s , or falone ' s you ' ll be happy you did . \n","philadelphia\n","falone ' s\n","---\n","i have found abner ' s to be an unexpected cheesesteak jewel . from the outside , it looks like just another restaurant that serves ok but not great junky food to university students . however , they make one of the best cheesesteaks that i have had to date . the place has got a classic vibe to it , and i found the service to be quite friendly . when i ordered my steak , they cooked the steak right then and there , resulting in a fresh , steaming hot product . the ratios of the meat , cheese , and bread are all satisfying , and the price is great . at the moment , abner ' s is my go-to place for a delicious cheesesteak , and i would definitely recommend it to anyone looking for a delicious cheesesteak at a reasonable price . \n"]},{"output_type":"stream","name":"stderr","text":[" 60%|██████ | 363/600 [00:15<00:07, 33.06it/s]"]},{"output_type":"stream","name":"stdout","text":["abner ' s\n","abner ' s\n","---\n","abner ' s has become one of my favorite places in the city . besides dalessandro ' s in roxborough , i think abners has the best cheesesteak ambiance combination around . their staff is super friendly and the environment is relaxing so you have no problem stuffing your face with their food . the pizza fries are great , and the scrambled egg cheese steak is unique and great tasting at the same time . they are a close walk from a couple of different bars , which comes in handy , particularly because they are open until Nam on the weekends . \n","abner ' s\n","dalessandro ' s\n","roxborough\n","abners\n","---\n","hands down the best cheesesteak in west philly ! \n","west philly\n","---\n","abner ' s is the best ! ! ! my brother and i would go to abner ' s every week during the N ' s . it was great eating . then i left philly and didn ' t return until about N . since my return i have visited abner ' s every week usually with my son and daughter . and now that a nephew of mine has started temple and a niece has started jefferson medical school , the two of them join me and my and go to abner ' s every saturday or sunday . by far abner ' s is the best place in all of philly for hoagies , wraps , waffle criss-cross french fries , and pizza . the inside of abner ' s is outstanding . the food delicious and reasonably priced . and the owner and all the workers the best . enjoy a meal at abner ' s and dazzle any out-of-towners who want to remember the best of philly eating . \n","abner ' s\n","abner ' s\n","philly\n","abner ' s\n","temple\n","jefferson medical school\n","abner ' s\n","abner ' s\n","philly\n","abner ' s\n","abner ' s\n","---\n","disgusting . i had a bug crawl out of the lettuce of my burger . i ' m not kidding . i ' ve seen used syringes on the floor of the bathroom . the only reason to go here is to people watch . the characters that go here and actually enjoy the food are unreal . trust me , stay away . you won ' t be missing much . if you ' re hungry late at night , you ' re probably safer and better off eating gas station fried chicken in hartford . poor standards . \n","hartford\n","---\n","most of the reviews that have been written previously were on the menu and service after N p . m . this review will focus on high-value , low-price soup and sandwich lunches mondays through fridays that cost N . N including tax . there are always two choices of soup each day and they are varied and satisfying . for the unadventurous , there is always some form of chicken soup , with celery , carrots and noodles or pasta . the second choice could be lentil soup , beef barley soup , cream of broccoli , split pea , clam chowder or cream of spinach . these soups or a salad can be the start of a senior dinner or a standard dinner . these are really good values when compared with other restaurants and run the gamut from broiled steaks and fish ( salmon , sword fish , scrod , stuffed sole ) , fried fish , beef stew , sausage with peppers and onions over rice or spaghetti , veal with peppers and onions over rice or spaghetti , roast lamb , meatloaf , or salisbury steak or beef liver with bacon and onions or several varieties of fettuccini spread out iindividually over half the days of the week . when servers are not coping with a N a . m . bar rush , the service is knowledgeable , competent and attentive . don ' t be put off by the overnight reviews and the egg dishes . goldroc has a lot going for it throughout the day and early evening ! \n","goldroc\n","---\n","great experience in an iconic new york restaurant . while it may be showing its age , it still lives up to its reputation for excellent service , gastronomical feats that you will not find everyday and a room that is transportative . \n","new york\n","---\n","jadis feels like a best kept secret that you ' ve just discovered . its warm , intimate and has an inviting old-world ambiance that makes you want to stay for awhile . the vibe is perfect for sipping on wine and sampling from the menu to your hearts delight . i come here to relax and unwind . perfection ! \n","jadis\n","---\n","we stopped here on a sunday night for wine and cheese and charcuterie plates . they have a very good selection of wines . the service was excellent . the location is lower east side and is a little out of the way . but it was worth the walk . i highly recommend this restaurant . \n"]},{"output_type":"stream","name":"stderr","text":[" 62%|██████▏ | 371/600 [00:15<00:06, 33.67it/s]"]},{"output_type":"stream","name":"stdout","text":["lower east side\n","---\n","i had a most memorable event here-- thank you jadis ! jadis is the perfect place to have a get-together . the staff is kind and the venue is laid-back , even as the platters are as gourmet as can get . \n","jadis\n","---\n","we had a Nth birthday party for my wife here this past weekend and we couldn ' t have been happier with it . everything from the planning to the decor to the staff to the food and drinks was outstanding . edit , the lady i dealt with , was amazing . from my first encounter with her till the very end of the party , she was attentive , caring and on top of every aspect possible . she really made the party very easy to plan . all the staff there were amazing . the birthday girl had a full drink in her hand at all times . actually almost every guest had a full drink at all times . the staff there made sure of it . the decor and setup of the party was amazing as well . almost every person at the party asked me how i found this place because they loved it . we had a group of approx . N people and the space in the back was perfect . it was a specific area set aside for our party . it was comfortable and nice . the food we ordered was very good as well . everyone had plenty to eat and drink . i personally loved the mac and cheese tartlets . and lastly , the price was very reasonable . we received a very detailed description of everything we were paying for and all prices were acceptable considering it was a saturday night in manhattan . i would highly recommend this place to anyone for a party or even just a nice night out . \n","manhattan\n","---\n","i hosted a reception at jadis on the night of my wedding day . working with edit could not have been more pleasant . we reserved the entire restaurant for about N guests , and the space was perfect - it could also have comfortably fit more people . with zero fuss and stress , edit helped me to plan a menu of wines and hors d ' oeuvres . the food was great and plentiful , the wine was fantastic , and the staff were as lovely as could be . edit in particular treated me like royalty . my guests all had a wonderful time , and i received many comments on what a pleasant , comfortable and attractive space it was . i would highly recommend hosting your event here . mine could not have gone better . and of course , i ' d also recommend going just for a glass of wine or for a meal . i plan to , many many times in future . thanks edit , and the rest of your incredible staff ! \n","jadis\n","edit\n","edit\n","edit\n","---\n","i went to jades a couple of times and every time i go raquel andres who is the waitress there , is always there to get me whatever i need ! i have been to so many restaurants in nyc , and raquel is the best waitress ever ! ! ! \n","jades\n","nyc\n","---\n","this place is absolutely wonderful . we had some time to get dinner before a concert at the bowery and yelped a restaurant nearby and found this place . the portions are filling and delicious and decently priced . happy hour is a good deal . a great place for dinner or some appetizers and a bottle of wine . the staff is friendly and attentive . came back a second time and was not disappointed ! the interior is dark and romantic and there is a small lounge area in the back to sit if you are with a larger group of people . love it ! ! \n","bowery\n","---\n","i just held my wife ' s Nth bday in the semi private back space of jadis . the party had about N guests and it was simply a great time . from start to finish gerard , the proprietor of jadis , made it easy to pull off . gerard helped us pick the wine and food and , most importantly , was a straightforward and honest broker throughout . i highly recommend jadis if you ' re planning a party or get together for anywhere between N and N people . \n","jadis\n","jadis\n","jadis\n","---\n","i was at this delightful establishment a few weeks ago with a group of N friends . i really loved this place . at one point we got just a bit loud and obnoxious i was really concerned that we were not really making any friends with the staff . but out waitress was so nice and professional and she made sure to treat us really well all the way through he and when we stumbled out . i had sick a great time that i promised i would do a write up for her and jadis on yelp . i think her name was marissa , maybe . at any rate i can ' t wait to go back ! they have awesome hh specials and fantastic cheese and meat plates ! ! ! five stars for jadis staff , hands down . \n"]},{"output_type":"stream","name":"stderr","text":[" 63%|██████▎ | 379/600 [00:15<00:07, 30.41it/s]"]},{"output_type":"stream","name":"stdout","text":["yelp\n","jadis\n","---\n","i ' m a new york city resident , but whenever i spend time with my boyfriend of N years who lives in the bayonne area , i always get the taste to have spanish food . cibao invita is a very good takeout and sit in restaurant that really gives you what your money is worth and can really fill your belly ! ! the food here is amazing , and even though its hard to choose from the different varieties of food , all of them is very delicious and can absolutely leave you to wanting more to take out with you . i recomment the beef , teriyaki chicken , rice and beans with tostones . . . and a nice cool malta jarrito with a good tres leches dominican cake for desert . the only reason i gave cibao invita N stars and not N is because of the delivery . whenever we just want to stay in and watch a movie or two , the deliveries can really take long and we had N cases of where the delivery guy got the wrong address based on the poor english a spanish woman stated to him . but he surely apologized for the confusion but still wish they would ' ve called a little earlier instead of a hour and a half later when he really did get lost ! \n","new york city\n","the bayonne area\n","cibao invita\n","cibao invita\n","---\n","although i have been here before for a mediocre meal , its with in a short walk from a friends apartment so i gave it another try . this time was a terrible experience . after reading the reviews and suggestions to call ahead to put our name in , we did so . being told it was going to be N minutes , we walked down after N minutes and still had to wait another N minutes due to the hostess calling various names off of N very unorganized lists . there was also another man calling names from a list inside . we decided to leave and call in our order for pick up . big mistake . our food was terrible . . . breakfast sandwich ' s on untoasted rye bread , when ordered on a bagel and english muffin ( both toasted ) with one , pathetic piece of bacon on one and basically a half a sausage link on the other . the bacon blue cheese fritatta was not enjoyable at all , with a rubbery texture and way to many mustrooms . that will be my last trip to sabrinas . . dispite the convenient distance from where we stay when we come downtown . not worth the wait ! \n","sabrinas\n","---\n","i am still in shock from my last experience at sabrina ' s on callowhill . my friends and i had brunch there last saturday , june Nth . we had a minor wait which was fine , however when we were seated things went from bad to worse . the place was crowded and clearly the wait staff could not handle things . our waitress took our drink orders and then did return for N minutes with the drinks . this was ok with us since we don ' t often get the opportunity to get together and we were happy to catch up a bit . when she final did take our order she seemed very rushed . sure enough when the food came two of our meals were completely wrong . we informed the waitress who was rude and actually just walked away . the hostess came over and said that she would fix it . eventually , a man came over and informed my friend that he would comp her meal since they messed things up . i asked if mine would also be removed from the bill since it was completely incorrect and he actually said \" well maybe but since you asked no \" . he then informed us that he was \" totally put off by the fact that we asked him to remove it \" . when we asked him what his title was youo can imagine our surprise to hear that he was actually the manager . we all live in the city and have many clients and friends who we take out to eat . none of us have ever been spoken to this way by a manager . he never came over to apologize but did come over to our table several times to try to clear the plates , etc . too little , too late . rest assured that none of us will ever eat here again . the food is good not good enough to deal with this kind of treatment . i have been to many other places in the city that have a way better brunch and most certaintly better service . \n","sabrina ' s\n","callowhill\n","---\n","after much anticipation , i was finally able to make it to sabrina ' s for sunday brunch with friends . we tried to overlook our server ' s bad attitude and enjoy our food . i had ordered a decaf latte . . . it ' s N Nam and i ' m still awake on a night before the start of a work week . this tells me they didn ' t make my latte as i had requested . i was also dismayed to find a hair in my yogurt . my husband ' s smoked salmon omelette was over-salted . i ' m sorry , i wanted to like it . but this place just didn ' t win me over with its sarcastic server and the unfortunate hair . \n","---\n","recently went there with a few friends and had a nice time . the service was ok and the food was avarage amoung us . i was expecting a wonderful experice but left not impressed . will not make the trip from new jersey again . if in the area i might give it another try . \n","avarage\n","new jersey\n","---\n","im a breakfast lover and don ' t live far from sabrinas . i would gladly eat here any time . \n"]},{"output_type":"stream","name":"stderr","text":["\r 64%|██████▍ | 385/600 [00:15<00:06, 35.72it/s]"]},{"output_type":"stream","name":"stdout","text":["sabrinas\n","---\n","this is one of the best brunch restaurants that i ' ve been to in philly . the food is really good and portion is huge - my all time favorite is their french toast . i took one star off because it gets really crowded and the wait can be super long especially on the weekends . we waited almost an hour each time we went for a brunch on saturday , which can be a little annoying if you are starving . but i would definitely come back because the food is worth waiting for ! \n","philly\n","---\n","a fantastic breakfast with generous portions . the waitress was super friendly and prompt and talkative despite the place being bustling . what a great way to start a day in philly . the breakfast specials were great as well as the standard fare . we ' ll be back before we head out of town . \n","philly\n","---\n","great for breakfast . we stopped on our way to the art-museum district . plenty of choices , good service , and liked the way we were not rushed out the door despite the busy atmosphere . thanks for a nice break in a hectic day . \n","the art-museum district\n","---\n","love this place . love the random amazing food . had moroccan chicken and thought it was amazing ( put pomegranates on anything and i think i ' m a fan ) the recipe is legit from morocco ! my sister and i both had that , my brother-in-law got the pan steak , which he said was , \" an explosion of flavor in your mouth \" . their coffee is excellent ! can ' t wait to go back ! \n","morocco\n","---\n","i know its a philly cliche to say i love sabrinas cafe . . . but i really do love sabrinas cafe ! everything on their menu is delicious and made thoughtfully . i have been here over a dozen times and every time i have a new favorite dish ! definitely recommend this place to anyone who wants a great brunch . . be prepared for a wait . . but trust me , its worth it ! \n","sabrinas cafe\n","sabrinas cafe\n","---\n","i love going to sabrina ' s for breakfast or brunch ! i ' ve only been to the one on callowhill and it is the best breakfast in the art museum area . they have a lot of options and always have specials . it is cozy inside and everyone is always friendly . everything my friends , family , and i have tried there has been great . especially the french toast . i would definitely recommend sabrina ' s ! \n","sabrina ' s\n","callowhill\n","the art museum area\n","sabrina ' s\n","---\n","we were in philly for the weekend and were looking for a brunch place on sunday . sabrina ' s was a mere hop and skip away from our hotel in the museum district . we ordered the beach blanket breakfast special and the skinny dipper ' s egg white omelet . both were darn good ! the serving size is generous and the baked potato chunks that came with both dishes were beautifully caramelized and crispy at the edges ! also , we discovered that egg white omelet is excellent stuffed with apples ! yumm . the vibe in the eatery is funky , freewheeling and modern . but families just looking for a breakfast joint wouldn ' t feel out of place . we saw a pretty broad range of diners there ! \n","philly\n","the museum district\n","---\n","came to this place after driving N miles for it as yelp reviews made it pretty attractive . a great brunch place to be at , excellent service and food , of course . potions are huge , none of us six could eat even half of our orders . i would recommend the owners to add some pics to the menu , we had to order using the pics on yelp . will be back again whenever in philly area . \n","philly area\n","---\n","excellent breakfast spot in philadelphia . a must when visiting the city of brotherly love . amazing staff , great service , and the food is absolutely delicious . eggs were perfect as were the potatoes . the portions were fair and so were the prices . nice relaxing atmosphere that ' s vastly more intimate than sam ' s morning glory . we loved every aspect of our experience at sabrina ' s and would return in a heartbeat . a true philadelphian gem . \n"]},{"output_type":"stream","name":"stderr","text":[" 66%|██████▌ | 394/600 [00:15<00:05, 38.74it/s]"]},{"output_type":"stream","name":"stdout","text":["philadelphia\n","sabrina ' s\n","---\n","local favorite , assumed by the giant line of guests waiting to be seated . cute atmosphere . exceptional waitstaff . great menu selection . the food came out perfect , as ordered , quickly , and delicious ! i will make a point to come back to philadelphia just to eat here ! \n","philadelphia\n","---\n","an excellent eatery located in the heart of philadelphia , sabrina ' s is sure to whet your palate for an early morning meal . the stuffed french toast is out of this world , and could not be happier with portion size . a real trick is to order a half portion , as you and your wallet will still be stuffed . i also ordered a meal off their specialty menu , which was superhero themed . excellent ! one complaint . this place is tiny so expect a wait or call ahead . the wait staff was nice and they were very attentive to my water needs . a ! \n","philadelphia\n","sabrina ' s\n","---\n","my girlfriends from pittsburgh were in town for the weekend . they wanted a great brunch place to eat at this past sunday before their return trip home . i immediately suggested sabrina ' s cafe . i am pleased to say it never disappoints ! my N friends and i enjoyed ourselves over huge portions of stuffed challah french toast , breakfast potatoes , and cheddar cheese , spinach and sausage omelets . great place . call ahead to minimize your wait time . \n","pittsburgh\n","sabrina ' s cafe\n","---\n","my collegeaue had breakfast at sabrina this morning . our server courtney greeted us with a cheerful greeting . she was extremely pleasant and gave us absolutely great service . my food was excellent , however , having great service goes hand and hand with the meal . i will definitely come back again and ask for courtney . stephanie \n","sabrina\n","---\n","if you want excellent , interesting food for a great price , and a lot of it then sabrina ' s is the place for you . the breakfast , and lunch are excellent and they always have creative and new menu items whenever i go in . the only downside is the wait , if you go , to early to beat the crowds . \n","sabrina ' s\n","---\n","i am in love with sabrinas . the staff is cool , sweet and super cute . the food is amazing . the restaurant is beautiful . it ' s one of my all-time favorite places on the planet . \n","sabrinas\n","---\n","the wait is never too long . i also don ' t go at prime time either so maybe thats why . the food is good . i love the new menu with all the star wars references . i had the boba fet last time i was here and it was delicious . the portions are always huge so if i can ' t finish it i have something for later which is good since i hate cooking for myself . i always meet up with friends here and the location by the art museum is so much better than south philly cos its easier to find parking . \n","the art museum\n","---\n","i have eaten at sabrina ' s now more than a half dozen times and without exception , every meal that i have had there has been great . certainly known for their breakfast brunch , which is every bit as good as people say , but their lunch and especially dinner menus are creative , delicious and always updated . and you are guaranteed to never leave hungry . i can ' t wait to go back again . \n","sabrina ' s\n","---\n","i would describe sabrina ' s as \" a cool , hipster diner . \" the vibe is chill and the decore is quirky and unique . the food is way better than diner food , though . . . they serve the usual omelets , pancakes , and , french toast you ' d expect from a breakfast brunch place , but i tried the eggs benedict florentine ( not my usual pick it was an impulse ) and it was so great that i went home immediately and joined yelp just to give it a great review ! i recommend this restaurant if you ' re going out on a date ( you can sit around and drink coffee all afternoon ) or if you ' re just kickin ' it with friends ( same reason ) . \n"]},{"output_type":"stream","name":"stderr","text":[" 67%|██████▋ | 404/600 [00:16<00:04, 41.21it/s]"]},{"output_type":"stream","name":"stdout","text":["sabrina ' s\n","yelp\n","---\n","we happened into sabor unido accidentally and could not have been more lucky . friendly service and authentic deliciously prepared cuisine . the steak picana and the garlic shrimp were amazingly good and flavorful . the side dishes all delicious and authentic . this was the best and most true brazilian food you can find north of the equator . we highly recommend this friendly family owned restaurant . not only that the prices cannot be beat ! ! highly recommend ! ! ! vvv \n","sabor unido\n","equator\n","---\n","i ' ve been to most restaurants in the ironbound in the past N years , and i can affirm without a doubt that here you ' ll find the best food there is ! on top of that , the price is amazing ! whenever i have a chance , i stop by for lunch or sometimes only for a good cappuccino . the owner treats every single guest as if we are the only ones at the restaurant . great service ! i highly recommend sabor unido . \n","sabor unido\n","---\n","excellent thai food at a reasonable price ! the pad see ew is excellent , as are the basil vegetables . their lunch special is particularly awesome - an entree and appetizer for only N . N ( pre-tax ) . it ' s a quality value combo that ' s hard to beat on the ues . \n","---\n","goodness gracious . . . where do i begin ? ricky d ' s bbq has become a weekly ritual which satisfies my deepest cravings for ribs , pulled pork , and chicken . . . all lathered in sweet , sweet bbq sauce . i ' m biased , but this is some of the best bbq i ' ve ever gotten my fingers on . \" don ' t bite ya fingers off ! \" is the motto ricky d ' s lives by , but i nibble all of the leftover juices and flavors for hours after finishing my plate of food . \n","ricky d ' s\n","ricky d ' s\n","---\n","my hubby and i decided to dine here after walking down melrose and hadnt booked anywhere - they were able to seat us quickly . we really enjoyed our meal - it was a bit of a twist on the standard mexican fare and everything was super tasty . the sangria was also fabulous ! our hosts were great and no complaints about anything . it was a little on the pricier side for mexican but we felt it was worth it . \n","melrose\n","---\n","i always have fun in this cool west side haunt- friendly and attentive bar tenders , good drinks ( not watered down and no substituting bottom for top shelf liquors ) and very tasty food . usually a great musical selection that includes some heavier rock which is generally not that easy to find these days ! crowd is causal , relaxed and friendly overall , a fun place to hang out and a must try . i continue to return so it must be good ! ! ! \n","west side\n","---\n","a great mix of ex pats and locals . never had a bad night there . staff are very friendly and food tastes great . being smokefree and a western toilet would give it a N N but when in china . . . . \n","china\n","---\n","this spot is nyc ' s premier tater tot club . most good nyc nightclubs will charge you at least a grand for table service . but i was able to score a table at american retro for free . so sick . at first i was pissed that they didn ' t offer ( traditional ) bottle service . but after i threw a bit of a fit , the manager explained to me that we could get bottle service - just that the bartender would have to serve it to me and my bros one drink at a time . seemed like a pretty tight idea . wonder if more places will start doing that ? sickest of all , retro ( unlike every other premier nyc nightclub i ' ve been to - and i ' ve been to a lot of premier nyc nightclubs because i ' m a wealthy businessman sex addict ) offers a wide variety of tot-based dishes . my boy j-dubb got an order of \" pizza tots \" - an italian take on the grated-and-fried potato dish . i went with the \" tot-chos \" - mexican-style tater tots . long story short , i don ' t see myself ever going to another nightclub that doesn ' t offer tots . other reasons retro is nyc ' s hottest tot club - conveniently located next to a mobil gas station - also down the street from larry flint ' s hustler club - which doesn ' t serve tots despite the pricey cover - retro has this dope robot-dj that will play whatever song you want in exchange for a dollar . - there ' s not a ton of room to dance , so me and j-dubb just played skee ball and split \" disco tots \" instead . \n","nyc\n","nyc\n","american retro\n","retro\n","nyc\n","nyc"]},{"output_type":"stream","name":"stderr","text":[" 69%|██████▉ | 413/600 [00:16<00:05, 36.25it/s]"]},{"output_type":"stream","name":"stdout","text":["\n","retro\n","nyc\n","mobil\n","larry flint '\n","retro\n","---\n","started our lunch off with some tots for the table , absolutely delicious . i ordered the retro burger and i have to admit , this was one of the best burgers i have ever had . served on a toasted english muffin , the blend of meat inside was so tasty my mouth is watering right now thinking about it . the staff was incredibly friendly and fun and the beer choices were perfect . thanks to gust for the amazing hospitality , great drinks and mouth watering food ! \n","gust\n","---\n","one of the most kick ass bars in midtown . worth the trek to Nth ave since the tater-tots are crispy and the beers are nice and cold . the bartenders are pretty cool too . everything about this place is awesome , however try to avoid the sports team crowds and go in the mid-week or if there ' s no games playing on a weekend , go there . food great service good overall environment if the crowd isn ' t there , awesome . \n","midtown\n","Nth ave\n","---\n","can ' t say enough about this place . waited for the daily show , they recommended them , and when we told the bartender-we got happy hour pricing . top reasons to go there taylor ham cheap beer skee ball tater tot menu cute bartenders N cent wings with N pitchers dee-lish \n","taylor ham\n","---\n","i love the american retro - this is the perfect neighborhood bar ! the staff is fabulous , and the easygoing atmosphere makes it a great place to catch up with old friends or make new ones . this is also the best spot for fueling up before ( or after ) shows at terminal N . plus , they throw a great party - halloween was amazing . i ' m looking forward to many more good times at this new favorite ! \n","terminal N\n","---\n","this could be the best bar in mid-town manhattan . there is more than enough space , a tv in every direction you look and great pub food . the kitchen is also open late . if you are there on sunday , they have every football game . what ' s most unbelievable is that they have a skee-ball game . who would believe that a bar on Nst street and Nth avenue would be so good ? they have made a believer out of me . \n","manhattan\n","Nst street\n","Nth avenue\n","---\n","taking the time out of my birthday- will not go back i have never given a bad review for a restaurant , specially on my birthday . we decided on going to buttermilk because of all of the reviews . pros my gin cocktail was good . cons food over priced chicken ! we order the chicken waffles N a plate , and of course cornbread along with two drinks . we got our plates , which had three big pieces of chicken half a waffle , coleslaw and a little cup with maple syrup . the corn bread was dry ad had no flavor . the chicken was flavorless as well and raw , yes raw . i waived down what appeared to be the manager and informed her that my chicken was raw . she didn ' t apologize at all and just said ok . she went and showed it to our server who took it back to the kitchen . i ' ve had this happen to me before in other restaurants no biggie , they usually bring back an entire new plate or piece of meat . well not buttermilk , they just put my bitten chicken into the fryer again and brought it back to me , without the curtesy of an apology . by the way the rest of my chicken was pink as well . service on top of not being apologetic , they didn ' t even comp a portion of my plate at all . i pretty much didn ' t eat after they brought me back my half bitten chicken . that was pretty nasty . our server came by to see if i wanted my food to go and i said no just the check . which came out to N . N she didn ' t even give us time or asked how was the food before she immediately took the check . terrible service , it was almost like we should be honored to eat at their restaurant . which was kind of empty , so i don ' t know why they rushed our food . i will never go back to this place . i would much rather take a trip to pies and thighs . \n","buttermilk\n","---\n","why in the world is this place talked about so much ? ? has people lost their palate ? what a disappointment this place was ! i feel beyond stupid for waiting to get a table for over one hour ! ! ! one thing is if you are waiting to have a fabulous dinner but that was not the case at all ! i ' m the type of person that good food is priceless i ' ll wait and pay good many for a amazing experience but this is like designers brand at chinatown , fake and tasteless ! food very average , staff arrogant and rude service , no quality at all ! i was expecting so much more then what it was , i have one word for this place being so busy marketing ! honestly that ' s the only reasonable explanation to me . as a food lover i was very disappointed . never again ! \n","chinatown\n","---\n"]},{"output_type":"stream","name":"stderr","text":["\r 70%|██████▉ | 417/600 [00:16<00:05, 33.64it/s]"]},{"output_type":"stream","name":"stdout","text":["i really can ' t understand why people like buttermilk channel so much--maybe they ' re just lulled into complacency by the room . i ' ve been here a number of times now ( it ' s on my way home prime meats and frankie ' s N have even longer waits ) and , to be honest , the best thing on the menu is the house-made pickles . oh , and the oysters but all you have to do to serve a good oyster is buy it , shuck it , and put it on ice . the menu here is tired and smart-allecky in late Ns way--fried chicken and cheddar waffles ? really ? i guess the chef has been to roscoe ' s in la--and some of the food is barely edible . the hangar steak is weirdly sweet the kale and endive salad tastes like someone forgot to finish making it halfway through and the linguini ( at least they get the pasta from caputo ' s ) with mushrooms , brussel sprouts and breadcrumbs is a watery mush in N mins . little hint , guys when you ' re serving a pasta dish with bread crumbs , don ' t fill the bowl with broth . i happen to love pasta with bread crumbs--they know exactly how to do it at franny ' s--and the pasta needs to be slick with oil and not water to retain the crunch . overall , i would say buttermilk channel reminds me of the best restaurant in a big-N college town or a ski resort in northern new england but that would be doing an injustice to some very fine restaurants . it ' s expensive too boot . so by all means keep flocking if you want to pay a pretty penny for some deeply mediocre slop . \n","frankie ' s N\n","roscoe ' s\n","la\n","caputo ' s\n","franny ' s\n","buttermilk channel\n","big-N\n","northern new england\n","---\n","service was terrible . they do not compare to the chicken waffles in harlem . no where near . unhelpful service and not accomdating to the patrons at all . unreal because they chose the job to serve . worst restaurant experience , i have had in brooklyn \n","harlem\n","brooklyn\n","---\n","don ' t waste your time . after our visit , i shake my head every time i see a wait here . the space is quaint and the service is good enough . . . but the food is sub-standard . dry , tasteless , over-cooked . think the turkey in christmas vacation . do yourself a favor . . . go a block down court st to pompette instead ! \n","court st\n","pompette\n","---\n","i had a steak here a couple of months ago and still can ' t get over how bland and overpriced it was . to add insult to injury , the \" ramps \" that allegedly accompanied it referred to one measly , shriveled husk of a ramp on top of it . even the bread here seemed rubbery and flavorless to me . i know bc ' s reputation and i ' m sure it has at some point in its history been pretty good ( heck , i might just have been there on an off night ) , but i sure don ' t have the funds to try them again on the off-chance that they ' ve improved . \n","bc\n","---\n","my husband and i walked into this restaurant with our two children on a very rainy wednesday night at N N . we went to celebrate our wedding anniversary . when we walked through the door the hostess just stood there with a look of contempt on her face as she eyeballed all of us coming in from the rain . after a long awkward pause i had to ask her for a table for four . as she scowled and grabbed her menus , i was wondering who would ever hire this women to greet and sit people at their restaurant , she was downright scary , think cruella de ville . i also had a stroller which she looked at as if she had never seen one before in her life . i easily closed it up and put it to the side as she watched with a giant puss on . i did do my research on this restaurant and looked at the childrens menu that they display on their website so i figured childrens menu children are welcome . there were other children in the restaurant and all were extremely well behaved . my kids are also little foodies and have been to many a N and N star restaurant . i liked the food , i ordered the duck meatloaf and my husband ordered the fried chicken , my children after serious deliberations and suggestions from the waitress ( who seemed put out by their questions ) ordered from the childrens menu . the food was quite delicious and all of us tasted everything on the table and were very pleased wih our selections . i am not a drinker but since it was our wedding anniversary i decided to splurge and go for a fancy cocktail . i had two of them and i am pretty sure they didn ' t contain any alcohol at all and at N bucks a pop that is just wrong . there is one bathroom . we actually had words with an impatient women who was banging on the door after my daughter and i were in there for N minute . the atmosphere was very awkward and uncomfortable . i am very soured on the experience . the food was good , the drinks were awful and super expensive . the service sucked . i would not return to this restaurant with or without my children . i really wanted to love it , my son goes to school across the street and i thought this might be a great place to hit when i don ' t feel like cooking . \n","N N\n","---\n","i have been to this restaurant twice . one time for breakfast and one time for dinner . breakfast was fine . but breakfast is easy to please people with . service was good as was the food . my most recent visit was this past friday night for dinner with my wife and daughter . we were greeted by the hostess who was very nice and had us seated quickly . the waiter made his way over and took our orders and was not seen for a good twenty minutes after we placed our orders . or let me say we saw him but he seemed to make it his mission to avoid us . he seemed to be attentive to everyone else just not us ? we showered . we were not rude or loud or dressed funny ? we were hungry ! ! i tried to get his attention to ask for our basket of bread . he acknowledged me but he ignored us again and didn ' t show up at our table until after our food had arrived . same reaction from him when i tried to order wine a bit earlier . at that point he offered to bring the bread but i had no use for the bread and i told him so in a polite way . . our food arrived . i ordered the fried chicken which i heard was supposed to be outstanding . to me it was average at best . my wife had a pasta and vegetable dish which was at best ok . it was pasta with a lot of butter and cheese . i don ' t understand the hype and the following this place has don ' t see the appeal or the cause for such long lines . the food is average and the service so far has been good one time and appalling the most recent time . i did tip the waiter but half what was required and double what i should have i am not sure what this guys problem was ? . i made the hostess aware of the bad service hopefully my complaint is passed on to the manager . from now on i stick to prime meats , red rose and the many other places that have both great food and great service . after all you pay for both food and service . they are both important parts of the dining experience . \n"]},{"output_type":"stream","name":"stderr","text":["\r 70%|███████ | 421/600 [00:16<00:06, 27.67it/s]"]},{"output_type":"stream","name":"stdout","text":["prime meats\n","red rose\n","---\n","i have been to buttermilk channel several times and in the past loved my dinners there . needless to say , i was excited to bring my family , who was visiting from out of town , to one of my \" favorite \" brooklyn restaurants . unfortunately , i was horribly disappointed by the customer service this time around . the hostess was terribly rude to my N yr old mother and to one of my best friends ( a fellow new yorker ) when we first arrived and asked for a table . because our party wasn ' t there at the exact same time , we were treated like Nrd class citizens . we sat at the bar looking at free and empty tables while we waited the N minutes for the remainder of our party to arrive . and , when we were all there , the hostess told us it would be N minutes ( this was at Npm on a sunday ) . we got a few drinks and an appetizer at the bar as we waited . when my friend went back to check N minutes later , the hostess was rude again . so , we decided our patronage would be more appreciated at a different establishment we went to prime meats N blocks up and had an excellent meal . too bad buttermilk channel - you had a devotee and now we will never return . be careful and choose your hostesses better . \n","buttermilk channel\n","brooklyn\n","new yorker\n","---\n","i ' m surprised at these reviews . i wanted to like this place , but i just didn ' t think the food was very good . we had the hush puppies , fried chicken , and pasta . really lacking in flavor and just sort of mediocre . maybe i ' d describe it as food you ' d get in the suburbs . there are much better places in the neighborhood , i think . try brucie for pasta and prime meats if you want to have a real meat nomz . sorry buttermilk channel--i wanted to like it , i really did ! \n","brucie\n","buttermilk channel\n","---\n","the owner of buttermilk channel has brought a great restaurant and experience to this neighborhood . he is really kind and great with guests . for the most part the staff have been really great except for tonight . our server ( one of the more ' mature ' women servers ) was particularly rude and over-the-top attentive to my husband - to the point where she filled his water glass and not mine , despite the fact that i was extremely thirsty from my salty scallop dish . after an entire evening of being overly gracious to my husband , i asked for the check ( women do pay the bills as well ) and her eye balls popped out of her head . she handed the bill back to my husband and not me . very rude and lacking class . i wish the food could have made up for the lack of service . not sure i will go back unless i am hung over and in desperate need of brunch . \n","buttermilk channel\n","---\n","we had a really annoying meal at this place last week . we were a party of three , and arrived at N N . we were told that there would be a table for us in an hour . at N N the hostess came over to us and offered to make space for us at the bar . we sat at the bar for another hour - the bartender at this time never once asked us if we wanted a drink - while we watched the restaurant seat several four tops with people who arrived after us . when we complained , they said that they reserved the fourtops for groups of four when they were crowded , and that we had to be seated at the end of the communal table , which was apparently the only place that they seated groups of three . at N N the manager actually asked the group of three that had been hogging \" our \" table to leave , and we finally sat down . the service was okay , although it took me about N N an hour to get the refill of the water i asked for . the food , however , was really disappointing . the cheddar waffles on the vegetarian menu were cold , and served with an anomolous group of random vegetables . the soup i had was fine , but had way too much cream . dessert was good . all in all , don ' t think we ' ll be going back \n","N N\n","N N\n","---\n","unfortunately , this joint is N for N with me . style-over-substance , bigtime . went there for brunch the first time last month and dinner yesterday . brunch - i was horrified to be denied my request for a bloody mary because it was before noon ! been in this neighborhood almost N years , and this was a first . i didn ' t kick up too much of a fuss though , our waiter was a nice enough guy and service was prompt and courteous . they brought out the bacon smoked almonds they make there as amuse-gueule . the bacon flavor can ' t save this thing almonds are essentially binded together in cold congealed bacon fat and the nuts themselves are soaked through and mushy . if there was any bit of crunch left in them at all , these things would be ten times better . ordered the short rib hash - which was a disaster . gristly and flavorless . did not think it possible to make short ribs taste bland , but somehow they managed . there is at least a dozen places in the hood i ' d sooner go to for brunch , top choices are char N , frankie ' s , luluc , pit stop , patois . even the overrated ( but well priced ! ) alma is a better bet . brunch was a d- dinner atmosphere had that nouveau-brooklyn reverse b t vibe , but was ok , i ' m getting used to that ( snif ) . service was once again very good , very friendly and prompt . they have a good front-room staff for sure , would be shocked if the same person was responsible for hiring the kitchen staff , however . was there with N other friends and was able to taste and observe other people ' s food , which led me to conclude that the problem in that kitchen isn ' t the inability to put out decent food ( not great , decent ) but to do it consistently . popovers were good ! then they came out with those godforsaken mushy almonds . i ate ' em anyway , i was starving . cheese plate rocked . some good choices there . wifey had the brook trout ( which they assured me was wild and not farmed , major bonus ) and it was pretty tasty , unusual choice with cabbage side and the grain-mustard but somehow it worked pretty well . then came my dish . the special ( tuesday ) leg of lamb . this is when i lost it . i was given a plate of thinly sliced gray and dried-out ( i mean dry ) pieces of top cut lamb . not one drop of juice was left in there , and the thing had been garlic-poked by an insane person . you just do not serve the outside cut , this is N , people . and the side was this grilled cauliflower in a very sour balsamic reduction that they tried to save by adding a lot of sugar and salt , ( yurk ) . i returned it , didn ' t order anything else . that being said , i distinctively saw some pink in the lamb that my buddy had on his plate , which leads me to believe that i got the runt of the litter and that his may have been somewhat more palatable . dinner gets a c- next review i write ( for somewhere else ) will be a good one , promise ! i ' m not a bitter , cynical foodie by any stretch , but i do think over-hyped joints need to be put in their place because that ' s how sheep-herd mentality ruins neighborhoods . peace . \n"]},{"output_type":"stream","name":"stderr","text":[" 71%|███████ | 427/600 [00:17<00:07, 21.96it/s]"]},{"output_type":"stream","name":"stdout","text":["char N\n","frankie ' s\n","luluc\n","pit stop\n","patois\n","alma\n","nouveau\n","-\n","brooklyn\n","---\n","buttermilk gets three stars . full disclosure , i have only visited for brunch on the weekends , so take this review in that limited context . they have a decent bloody mary . the mimosa is passable . but . . . i can ' t get excited about the food offering . the first time i went i thought for sure i could get something amazing and unique , like maybe biscuits and gravy given the name . instead was offered a menu with very limited selection of standard brunch fare . nothing to make the experience special . would i go again . . . maybe . . . but only if the company dictated the location . \n","buttermilk\n","---\n","maybe because i was expecting too much , and heard so many good things about this place , but it was really very forgetable experience . N . the service was ok . nothing to write home about . we were early - Npm , and the wait staff seemed to have more fun drinking at the bar ( maybe they were off , i ' m not sure ) N . the food was - ok ! really nothign special ! i got the burger , it was fine ( shake shack is soooooo much better ) , and my husband got the famous fried chicken , which he thought was undercooked , the white meat had some red lines running - blood . it wasn ' t a lot , but noticeable . we decided not to make a big deal out of it and said nothing . i ' m no expert with fried chicken , but it didn ' t impress me at all , though the sauce for the waffels was delicious . very unimpressed ! maybe i got the wrong thing , but i don ' t understand what the hype is about \n","shake shack\n","---\n","when i walked in i was greeted by buttermilk channel ' s owner , jerry seinfeld . sorry , a look alike . he had the teeth , the hair , and the sweater , but since i adore seinfeld all of this was vrey endearing . he led me to my table while i waited for my two girlfriends to arrive , and even though they were both about a half hour late , i was treated very kindly by my waiter . he had a genuine answer for all of my questions , especially when it came to cocktails . i ended uo getting a hot toddy - excellent but cooled quickly . when my friends finally arrived , we decided on what to order , all the while feeling the warmth of the service and the candles ( oh , and the alcohol . ) we began with housemade pickles ( great - not too sweet , ) and sweet potato croquettes with goat cheese dressing . these were like little fried truffles knowing there ' d be more food to come i abstained from going beyond a single ball . then our real appetizers came . my friend had the cauliflower soup with apple - very good and creamy but too little ! i had the endive salad which tasted little like its namesake anchovy dressing , but it made me feel relatively healthy . the winner was the delicata squash tart with ricotta . . . despite the fact that my friend ordered it , we all devoured it like a pack of hungry wolves . definitely order it . entrees were slightly more hit miss , and very meat heavy . i had the buttermilk fried chicken , which was super crispy and moist , over a cheddar waffle sweetened with powdered sugar . to add to the sweet savory elements , maple balsamic dressing acted as a perfect dip . the buger , topped with onions , cheddar , pickles , and ketchup and mayo , was also really good , but this is coming from someone who has abstained from burgers for years despite her secret love for them . it comes with fries , which i did not try due to my general dislike of them . the \" miss \" of the night was the breaded hake . it came on a really nice kale stew with bacon ' n stuff , but the inside was raw ! too thick to be sashimi . our waiter was very gracious though , and took it back to get us a new , freshly cooked one . now , keep in mind that this dinner has been going on for a few hours by now due to our talkative nature . but we finally settled on desserts and got three to share . my favorite was the pecan pie sundae . really that ' s all it is pecan pie with ice cream and whipped cream in a parfait glass . every bite was a corn syrup feast for the tongue . the carmelized chocolate bread pudding was good , but it was made better by the citrus cream on top . added an extra dimension . my relatively least favorite was the dish of warm oatmeal raisin cookies . they were great , but not something i ' d order when i could easily make them myself . after our dinner had concluded , the owner offered to call a car service to whisk us away to our abodes . we were also told to come back again soon as you can see the niceness seeps into all the cracks . another point of interest if you don ' t like talking to complete strangers , you will probably feel uncomfortable when not one , not two , but three different people strike up a conversation with you on the line for the bathroom . not just \" nice restaurant , eh ? \" but a deep discussion of the food and ambience . you ' ve been warned , but i personally was charmed . sure the name is wacky but the food is overall delicious and a real treat . i ' ll be back . \n","buttermilk channel '\n","---\n","amazingly long wait for brunch in brooklyn . the pecan pie french toast was good - big pie sized wedge of toast ( i would have liked it a little more eggy ) , with a molasses type syrup filled with pecans . d cor is brooklyn charm . \n"]},{"output_type":"stream","name":"stderr","text":[" 72%|███████▏ | 434/600 [00:17<00:06, 26.52it/s]"]},{"output_type":"stream","name":"stdout","text":["brooklyn\n","brooklyn\n","---\n","a welcome addition to the area , and a very cute place to eat . the food is solid but nothing revelatory , and having been there twice , i don ' t think i would go again ( but i also don ' t live in the area anymore ) . good the cheddar waffles with the fried chicken , the grits that came with the trout , a lovely side of english peas in butter with breadcrumbs , scallops , our waitress . meh the fried chicken was way overdone , although flavorful . duck meatloaf was tasty for the first few bites , but then overly sweet and lacking balance . ribs had good flavor but were almost inedibly dry . the watermelon and feta salad was ok . no wait at N N on a sunday night . \n","N N\n","---\n","i am a local and was very happy when this venue finally opened for business . i ate there several times during the first month and enjoyed everything on the menu . the food was delightful and the service was compelling . while there was some youth behind the bar at the onset , they have ramped up quite nicely . overall , this is a solid choice and one of the best in the neighborhood . the owners are wonderful , attentive and open to feedback . this is one place you wouldn ' t want to miss if you are in carroll gardens . update jan N . the edit to this post is simply a poke to the management . i came back to buttermilk twice in this month with friends from out of town and relatives visiting from california . my experience went from N stars to N stars and hope that things trend back upwards . i loved the rib appetizer the first N times i ordered it , but this time they were a bit dry , less tender and a bit overdone . my duck meatloaf was off the hook when bc first opened and hit me this last time as just \" good \" . as with all hot new establishments that come out of the gate roaring , i ' m hopeful that they don ' t get sloppy trying to turn more tables per night and put the focus back on the food and the service . because they are so close to home i ' m sure i ' ll give them another chance or two ! as a fellow business owner i ' m confident that the candor of a post like this will be taken with the good will intended . \n","carroll gardens\n","buttermilk\n","california\n","bc\n","---\n","we were really lucky to get a table here , it was busy ! but that by no means had any impact on the food or service . we ate at a few places in brooklyn and a close second would be bennys chop house . but buttermilk channel really is superb ! the flavours and tenderness of the meat was just devine , i ate it so slowly to savour every bit . bob was our waiter and he was great , gave recommendations on food and was very tentative . if you want a great steak or seafood or both and you can get a table , book here . wish we ' d of discovered it the first night ! \n","brooklyn\n","bennys chop house\n","---\n","this is my favorite place to get brunch in all of nyc . the scrambles are out of this world and so is the french toast . they also make my favorite bloody mary in town . the food is excellent . everything we had from the duck meatloaf to the bbq oysters , to the steak was really tasty and delicious . the drink selection was good as well , though i do think they could use a few more wines on their list . all in all you will have a great time with amazing food in an awesome area . worth checking out \n","nyc\n","---\n","we enjoyed ourselves very much at buttermilk channel . we visited for the first time this past saturday night . the night we visited was the delmonico ribeye special which comes with duck fat hashbrowns . two in our party ordered the special , it was beyond delicious ! i had the fried chicken and waffles , which was good , but not great . i don ' t think i would order it again . the other person in our group ordered the bacon wrapped trout . she loved it ! because of our long wait , an hour wait turned into N N N , we were given free snacks as soon as we were seated at the table . they consisted of homemade pickles , hushpuppies and maple bacon almonds , all of which were great ! \n","buttermilk channel\n","delmonico\n","---\n","i have been going to buttermilk channel for week nights ' dinners for about two years . the quality remains consistently high . the food is fresh , the menu is just the right length and you always feel great afterwards - a testament of the great products they use . i particularly like the their fish dishes and the sea bass among them . the reservations always seem to be a little tricky for small parties but i have not had a problem as i get there kind of late . \n","buttermilk channel\n","---\n","one of our favorite brunch spots in brooklyn . the food is high quality and amazingly fresh . the menu is seasonal and interesting . i often dream about the pumpkin sweet potato soup and the homemade jelly donut . the atmosphere is slightly upscale wtihout the pretense . the only downside is that it is so crowded on weekends that you can wait for over an hour for a table , but at least they take your phone number , so you can actually get something else done while you wait . \n"]},{"output_type":"stream","name":"stderr","text":["\r 73%|███████▎ | 438/600 [00:17<00:05, 27.93it/s]"]},{"output_type":"stream","name":"stdout","text":["brooklyn\n","---\n","returning to ny where i grew up and hearing so many good things about bklyn i asked my friend to take some somewhere that exemplifies the new brooklyn . we chose buttermilk c and it did not dissappoint . everything was spot on from the service to the cocktails to the menu . and , the staff is completely real . would highly recommend this to anyone needing to entertain an out of town guest . i love a place where making a menu choice for yourself is a challenge because you don ' t want miss out on all the great items they offer . \n","ny\n","bklyn\n","brooklyn\n","buttermilk c\n","---\n","great brunch over here on a sunday . went to buttermilk awhile back with a couple of friends and we all enjoyed it . when we got there , wait time was about N mins , so we decided to take a walk down court street and check out some stores . when we returned they had skipped us because we took too long to get back but the hostess seated us next which was cool on her part . mimosas , bloody marys were all good . as for the meal , it was amazing . we snacked on some bacon almond which is basially almonds with bacon lard dried up on them . well atleast thats what i think it is and it is amazing . i ordered the cheese waffles with sausage . cheese waffles were something different that i never had before and were actually quite good . the homemade sausage were more like meatballs and a bit under cooked , still i ' m not complaining . the waitress at times was hard to locate but it was so busy that it ' s expected . she did seem a little rattled at how busy it was but still , she was great . will be coming back again . \n","buttermilk\n","court street\n","---\n","hands down always a great meal . i ordered half the menu the first time i went and everything was exceptional . the duck meatloaf is consistently my favorite with a rotating presentation . start off with some of the inexpensive snacks like maple bacon almonds or if you ' re feeling frisky the oysters are dynamite as well . buttermilk gets real busy at brunch so get there early or the wait is an hour plus . dinner is also busy so call over before you head out . the atmosphere is cozy so stick around for drinks and try the senandoah fizz with aperol and sparking wine . this place should be high on your list in brooklyn ! \n","buttermilk\n","brooklyn\n","---\n","the only reason this place doesn ' t get six stars ( or more ) outta me is because it is damn near impossible to get a table lately . i say lately implying that i go all the time . because i do . because the food and booze is that good . like i can ' t believe everything i put in my mought makes me say oh my god . i just wish they would buy out the place next to them and expand so i can take people there and show off my local eats knowledge . buttermilk smacks around alotta big name snooty spots with an affordable menu and well priced drinks . love . \n","---\n","a long time ago . . . . . . so the story goes . . . . . . during low tide , farmers from brooklyn could walk their cows across a mile long tidal strait from brooklyn to governors island . it is said that the water currents in this channel were so strong , that it would churn milk into butter - hence the name \" buttermilk channel . \" the churning hasn ' t stopped in this nook of brooklyn , as buttermilk channel is serving up some of the yummiest , down-home , american comfort food i ' ve had . the cozy warmth of this place is palpable as you walk in . everyone is so friendly and welcoming . the crowd varies from families with young kids to young brooklyn hipsters ! waits can be long and they don ' t take reservations for parties under five . opened by doug crowell with ryan angulo as chef , the two have an impressive array of restaurant experience which includes names like la grenouille , picholine , blue fin , blue water grill , david burke and donetella and more . as a result the menu is thoughtful as it recreates classic comfort foods to fit in with a more conscious clientele . they source locally , organically and through fair trade as much as possible . offerings such as roasted chicken with grilled bread stuffing with poached egg and pan gravy or cheddar waffles with mustardy mustard green , savoy cabbage slaw and roasted mushrooms just make you want to curl up and soak in all the goodness you are about to imbibe . \n","brooklyn\n","brooklyn\n","governors island\n","buttermilk channel\n","brooklyn\n","buttermilk channel\n","brooklyn\n","---\n","awesome fried chicken at buttermilk channel . i may not be from the south but awesome fried chicken is just awesome . the coleslaw that came with the fried chicken was pretty good too . i especially love the pecan pie sunday . that along with the fried chicken is worth the wait and worth the extra visit . \n"]},{"output_type":"stream","name":"stderr","text":[" 74%|███████▍ | 445/600 [00:17<00:05, 29.92it/s]"]},{"output_type":"stream","name":"stdout","text":["buttermilk channel\n","---\n","after all the build-up , i had high expectations of buttermilk channel . overall , i thought it was well worth the trip . i was afraid there would be a wait . . . but no wait for two on a thursday night ( the dining room actually feels quite large , not expected from the street ) . the atmosphere is simple but very charming - definitely a place that draws you in ! we started with popovers ( courtesy of the house ) which were lightly dipped in a salted syrup - very good ! then we had oysters which were pretty fresh . for dinner , i just ordered a burger ( yes - not very exciting but i had a hankering ) . it was made as ordered ( med rare ) , juicy and plenty filling . the side of fries were a little too salty ( and this is coming from someone who likes salt ) yet we still finished them ! my friend had the trout and he said it was good . it ' s a nice place to bring a date , parents , friends , etc and sit for a while and relax . will definitely go back ! \n","buttermilk channel\n","---\n","bc has amazing food , and some pretty special drinks . they are often very crowded , so plan on getting there early to wait . they have very friendly staff , and the management is quite nice too . it ' s pricey , but for a splurge ( birthday , engagement etc ) it is worth it ! in the summer they have nice outdoor seating . \n","bc\n","---\n","went to buttermilk for our monthly brunch and i must say it was one of the best brunches we have ever had . good atmosphere , great music playing and the host was very accommodating for our large party . they wasn ' t one complaint in the group of women and everyone knows that unusual when a brunch of women get together . the pecan pie french toast was excellent as was the fried pork chop with cheddar waffles . the house cured smoked salmon was great . and the esposito scramble . the biggest hit was the fair harbor on the drink menu . we will definitely be back and it ' s a nice place if you want to impress your date the morning after . \n","buttermilk\n","---\n","have enjoyed buttermilk channel very much on several occasions , including one scrumptious brunch . love the food , the look , the service . and the excellent by-the-glass wine selection . your reviewer from hoboken should learn how to spell ' chic . ' \n","buttermilk channel\n","hoboken\n","---\n","this was the best dinner i ' ve had in a very long time . we wandered in here by complete chance on a cold saturday night . although we should have made a reservation ( it was really packed ) , we were invited to eat at the bar which served us well for a cozy impromptu date . illuminated by warm candle light with oldies ringing in smiles all around , it was a delightful reprieve from the winter cold . as a gluten free diner , it feels like a true privilege to walk into a restaurant and feel invited -- they would mix and match anything i ' d like ! between the winter greens , warm lamb and romaine salad , and new england hake ( all slightly modified so i could enjoy ) , we truly had a perfect meal . dessert was a treat ! go for the special whatever it is . i have full faith in their creativity . hats off to buttermilk channel for superior and friendly service ( smiles and pleasant conversation go a long way ) . delicious cocktails to top it off . thank you . \n","new england\n","buttermilk channel\n","---\n","hands down one of brooklyn ' s finest . everything here was great . chicken and waffles hake duck meatloaf . apple bread pudding . yum i could eat here every day . \n","brooklyn\n","---\n","i know i have already written a review in the past but i had to write another one . every time i have come to buttermilk channel i continue to fall more in love . i love this place more and more every time i come . . . you must try the pecan french toast unbelievably good and the lamb on the brunch menu holy cow this is amazing when i ' m taking the bite i almost feel seduced by the flavors really good . . . lol amazing love this place . . . we were on our way to try another spot but found us heading over to buttermilk channel . jeannette b \n"]},{"output_type":"stream","name":"stderr","text":[" 76%|███████▌ | 453/600 [00:18<00:04, 31.50it/s]"]},{"output_type":"stream","name":"stdout","text":["buttermilk channel\n","buttermilk channel\n","---\n","in new york for a visit and my daughter took me to buttermilk channel . amazing ! we went for the brunch and the food was the best i have had in new york , . before out meal , the waiter brought us a walnut cinnamon roll and a jelly roll . it was a great start for what was to come . delicious ! every item on the menu looked good so had a hard time deciding . i had the burger . . . . best burger in new york i was told and now i understand why . we also ordered the scramble and the apple , smoked bacon and grilled cheese sandwich . our meal was perfect and even though i was so full when we left i couldn ' t help but wish i had also ordered the pecan french toast . yum ! if you are staying in the city it is well worth the commute to brooklyn . i can ' t wait to go back ! \n","new york\n","buttermilk channel\n","new york\n","new york\n","brooklyn\n","---\n","better than bubby ' s in manhattan . . . and that ' s saying something . awesome brunch . the biscuits are incredible . the bacon is delicious . scrambled eggs kind of mediocre but smoke salmon on rye with cream cheese and capers ? yes . also , N kinds of interesting bloody mary ' s . . . one of them with oysters on top ! you must spend a saturday or sunday afternoon there with special people to enjoy this meal . \n","manhattan\n","---\n","fabulous ! i flew in from san antonio to celebrate my son ' s birthday with his girlfriend and him . we started the evening of oct N with dinner at bc . jess and david had enjoyed the fried chicken and cheddar waffles so i ordered them . dining al fresco , hospitable and attentive server , and delicious food . the butternut squash soup was wonderful ! definitely go and enjoy the monday menu ! great everything , even the price . can ' t wait to enjoy bc again soon ! \n","san antonio\n","bc\n","bc\n","---\n","one of the best and most reasonably priced ' sit down ' brunches in brooklyn ! the dishes are so creative and delicious . excellent for the budgeted picky eater who loves something new and different as well as good quality meals . well worth a N hour train ride ! \n","brooklyn\n","---\n","i just want to give buttermilk channel a shout-out . i used to live in carroll gardens and have had a number of delicious brunches there . yes , it gets crowded , but what good brooklyn restaurant doesn ' t ? the food is delicious and well-prepared . i recently moved to windsor terrace . for my husband ' s birthday , i organized a family brunch of N people . i tried my best to get us a reservation at a brunch spot in park slope , but absolutely no luck . stone park cafe simply would not take a party that large , even as a walk-in , which i found ridiculous . applewood told me they could take us , but only if we came at N , so i completely rearranged our plans , then when i called back , they said they actually couldn ' t take us at all . nice , right ? and they weren ' t very nice about it . buttermilk channel , on the other hand , was happy to give us a reservation , and the person i spoke with on the phone was very sweet . so , we ' ll be heading back to carroll gardens for birthdays from now on . yes , there is some good cooking going on in park slope , but in my opinion , those restaurants have too much attitude , like they ' re god ' s gift to hungry brunchers . i hope that never happens to this nice little enclave at the end of court st . \n","buttermilk channel\n","carroll gardens\n","brooklyn\n","windsor terrace\n","park slope\n","stone park cafe\n","applewood\n","buttermilk channel\n","carroll gardens\n","park slope\n","court st\n","---\n","my friend was in town from la and staying at my place last month . she said she had an outstanding burger at this great new place in carroll gardens . i trust her taste and had been curious to try out the restaurant but in and out of town . tonight , my boyfriend and i were coming back from vacation and had a car so drove over to buttermilk channel . truly awesome . the meal was absolutely delicious - grilled kale and endive salad - yum ! , the burger was as my friend said - outstanding - , and the staff and owner made it feel like a place that will not only thrive but will be a staple of excellent food and warmth in the neighborhood . i can ' t wait to go back , and save room for the brioche dessert ! \n","carroll gardens\n","buttermilk channel\n","---\n","i have been to villa barone quite often since it has been under new ownership and with good reason . the staff is respectful , knowledgeable , and hard-working to ensure that your experience is a fantastic one . the owners are so deserving of their success . the food is phenomenal and they will create anything for you if you have a special request . they treat you like family and you feel so welcome when you are there . \n","villa barone\n","---\n","love this restaurant . i frequented vb while i lived in robbinsville , and really just love their service and food . planning on making a reservation for my anniversary soon ! \n"]},{"output_type":"stream","name":"stderr","text":[" 77%|███████▋ | 462/600 [00:18<00:03, 36.89it/s]"]},{"output_type":"stream","name":"stdout","text":["vb\n","robbinsville\n","---\n","now that villa barone has been bought out by the original head waiter and chef , the place is a joy to go to ! the food has always been fantastic , service as well , but you were unfortunately never sure what type of mood the old owner was in and how it was going to affect your meal . the owners now , we consider friends and whenever we get a night free of the kids , this is where we go ! the food is fantastic , especially the bread ! each meal comes with salad which i find so rare these days and it ' s a decent portion and always good . i love their dressing ! the chicken and veal is always tender . try to save room for dessert because their tiramisu is out of this world . anyone who was turned off by the old owners really should give it another shot . the menu is the same , same recipes as it ' s the same chef but the ownership is N times better than before and it ' s quite obvious ! \n","villa barone\n","---\n","you will not be disappointed at this byob , the food is phenomenal ! new owners chef server makes this place a must stop when your anywhere near by . . . . . . . . . . . . thanks for having such good food in our small town , robbinsville ! \n","robbinsville\n","---\n","my wife and i just went to villa barone for the first time and will definitely return . my wife ordered the gnocci and i had the free range chicken which was perfectly roasted over a red wine reduction accompanied by potatoes , broccoli rabb , and figs . . . wow really good surprised me that was getting quality food like that in hamilton , nj . truly a gem and byob to boot . . . go go go \n","villa barone\n","hamilton\n","nj\n","---\n","our office is in the same building as this restaurant . we eat here regularly for business lunches . the prices are very reasonable , the service is great , and the food is fantastic . you know what you are going to get when you eat here , it ' s very reliable . you can bring your own wine alcohol if you want . i know the people who work here , i see them because we work in the same building , and i know their number one goal is to provide great service , and food . east hanover has many restaurants , and we can go to any one we want , but we choose this place because we know what we are going to get , and we know they appreciate our patronage . no one asked me to write this review , and i ' ve been eating here for years . try their home made soup its great ! \n","east hanover\n","---\n","delicious greek food stall in the essex street market . you can buy single servings or entire pies and cakes . a slice of the spinach pie is worth a trip to the market ! \n","the essex street market\n","---\n","spanikopita was amazing here . absolutely delicious and satisfying . it was cooked to perfection . the pear cake is so very tasty to finish off the delight of enjoying a meal at boubouki . it is wonderful to see a restaurant consistent in the quality . \n","spanikopita\n","boubouki\n","---\n","love this stand at the essex st market . i am addicted to the pear cake and often take it to dinner parties when i ' ve offered to bring dessert ( you can call or visit ahead of time and order a cake ) . it is sublime everyine i know who has tasted it has enjoyed immensely . the owner makes everything she sells ( and it is all delicious ! ) right on the spot . i cannot vouch for the authenticity of the classic greek specialties ( spanskopita , chickpea salad , etc ) but i can say that everything i have tasted has been fresh , delicious and lovingly prepared . we les residents are sooooo lucky to have boubouki in the market ! \n","the essex st market\n","les\n","---\n","i want to visit greece , but first , i have to know if it ' s worth the time and effort . how ? through boubouki . and what i ' ve got ? the spinach pies . never thought of spinach in a pie , and this tasty ? incredible . the crust is perfect and it is so light . you can eat much and still have a light stomach . it is my favorite but i also spend some to taste the carrot cake . what i can say is that everything in that cake is perfect . gotta try other recipe on my next visit but never missed the spinach pie . now i decided , i will visit greece and expecting to taste more of these there , hopefully even better . \n"]},{"output_type":"stream","name":"stderr","text":[" 78%|███████▊ | 470/600 [00:18<00:03, 36.93it/s]"]},{"output_type":"stream","name":"stdout","text":["greece\n","greece\n","---\n","the chocolate chip cookies at boubouki are some of the best i ' ve ever had ! i ' ve never had such wonderous chocolate chip cookies ! how good ? my gentleman and i travelled out of our way , from the ues all the way to the essex market this past friday just to get some of these cookies . luckily , there were N left which we promptly scooped up . we also tried some of the almond shortbread , which were equally amazing . i ' m looking forward to trying the spinach pie on our next trip to new york . \n","boubouki\n","ues\n","the essex market\n","new york\n","---\n","i ' ll start off by saying i can never get enough greek food and i eat a lot of it . stopped by essex today after reading all the great reviews about this place . the pear olive oil cake was incredible , not too sweet , very moist and unlike any other cake i ' ve tried . the owner was super sweet and the prices are reasonable , especially for quick , homemade and good greek food in the city . will definitely be going back ! \n","essex\n","---\n","while joining two friends for lunch today , i was very disappointed in my lunch at holsten ' s . i have patronized this establishment for over N years , and today was the worst . after being seated , we ordered our selections . i chose a very simple hamburger which certainly did not taste like it should . . . a very thin patty with two tiny pickle slices . i also ordered an iced tea , which was served with a lemon wedge . i did not ask for the black spots on the lemon however ! not wanting to make my friends feel uneasy , i chose not to mention it to the server . in hindsight , i should have . it is unfortunate that this negative experience will no longer find me going to , or recommending holsten ' s . \n","holsten ' s\n","---\n","great classic landmark . but to be honest not the best food . we go for the great ice cream and the tradition of \" going to holsten ' s \" . the young people that work there are always so polite and make the experience that much better . \n","holsten ' s\n","---\n","best onion rings in the state as far as i ' m concerned . i enjoy coming here with my family . we usually take separate cars and meet up . it ' s kind of a tradition of ours . all sorts of people come to holstens for their delcious food and ice cream , families , young urban males and even middle aged men in member only jackets . just a great place to eat and even better for dessert . \n","holstens\n","---\n","we just ordered from super hero sub shop and the \" hero \" was a lot less than super . my boyfriend got a pastrami sub and a hot dog and i got a turkey sub . pros- the bread was really fresh and i liked that they had a whole wheat option . that ' s where the pros stop cons- very little meat ( literally N slices of thin cut turkey on a N inch sub is just ridiculous ) very little toppings delivery time took over an hour and N N within jersey city . considering that our order was so small and consisted mostly of cold products ( N cold cut subs , a macaroni salad , and N hot dog ) this is unacceptable hot dog ( the only thing hot we ordered ) came cold we will definitely be ordering from somewhere else next time . \n","super hero sub shop\n","jersey city\n","---\n","first found this sub shop through grubhub and was pleasantly surprised by the size of the subs , great quality bread and amazing price . they also make great wraps and have lightning fast delivery . . . they even hiked up N floors to get it to me . my only gripe with this place is the quality of some of the meats , specifically the procuitto which i found borderline inedible . long story short if your in the area and hungry this is the place to be ! \n","grubhub\n","---\n","just started going to place last week , and have already returned there N times . i ' m usually go to the N footlong place , but this place has them beat on quality and price . the large regular bread is absolutely delicious , especially when they lightly toast . and the boom boom sauce is amazing , get extra of that . i haven ' t tried the delivery service yet , but the owner said that he ' d be able to delivery anywhere in jersey city . \n","jersey city\n","---\n","i love super hero ! ! jersey city was definitely lacking a good sub place , and i ' m so glad that i now have this gem to go to for all my sandwich needs . they usually have specials going on too- which is a plus . got a free ( yummy ) potato salad with my purchase of a sub this sunday . they have everything- subs , wraps , paninis , salads . . what more could i ask for . and their prices are great considering the size of the super hero ( large ) sub . . . it ' s always N meals for me because it ' s huge . . . like larger than a small baby , i ' d say ! they ' ve always been friendly and patient while i stand there and decide what i ' ll be devouring . ) definitely will be putting my loyalty card to use . \n"]},{"output_type":"stream","name":"stderr","text":[" 80%|███████▉ | 478/600 [00:18<00:03, 33.29it/s]"]},{"output_type":"stream","name":"stdout","text":["super hero\n","jersey city\n","---\n","tried so hard to like the place given the many positive reviews . my wife and i took our young son after just landing in the city from toronto , and were hoping for a quick and nice meal . first major issue , our noodles took more than half an hour to come after our appetizers of spicy cucumber and fried chicken were finished . we were greeted by a half mumbled apology . second mistake was the waitress made a mistake on my order and gave me the warm soba without pork . rather than offer to take the bowl away and add the pork , they offered to add the pork in a side dish . this took N minutes , by which time my noodles were cold and my N month old was screaming . overpriced and underwhelming . better places to go . . . ignore the hype , especially if you ' re used to better service . \n","toronto\n","---\n","i love cocoron ' s soba . soba must be al dente , cold or hot , and they stick to the basic principle . i like oroshi soba best . this N restaurant is a little more spacious than N , so if you are eating out with friends , this is the place . the only problem is that it ' s cash only . \n","cocoron\n","soba\n","N\n","N\n","---\n","i just purchased one tray of lasagna , half with meat and half with cheese . it was absolutely delicious amazing and the best anyone ever tasted . great job ! my guests were from boston , connecticut and buffalo and raved raved raved about it . . . . . . . . they just wished they had someone in area who could make great home cooked lasagna like this . the price was unbelievably reasonable - the staff is so so so friendly and awesome . thank you for your hard work and great cooking . loved loved loved it ! ! ! ! ! great job ! \n","boston\n","connecticut\n","---\n","this place is a new neighborhood gem . they have a wide selection of delicious italian cheeses , antipasti , as well as cold and hot dishes . they also have a wide variety of cold cuts and make great sandwiches for customers on the go . borgo italia isn ' t just a deli , it ' s also a small market with plenty of italian pastas , olive oils , spices and herbs , and beverages . it ' s so clean and organized ! ! perfect place to go for a quick lunch or to stock up on quality italian goods . added bonus - they do gourmet catering for small groups and occasions ! \n","borgo italia\n","---\n","my gf and i decided to try something new in the morristown area and came across this restaurant based off all the positive reviews . however , there was not one single positive aspect to our dining experience . upon entering we found the place to look modern and cool and were seated at a two person table . it then took N minutes for our waitress to greet us and take our drink orders . which then led to another N minute wait for our coffees . luckily , we had enough time to look over the menu enough time in that N minute span to order right away ( N eggs west coast scramble ) . once our order was put in , it then took another N minutes to receive our dishes . during that wait , our waitress came to us every N minutes or so to say ' our food would come right out ' . we also were seated right below an ac vent that was blasting us with cold air on a mild N degree day . we asked her to turn that down , which she never did . and . then our food finally came . . . my first bite of my eggs in the west coast scramble tasted exactly like some type of fish . i thought it was in my head so i took another bite and it was the exact same , and then asked my gf to try it as well . and she agreed with my taste buds , that something was off . i immediately ran to the bathroom to rinse my mouth out . and my gf proceeded to tell our waitress about the fishy taste , and even offered her a bite , but she declined ( smart girl ) . however , she did catch a whiff of the fishy odor . for my troubles i was offered to order a replacement dish , but i decided against it bc i didn ' t want to have to wait another N minutes for eggs ! the potatoes were decent , but of course those were luke warm , maybe bc they were ready N minutes prior to our eggs . and for our troubles , we received a N discount on our meal ! needless to say , i will never go back there . we should have never strayed away from our usual brunch spot , carver ' s . . . so in conclusion hapgood ' s is hapbad \n","morristown\n","---\n","i work in the area and have visited hapgoods N times . i will not be back ! really good food but it is way , way too loud to enjoy ! children everywhere unsupervised and come on . . in mountain lakes , valet parking wouldn ' t kill you ! \n"]},{"output_type":"stream","name":"stderr","text":["\r 80%|████████ | 482/600 [00:18<00:03, 32.55it/s]"]},{"output_type":"stream","name":"stdout","text":["hapgoods\n","---\n","first the good . been there twice on recommendations of friends . food is amazing ! very tasty ! ! pancakes and omelets are the best i have had in my life , and their soups are the best . so different ! ! not your run of the mill , standard cafe or diner selection of food and i applaud the effort . service is good as well , very attentive and friendly . my server ' s name escapes me at the moment but she was cheery and seemed genuine which is always nice ! now the bad . . the place is so noisy ! ! way to loud for me and my friend to even have a conversation . and my goodness it was romper room ! seemed like dozens of unruly children all over . while the decor is beautiful and the space is inviting , much to loud and chaotic for me to enjoy what should have been one of the best meals of my life . my compliments to the chef and staff but i will not be back . i simply could not enjoy myself with that level of noise and chaos . i will say that west orange could use a restaurant with this quality of food and commitment to breakfast . you simply don ' t see it very much unless you grab the standard stuff from the eagle rock diner which no one even can explain to me while it is still open . fantastic food and service just to chaotic and extremely hard to enjoy . \n","west orange\n","eagle rock\n","---\n","my kids and i take the train in from nyc on a regular basis and hapgood ' s has now become a must on our way to visit family . the pancakes and omelets for breakfast are perfect but you must try the poached pear pancakes . so fluffy and delicious and a unique combo . even my kids like to sneak a few bites . for lunch you can ' t go wrong with their version of a blt - it ' s made with brie cheese on a roll . yummy ! the deli salads are super fresh and come with your sandwiches . frankly we haven ' t had anything less than delicious . they make great cappuccinos and have a varying selection of baked goods if you are in a hurry . my hope is they stay open for dinner . service and staff friendly and efficient . the portions are generous for the price . \n","nyc\n","hapgood ' s\n","---\n","zero stars , absolutely not worth the time or money . the managers and staff look like they never take showers . totally un-professional . how can i trust the food in a restaurant when the person or managers that greet me at the door are wearing track-suits that were discontinued by k-mart in N . montclair has many great options so definetly drive right past this place . \n","k\n","-\n","mart\n","N\n","montclair\n","---\n","ok so i ordered by phone and the woman is soo freak ! ! she got mad at me ! ! she doesn ' t even understand what i was saying ! ! ! i asked her if their ' s a delivery fee and she said no , she asked me where i wanted to deliver it , and i said in west side ave , jersey city . she was like ' ' where ? ? ? ? ? ? where ? ? ? ' ' she shouted at me ! ! and she asked me what i want to order and she said , we cannot deliver coz it ' s under N ! ! freaaaakkk ! ! ! i talked to her very nicely and sloooooowly . but there food is good though . i dont recommend ordering by phone . trust me , she will never understand you ! ! i feel sorry for her . \n","west side ave\n","jersey city\n","---\n","this is by far the best vietnamese in northern jersey ! reminds me of mama ' s home cooking . i ' ve eaten almost everything on their menu and they have yet to disappoint me . and everything is so affordable . i even order N days worth of food for later meals . i grew up eating goi cuons that had sliced pork and shrimp but could never get a restaurant to have a combination of both in the rolls . finally a place that makes goi cuons like my mom made ' em . then my favorite appetizer is the banh xeo . this place makes better banh xeo than any place i ' ve been to in nyc and philly . again the combination of shrimp and pork . i don ' t know what they use but they are so crispy . definately a place you have to try . \n","northern jersey\n","nyc\n","philly\n","---\n","great manhattan view , great athmosphere , friendly staff , nice food ! bravo majstore ! \n","manhattan\n","majstore\n","---\n","charming grill bar with amazing view . the food was really delicious and the stuff was super nice . little gem in long island city ! \n"]},{"output_type":"stream","name":"stderr","text":[" 82%|████████▏ | 490/600 [00:19<00:03, 32.56it/s]"]},{"output_type":"stream","name":"stdout","text":["long island city\n","---\n","where to begin . . . . big disappointment ! granted that the expectations were low , just wanted a quick mid-week dinner . we got seated and waited for a waitress to appear , although there were only N other tables of patrons . ordered food and drinks , waited an unreasonable amount of time . my husband ' s fajitas comes out , no sizzling plate , as per the waitress , lack of heat was for our safety ! the steak was cold and rubbery . we just had to send it back risk the potential of extra seasoning of spit . i ate my dinner which was average , while my husband sat and waited , only for the food to come back , obviously just microwaved even more rubbery . the manager , craig , apologized of course at this point , but no attempt to retain our patronage by offering free drinks or dessert . don ' t waste your money , you can have a better meal at chili ' s or longhorn steakhouse across the street . \n","chili ' s\n","---\n","i was so excited to try this bagel shop recently , based on the good reviews and recommendations from friends . the location was beautiful and the menu had more options and variety than any i ' ve seen elsewhere in the burlington area . i ordered a plain bagel with plain ol ' cream cheese , just to see if they could pull of the basics , and . . . i was wildly disappointed . the bagel just didn ' t taste any good . it was toasted just fine , the flavor was just incredibly lacking . i ' ll go elsewhere in the future when i ' m looking for a bagel that will really make my mouth water . \n","burlington\n","---\n","so , let me start by saying that if i was rating this strictly on my meal , five stars is not enough . if you want a hearty breakfast , specifically for a drive home the morning after sampling some of vermont ' s finest craft beers , you can do no better than a breakfast sandwich on a vermont country bagel . i got a sausage patty and paired with the fennel and salt on the bagel , it was heavenly . the lack of a five star review is thanks to the odd encounter we had with the girl who made my bagel . she seemed pleasant enough , or at least as much as one could working in the pit of despair that is a bagel shop on a sunday morning , but she asked to see my receipt after handing me my bagel . i told her my girlfriend paid it , which she did , and that i would send her up with the receipt right away . when she got there , she was met with a look of confusion and rudely brushed her off to get back to the queue . it was . . . really odd . enough that i am dusting off my yelp account to tell you about it . i don ' t take it personally , as i have been in her shoes before , but i cannot begin to tell you how odd that was . i can understand wanting to make sure i wasn ' t trying to walk off without paying , but to ask to see a reciept and then decide to trust me after all ? i don ' t know . have some coffee . \n","vermont\n","vermont\n","---\n","best pizza in the entire irvington , newark , east orange hands down \n","irvington\n","newark\n","east orange\n","---\n","this location , formerly known as the peter pan and golden gate diners is open under new management and ownership . they offer all of the diner favorites and some more intricate , extravagant dishes at unprecedented quality and freshness , whether you enjoy them to go , for delivery , or in house with their accommodating , friendly , and knowledgeable staff and byob policy . \n","the peter pan and golden gate diners\n","---\n","a real find in the restaurant wasteland that is midtown west . , ocabanon is a place you ' d walk right past if you weren ' t looking . we were greeted by a french accented man and that set this transportive moment straight to paris . the food was delicious and the wine list is impressive and oh , the bread . delicious coffee too . i real find for lunch . . . i plan to go back for dinner . the decor is modest but homey . i love ocabanon . jo nyc \n","midtown west\n","ocabanon\n","paris\n","ocabanon\n","---\n","ocabanon does a fantastic job of bringing fine french flair to nyc ! the sliders were delicious and the chocolate log for dessert was simply incredible , perfect to be paired with either coffee or wine ! \n","ocabanon\n","nyc\n","---\n","honestly , it ' s rare to be able to find this kind of quality for this price , food , wine , perfect . i just moved to chelsea , discovered this jewel and i ' m sure that i ' m going to improve my french ! ! try the aioli with the muscadet omg . \n"]},{"output_type":"stream","name":"stderr","text":["\r 82%|████████▎ | 495/600 [00:19<00:02, 36.30it/s]"]},{"output_type":"stream","name":"stdout","text":["chelsea\n","---\n","excellent place to go to that i immediately recommended to friends . was there for a business party and i have to say that armel was an excellent host , and that absolutely everything was devine . the place is very nicely designed and the food . . . ahh , the food the wine is fabulous , the mushroom risotto marvellous and the cr me brul e fantastic ! \n","armel\n","---\n","brand new place , and already like it ! come few time already and always be please with french food here . impressive \" cave \" for people who really enjoy nice wine . really nice to have a \" open \" space in this area , hopefully they will have fun and interesting event for summer ! new york is so much better with place like this . \n","new york\n","---\n","the food in this restaurant is fresh and traditional . they are a wine bar with many choices . i found this place on yelp and it was a very good surprise . i went there twice , once with my mother , once with my friends who are brazilian and japanese . i wanted them to try french food . we ate french specialties like foie gras , pate de campagne and many kinds of salami with french bread and cheese . for the desert we ordered french apple pie and nougat glace . we really appreciated the place and the food . it was new for my friends . this place reminds me of france and i really appreciated it . they servers are very kind and some are french . i will comeback many times and i really recommend this place ! \n","yelp\n","france\n","---\n","sadly . . . . i can not comment on the food as we never made it into the restaurant . we were invited for a special Nth birthday celebration . our host called the day of the reservation to confirm , however , the same person who booked the reservation informed our host that there was no reservation . being the meticulous person our host is , she reiterated the day , time and name of the individual from mes reves who booked the reservation . the chef owner even got on the phone . . . . he was rude and kept insisting there was no reservation . our host worked desperately to try and remedy the situation for herself and the other N guest , but he held little compassion for her dilemna . this special day . . . her Nth birthday . . . . along with the beautiful invitations and party favors was turning into a nightmare for our host birthday girl . fortunately , one of her guest called cafe matisse in rutherford and they quickly rearranged their seating to allow our host to continue with her special milestone birthday . unfortunately , too many restaurants today want to turn over their tables in the name of making money . we all understand that and as business owners must care about our profits in today ' s economy . however , whether mes reves mistakenly accepted that reservation or not , there is still a moral obligation to do the right thing . every once in a while , it is important to remember we are human beings first . however good a restaurant ' s food may be should never override the qualities of a good , decent human being . shame on you mes reves . \n","mes reves\n","cafe matisse\n","rutherford\n","---\n","i had high high hopes for this restaurant , but it didn ' t measure up . for the most part , the issues i had were with the food . everything sounded great on the menu , but on arrival . . . meh . after reading some of the superlative reviews , i felt compelled to give folks out there my honest take , since the prices are not low . i also hope the owner chef reads this and makes adjustments , because the good news is that the problems he has are totally solvable - there ' s no lack of vision , issue with fundamental technique or problem with the quality of the products used . the core problem here is that the execution is only mediocre and it needs to be much better to ensure this ' reve ' comes true for the owners . to start , we had the sweetbreads and the foie gras , followed by the steak au poivre and the rack of lamb . for dessert , we were offered a choice of vanilla , peach or chocolate souffl . . . so we of course elected to try all three . souffl is a weakness and i can never resist . the sweetbreads were battered and fried , which overpowered their delicate flavor and the necessary cooking time to cook the batter made them overly chewy ( not tough , just not as silky as they ought to be ) . the sauce was bland and didn ' t particularly add or detract from the dish and the haricot verts on the side added color but not much else - kind of a wasted opportunity . so unfortunately , the end result was something more akin to a chicken nugget - edible , but nothing special . the piece of foie gras was clearly of excellent quality - no veins and no granularity . it was served with butternut squash and fried leeks , which , while a little contradictory from a seasonality standpoint , were actually more interesting than the cloying lumps of fruit reduction that usually accompany foie in this country . the cardinal sin here was that it was overcooked . foie gras should blush when you cut into it and have a texture just this side of wobbly ( think perfect panna cotta ) . this was light brown all the way through and firm ( think overcooked panna cotta cotta . . . ) . fortunately , the high quality of the liver and the flavors of the dish were strong enough to still make it enjoyable - but for N in a french restaurant run by an fci grad , i expected better execution . the main courses were better than the appetizers , but not without issue . the lamb was a perfectly cooked medium-rare , but was unfortunately not adequately seasoned . for want of a pinch of salt and pepper , the lamb was lost . okay , not lost , but you know how frustrating it can be when a dish is close to perfect and all it needs is subtle seasoning . the ratatouille that accompanied the lamb was not what i expected in a french restaurant - rather than a carefully constructed dish of independently cooked seasonal vegetables , this was just a mixture of rough cut veggies cooked together in a pan . it wasn ' t bad , but it wasn ' t ratatouille , either . the steak was a ny strip . i think this is probably the most overrated cut of beef out there , but if it is quality dry aged and cooked rare to medium rare at most , it can work . otherwise , its tight texture can make it tough as old boots . so we were optimistic when the waitress wanted us to understand that by ordering it medium rare , we would get a cold center . that ' s not quite right , since rare is a cold red center and medium rare is a slightly warm red center ( the french don ' t call it ' a point ' for nothing ) , but we were encouraged by them at least erring on the side of undercooking rather than overcooking . alas , the steak was medium to medium well . dommage . the green peppercorn sauce was pleasant - piquant , but a little unbalanced in that it was overly peppery - i love highly spicy food , but this was a little distracting in this context . the truffled fries were nicely done - hot , crisp on the outside , soft on the inside and flavored with flecks of black truffle and not just drizzled in fake truffle oil . dessert was the worst part of the meal . the souffl s rose admirably , but were way too eggy in flavor , with a simultaneously lumpy and runny texture . the peach one was particularly bad - we searched for the words to capture the experience of eating this odd concoction and decided that the closest analogy was thatbit was like loosely scrambled eggs flavored with N alive ( remember that stuff ? ) . not a successful course . i ' m a big fan of the ceviche and churrasco at bohemia right down the street , so i was definitely hoping that there might be a little rennaissance movement starting in bloomfield . unfortunately , i don ' t think we ' ll be back - we ' re N minutes away and this place is not inexpensive - so it ' s not a good gamble of time or money to keep going back unless i can be reasonably sure that the issues have been addressed . not worth it as is , but i wish them luck in the future and hope they can pull it together . \n"]},{"output_type":"stream","name":"stderr","text":[" 84%|████████▍ | 503/600 [00:19<00:03, 27.29it/s]"]},{"output_type":"stream","name":"stdout","text":["N\n","bohemia\n","bloomfield\n","---\n","we were told by a friend that this restaurant had a reputation as the best french restaurant in the montclair area so we decided to try it out . the decor is pretty and the waitress was very friendly ( although a little too familiar and intrusive by the end of the meal ) and our opinion of the food was that it was very rich without being particularly flavorful . we ordered the steak frites and a fish entree as well as appetizer salads , and we both felt a bit ill later in the evening from the richness of the food . while it is possible that perhaps the place just had an off night , we won ' t be going back and continue our search for a favorite french spot . \n","the montclair area\n","---\n","we enjoyed a lovely meal at mes reves recently . a very warm and friendly staff coupled with a very talented chef . we had salmon and skate as our entrees . both dishes were beautifully prepared with unique and delicately executed sauces . we shared the bread pudding and were very pleased with our meal . the room itself is very ' chic ' acoustics , very good . mes reves also has a ' pre fixe ' menu during the week which we are looking forward to try . \n","mes reves\n","mes reves\n","---\n","i came here for restaurant week . definitely impressed and will return ! service a . seated immediately ( although i did go around N Npm ) . waitress was really nice and was very attentive . did not have to constantly wait for her to come to re-fill or such . was warned that the portions are smaller due to price value so no surprises there . the N course was a good portion for one person anyways . food escargot too too much garlic , but good otherwise . the sirloin with the potato puree was delicious and cooked medium perfectly ! i wanted to try the almond brulee , but they ran out ( i did try the cranberry bread pudding with ice cream and it was delicious . summary one of the best restaurants in bloomfield . great experience ! \n","bloomfield\n","---\n","we have eaten at mes reves several times and always enjoyed our meal . last night was the best experience of all . service was great and unlike many restaurants in nearby montclair , even though the room was filled and people were clearly enjoying themselves there was not a deafening din and you could actually carry on a conversation with your tablemates . i think that the chef is getting better and better with experience . our group started with the mushroom tart ( always delicious ) and crabcakes ( best we ' ve had in a very long time ) for starters and for main course risotto with scallops , duck breast , pork tenderloin ( with an emphasis on \" tender \" ) and salmon , all of which were expertly prepared and very tasty . vanilla and chocolate souffles for dessert were a fitting finish . the chef has shown his skills . now if he broadened his repertoire to provide just a bit more variety on the menu we ' d come even more often . \n","mes reves\n","montclair\n","---\n","i was at mes reves with some east coast family around august N . suffice it to say that it was truly exceptional . the matradee , tami , was very friendly and seated us promptly ( it was around Npm ) . service was efficient and attentive . ahhh now on to the food . we ordered a variety of dishes including seared duck breast , foie gras , and escargot to name a few . they were all outstanding . the duck breast was definitely the best duck i ' ve ever had it is prepared with a crispy , delicious layer of skin on top , leaving the meat moist and flavorful . the foie gras was served upon a bed of butternut squash , and like the duck breast , it was incredibly delicious . the escargot , which were served shelled in a porcelain pot , were cooked with kalamata olives and a garlic butter that added a lot to the dish . overall , it was a fantastic dining experience , and i ' ll definitely be back next time i ' m on the east coast . \n","mes reves\n","east coast\n","the east coast\n","---\n","great place ! tonight was out fourth meal in the last N months at mes reves and i had to write a review . my wife and i had the mussels , the gnocchi and a salad as starters . she raved about how light the gnocchi was . for entrees i had the steak au poivre and she had the pork tenderloin . both were done to perfection . we also ordered a peach souffle and creme brulee for dessert , also perfect . ( the soulffle was peach heaven . . . ) the chef owner also graciously brought us a small portion of the sauteed skate , free of charge , just because we were curious and asked about it . tonight was pretty much like the other times we dined at mes reves , that is , an upscale dining experience at a reasonable bloomfield price . we will definitely be going back . \n"]},{"output_type":"stream","name":"stderr","text":["\r 84%|████████▍ | 507/600 [00:19<00:03, 25.67it/s]"]},{"output_type":"stream","name":"stdout","text":["mes reves\n","mes reves\n","bloomfield\n","---\n","suzette e . has no idea what she is talking about . the chef owner does not need to make any adjustments . we have been there many times , and have always been pleased . in fact , we ' ve recommended mes reves to friends , who have felt the same way . maybe suzette e . needs to adjust her taste buds , because she obviously does not recognize quality food . everything from the appetizers to the desserts , not to mention the service , are superb . most of the reviews for mes reves are excellent , so take it for what it is . \n","mes reves\n","mes reves\n","---\n","we went here and let me say . . . best french place ever ! from great customer service , which included the chef who actually came out to greet customers , to the delicious food ( the duck is definitely the best dish followed by the pork tender loins ! ) , i could not have asked for anything more from a nice , small bistro . we also had the foi gras as an appetizer and the crembule for desert . . . both were mouth watering ! the atmosphere was very elegent yet relaxed and cool . the service was incredible , as the waitresses were very friendly and conversational . everything came out perfect and i had zero complaints . . . definitely the best place in town for a nice dinner . mes reves is a hidden gem in new jersey , but all of you should go find it immidietely ! ! ! ! ! \n","mes reves\n","new jersey\n","---\n","last evening , june N , N , i had the pleasure of dining at mes reves , one of the finest restaurants i have ever had the pleasure of visiting . on this occasion , a splendid party to celebrate the upcoming wedding of my nephew and his incredible fiance , we were presented with wonderfully creative dishes that were a feast for the eyes as well as the palate . i should mention that i am a vegetarian , a very finicky vegetarian , and my needs were not only met , but exceeded by tenfold - not an easy task . quang tran , the chef owner is brilliant , my taste buds have never been more thrilled . rather than explain individual dishes , i feel confident in saying whatever menu items you decide to order will be the right ones . i would be remiss if i neglected to mention some of the most attentive , personable wait staff i have ever experienced . i must mention also the decor , which immediately upon entering mes reves , welcomed me with open arms . i do hope you have the opportunity very soon to reward yourself and those you care for with a memorable visit to mes reves , you will not be disappointed . \n","mes reves\n","mes reves\n","mes reves\n","---\n","wow , i went here last night ( may N , N ) for the first time and it was incredible . i live right on osborne st for the last year and have never seen this restaurant . my mom and dad were in town from michigan and pointed it out , so we went . the food was very delicious ( we ' re foodies , but not snobby elite foodies ) . quang , the owner chef , came out to visit and brought two gratis dishes to show off his skills - as he should , because it was fantastic . i can ' t believe i ' ve gone a year without visiting here , we will definitely be back . \n","osborne st\n","michigan\n","---\n"," \" c ' est magnifique ! \" we must thank the chef at ' mes reves ' for a delectable one-of-a-kind dining experience as our palates journeyed from the fine appetizers of mussels and crispy sweetbreads to the scrumptious crispy calamari salad followed by the mouth-watering pan seared duck and sauteed skate and ending with their famous bread pudding ! need we say more ? the service and price was also good . we highly recommend ' mes reves ' and hope you have the opportunity to experience all this for yourself ! \n"]},{"output_type":"stream","name":"stderr","text":[" 86%|████████▌ | 513/600 [00:20<00:03, 24.73it/s]"]},{"output_type":"stream","name":"stdout","text":["mes reves '\n","---\n","we visited this french restaurant last night on the recommendations of some friends , and the food topped even their praise . all of our choices , appetizers , main courses , and desserts , were superlative . plus , the wait staff couldn ' t have been nicer . too bad it ' s not located in the heart of the bloomfield ave . strip in montclair . it would clean up . \n","the bloomfield ave\n","montclair\n","---\n","i can not say enough about this restaurant . the food , the service , the atmosphere all amazing ! ! this is my second time here and the food was just as great if not better . you are never rushed so you can enjoy the food . the portion are huge ( left overs for the next two nights ) , and the staff and owner are personable , knowledgeable , and friendly . if you go no where else in bloomfield go here . you will not be disappointed . \n","bloomfield\n","---\n","great ambiance ( great for date night , and out with friends ) , wonderful food , and excellent service . everyone at mes reves is very friendly and accommodating . the ambiance rivals that of the cozy eateries in manhattan . as another yelper wrote , \" the chef is always trying out new dishes and may drop a complimentary tasting on your table . . . \" . and those extra dishes didn ' t disappoint ! ) on our last visit , we started out with the scallops appetizer . the scallops were perfectly cooked and that cream sauce was out of this world . i know there was a salad on the table , ( mesclun salad ) however , i was not able to partake as my boyfriend took the reigns on that one . the plate was clean so it ' s safe to assume that he enjoyed it very much . for entrees , my boyfriend had the pork tenderloin and i had the steak au poivre ( i can ' t help but be a meat and potatoes type of girl ) . i really enjoyed my dish . the temperature on the steak was a perfect medium . dessert ? of course we made room - well i know i did ! though my boyfriend was ready to throw in the towel . ordered ice cream ( i know , very generic ) but it was tasty ! we also got to taste the chocolate pistachio creme brulee . again , plate was clean ( boyfriends doing , but this time i did get a spoonful ) . it was definitely very good . all in all , it was a wonderful evening and we are looking forward to coming back . \n","mes reves\n","manhattan\n","---\n","mes reves is a new french bistro in bloomfield . the food is deliciously excellent and there hasn ' t been one dish that disappoints . from the deliciously seared foie gras , succently duck , savory steaks and truffle fries , with the best decadent desserts to round off the meal . the staff is so friendly and attentive and we were even lucky to meet the chef who stopped by our table to say hello . love it ! we will be back soon to dine on more tasty morsels of mes reves ' offerings ! \n","mes reves\n","bloomfield\n","mes reves '\n","---\n","i must say . . . everything is delicious ! from there jerk and fried chicken , to their oxtail and salt-fish fritters . . . everything is taste so good ! i was surprised such a good restaurant is right here in bloomfield . and they deliver which is great ! they are now official jamaican food goto place ! \n","bloomfield\n","---\n","i have to say the food is simply amazing ! ! ! ! if you want really authentic jamaican food , this is the place . hands down best oxtail i have ever eaten . also , the staff is very friendly . i drive all the way from new brunswick just to eat at tropics . \n"]},{"output_type":"stream","name":"stderr","text":["\r 86%|████████▌ | 517/600 [00:20<00:03, 27.64it/s]"]},{"output_type":"stream","name":"stdout","text":["new brunswick\n","tropics\n","---\n","this was a nice place to go with the previous owners and is now a gem with the new owners . you could not feel more welcome and the interior is stunningly beautiful and cozy . food is of the highest quality and caringly prepared - from burgers in the tavern to fine dining . food wine , james beard and the globe are not wrong . weathersfield is worth the drive . \n","weathersfield\n","---\n","my husband and i stayed here for a weekend getaway in august , N and had a truly wonderful time . the room we stayed in was clean , comfortable and quiet and the entire inn is extremely well-maintained . we ate breakfast and dinner at the inn each day and the food was some of the best we ' ve ever had . the ingredients were fresh and seasonal and each dish a great combination of flavors . we had the tasting menu one of the nights we were there and were super impressed with every dish and with the wine pairings . i am a vegetarian and have some food allergies , but the chef and waitstaff were able to accommodate these restrictions while preserving the unique flavor combinations for each dish on the menu . i highly recommend the inn at weathersfield whether you are looking for a quite weekend away or just a nice place to have dinner while traveling through vermont . the food is incredible and the setting is beautiful . the innkeepers richard and marilee and all of their staff are friendly and helpful and the entire atmosphere at the inn is warm and inviting . my husband and i will definitely be returning on our next trip to vermont . \n","august\n","weathersfield\n","vermont\n","vermont\n","---\n","one night at the weathersfield inn feels like a week long vacation . time has a way of slowing down . our room had a fireplace , one of the most comfortable beds i ' ve ever slept in and a huge tub for two in the adjoining bathroom . this is a place for some serious relaxing ! but it ' s the food i will remember most . i knew there had been a change in chefs here recently so i was a touch nervous as to what we would find . well , let me state for the record that what we found was some of the best cooking i ' ve had the delight of eating in a long time . there is a huge emphasis on farm to table here . everything is local , made from scratch and beautifully presented . we went for the five course tasting menu and every bite was perfection . the first course was a small roasted beet and local greens salad with almonds and the most delicious finger licking dressing drizzled all over it . this was followed by a bowl of butternut squash soup . now i know you ' re probably thinking , butternut squash soup , how boring is that , but i ' m here to tell you that this was probably the most delicious bowl of soup i have ever eaten . like baby bear ' s porridge , it was neither too thick nor too thin , and the flavor had a subtle curry hit in the background . an amazing homemade stock had clearly been used in the making and a swirl of house-made creme fresh was swirled on top . i like soup just fine but it is not something i would normally order in a restaurant . well i will be dreaming about this soup for years to come . a beautiful piece of grilled halibut came next , sitting on a fresh pile of ratatouille . the sauces that came with it were just right , not too creamy or too rich but bursting with flavor . one , if i remember correctly , was a minty yogurty sauce that was fabulous . we had pork for the meat course and it was bursting with juice and flavor , just like pork should taste but never does . the spinach underneath it was grown down the road and there was a gorgeous parsnip puree that we had to request more bread for so we could wipe our plates clean ! dessert was a chocolate creme brulee with crunchy homemade pralines on top . heaven in a dish ! the part i love best is that none of this food is pretentious or fussy . it ' s just utterly delicious . oh , and for breakfast , if they have the cheese and apple pancakes on the menu with a little pot of warm cider syrup to pour over them , you are in for a treat . i cannot wait to return . thank your for a truly special and memorable visit . \n","the weathersfield inn\n","---\n","best romantic winter getaway ! just got back from a wonderful weekend at the inn . atmosphere was peaceful and charming . service was exceptionally good and well above any place we have been to before . the innkeepers and the staff did an amazing job in taking care of any of our needs . breakfast was N out of N , and started every morning perfectly . we were also lucky to be there when it snowed - beautiful ! the location is was only N min from okemo mountain , in which we skied ( ski conditions were great ! ) we will definitely come back to this lovely place . yoav hadar \n"]},{"output_type":"stream","name":"stderr","text":[" 87%|████████▋ | 524/600 [00:20<00:03, 25.01it/s]"]},{"output_type":"stream","name":"stdout","text":["okemo mountain\n","---\n","this place is just like tokyo ! great atmosphere , food and service ! want to use for dating for sure grilled sea bass was an amazing ! i will definitely going back only for that ! im so happy my friend told me this place ! \n","tokyo\n","---\n","bohemian is one of my favourite restaurants in new york . the concept , the atmosphere , the food- everything my taste . the fact that not too many people know about it ( yet , and hopefully remains that way ) . we didn ' t order the tasting menu as we wanted to pick our own dishes . everything there was so yummy- especially the japanese steak , and it comes with sweet potatoes ( my favourite ! ) . another favourite was the uni croquettes . apart from the food , they also have amazing cocktails , really enjoyable dinner as always . \n","bohemian\n","new york\n","---\n","wonderful , japanese-american fusion restaurant that is hidden from view . no sign outdoors and entrance is through a nondescript alleyway on great jones street . must have reservation that is hard to get . the food is superb . the restaurant is small while the atmosphere is that of a very private club . to say that this place is unique is a gross understatement . it is well worth the effort to dine here . \n","great jones street\n","---\n","the experience sums up to ten on all fronts . one thing i really loved about this place was the precision and details . from the chopped sticks propped up on a stone to the cylinder shadow emanating from the table candle to the unique dishes clay pots . we chose to partake in the tasting menu simply yet succinctly presented in a diverse succulent N course serve out . the first was cold veggies w an insanely tasty anchovie cream fondue . immediately ( and i mean not an unpleasant wait at all between courses ) after was a delicious sea urchin croquette , delish ! afterwards was the beef sashimi w wasabi and a delectable garlic assortment . then the prize of the night , branzino served w oil roasted veggies ( cauliflower , olives , brussel sprouts , mushrooms ) all of which were salivating . the theres a choice between kobe beer burger or a caviar rice bowl . i tasted both and they do not disappoint . last a wonderful palate cleanser via sour custard . the service is great and they chat with you as well and brandish a positive vibe , which is a crucial yet subtle underlying necessity for a positive dining experience . finding a way into the place , getting there , enjoying the ambiance , devouring the wonderfully prepared food . . . the whole experience really makes you feel privy to another world of dining out in nyc . will be back very soon , i hope ! \n","nyc\n","---\n","our friend told us about bohemia and we were amazed at the great experience . the food , the service were all first rate . the food was superb , each dish served by itself having perfect presentation , taste and aroma . the flavors were outstanding . our server was very personable but not intrusive . we will not forget our experience . bravo bohemian ! \n","bohemia\n","---\n","wonderful , japanese-american fusion restaurant that is hidden from view . no sign outdoors and entrance is through a nondescript alleyway on great jones street . must have reservation that is hard to get . the food is superb . the restaurant is small while the atmosphere is that of a very private club . to say that this place is unique is a gross understatement . it is well worth the effort to dine here . \n","great jones street\n","---\n","i love japanese food restaurant like bohemian are exactly why . there is so much care put into each dish , each course is like a work of art . \n"]},{"output_type":"stream","name":"stderr","text":[" 88%|████████▊ | 531/600 [00:20<00:02, 27.60it/s]"]},{"output_type":"stream","name":"stdout","text":["bohemian\n","---\n","my husband and i went to bohemian for the first time on monday , may Nst , N . we have not gone back since then , although we have wanted to , but we talk about our dining experience at the restaurant all the time . the food was absolutely heavenly , the service was excellent ( the half-japanese , half-american waiter was really cute ) , and for an added bonus , we saw some famous celebrity and her boyfriend come in and dine in . it was a true new york experience . \n","bohemian\n","new york\n","---\n","bohemian has definitely become one of our favorite places . great food . . wonderful service . . cool , cozy , intimate ambience . . so comfy , you ' ll end up chatting and sharing dishes with next tables . tried too many delicious dishes to list all . . with one exception . . just one husband and i had beef with their sliders . why put mayo ketchup on really good meat ? we would ' ve preferred w o . i still love you , bohemian ! \n","bohemian\n","bohemian\n","---\n","you just have to give bohemian five stars secret location tucked behind a deli and superb food at reasonable prices ! the zen rock gardens add to the feel and the staff is a delight . only catch . . . you need someone to gift you the phone number and it won ' t be me ) \n","---\n","bohemian is hands down one of our favorite restaurants in nyc . it ' s got a cool speakeasy feel with its unlisted phone number and no walk-ins policy - you have to know someone who ' s been there to be able to get the number and a reservation of your own . it ' s down a long hallway behind a butchers shop and through a secret door . if and when you can find your way in , it ' s got a really chic modern vibe , naturally lit from the skylight above and a very limited number of tables . the food and specialty cocktails here are out of this world . we only had time for some small plates but each one was fantastic - the mushroom coquette with uni , the washu-gyu beef sliders , the beef short rib sashimi and the foie gras soba noodles . we ' re dying to go back to try out the steak and branzino . if you can get your hands on the number and snag a reservation , bohemian is a great place to impress your date with a delicious meal in a small intimate atmosphere . datenitenyc \n","bohemian\n","nyc\n","bohemian\n","datenitenyc\n","---\n","i wasn ' t sure what to expect after finally breaking the code of getting a reservation . sometimes the hype isn ' t worth the price of admission . but , i was determined to make my way into the back of the butcher shop to experience the \" members only \" mystery that is bohemian . the decor , clientele , music , and service were unflawed in my opinion . minimalist , with just a few tables and comfortable upholstered chairs ( which you will need after self inducing into a food coma ) , fantastic garden built into the wall , and amazing graffiti on one of the walls . if it were appropriate to raise a plate to my face and lick it clean in a restaurant , i would have done so here . we started with the mushroom salad , went into the short rib sashimi , uni croquette , miso cod , waygu sliders , and ended with foie gras soba noodles and finally the food coma . . . dessert sake panacotta and chocolate creme brulee . steer clear of the cucumber drink and go for the mint gold , mojito , and definitely do the indian summer ! i have already made a reservation to go back next week , and i plan on putting this gem on my list of regular haunts . if you get the chance to go , wait it out for a table and not bar seating for your first time . i promise you will need the chairs . . . if you are a seeker of new food in new york city , then you know that most hot spots are loud , crowded , and overdone . you can ' t help but notice in bohemian that the atmosphere is relaxed , quiet , and enjoying conversation with your party will not result in laryngitis the next day . \n"]},{"output_type":"stream","name":"stderr","text":[" 90%|████████▉ | 537/600 [00:20<00:02, 25.51it/s]"]},{"output_type":"stream","name":"stdout","text":["new york city\n","---\n","this truck comes to sachem st and prospect st every tuesday ( i believe ) . two cupcakes for N . the guy ( owner , i believe ) might want to consider wearing some gloves and be more sanitized , in my opinion . it ' s disgusting seeing him touch your cupcakes sometime--i ' m not the one buying but still . \n","sachem st\n","prospect st\n","---\n","holy smokes ! we were in new haven and found this little slice of heaven . . i forgot to catch the name and thanks to yelp i can share my love for their cupcakes . \n","new haven\n","yelp\n","---\n","nope nope nope . rice tasted like it was microwaved in one of those bags from the grocery store . blah , bland , whatever you want to call it . terrible . chicken was overcooked . salt and duck sauce saved the meal . now i have terrible indigestion . . . \n","---\n","i find myself eating at szechuan express every week for half a year now . i find their food delightful . i usually order the general tso ' s or the chicken wings . i like the food a lot more then the other take out places ive been to . always been a pleasant experience when i go there . \n","szechuan express\n","---\n","visited philly and \" heard \" good things about the place . actually , i just left the place and am now writing this review ( seated ) from my hotel bathroom . . . . i thought to myself , \" whoa \" , N for a buttermilk fried chicken must be the best chicken in philly . not even close . the chicken was slathered in honey and did not have any seasoning . apparently the establishment thinks buttermilk is the only secret to making good chicken . i guess my fault for selecting the item and should ' ve gone to north philly . i was also looking forward to the mashed potatoes , but again was disappointed . straight box potatoes which should never be on an N plate . the total bill was N , but at least my lady liked her burger . tried it once , but won ' t try it twice . one must be careful to trust what yelpers say , especially if they probably have little experience to compare true fried chicken to that of silk diner ' s . oh well , off to chipotle \n","philly\n","philly\n","north philly\n","silk diner '\n","chipotle\n","---\n","the worst experience in philly in years . we were there at N Npm , put our names down for a table outside and were told it would be N-N min . it was not really busy got beers at the outside bar that tasted quite soapy . apparently rinsing of the glasses is not practiced here . N min later we were still waiting even though there were N-N open tables the whole time . when we complained , we were told \" you had asked for a booth inside . so you switched ? \" \" no , we said outside . \" \" it will be a few minutes . \" no apology . N min later we walked out . place is useless . i would give negative rating if i could . \n","philly\n","---\n","it was my first time going here with N friends and it really could have been better . the waitress wasn ' t very attentive and seemed to try to be nice but you could tell she wasn ' t . my friends ordered the mussels which they claimed were good , and i got the tomato soup and a cornbread muffin which was actually pretty good . as far as the entrees go , none of us seemed really pleased . two of my friends got the special of pasta and shrimp , and their pasta wasn ' t cooked properly . i go the eggplant sandwich , which fell apart , wasn ' t well seasoned and i could honestly make better at home . two of us got drinks a sangria and a ruby margarita i believe , it was ok but i ' ve had much better . at the end when we got out bill they added a N gratuity to our check . for four people , i think that was total bs , especially considering the waitress was not that friendly and the food not really worth it . don ' t think i ' ll be returning to this place , there are much better choices in philly than this . \n","philly\n","---\n","before my last experience at silk city . i was raving to my friends about this place . i would have given it four stars . their thai chilly wings are the reason i kept going back they are soooo good . and their hippy friendly vibe made me feel comfortable . my last experience has changed my mind and is seems their popularity has weaken their concern for quality customer service . after enjoying a show case on the bar side . my two girlfriends and i went to the food side for a quick bite and a girls night . so three brown skin girls on a tuesday night it ' s not busy and its about eleven ' ish . when we sat down . water was served when my friend noticed something floating in her water . she asked the server if she could have another water . the server was hesitant ( maybe she didn ' t hear ? ) . but the way she reacted and her non-verbal ques where not warm and accepting . my friend even questioned if the server truely got her a new water . we brushed it off . without looking and the menu my friend and i ordered the wings and she orders fries for us to share . i had been to silk city about five times before and knew i wanted wings and fries . it was my friends first time and our other friend ordered a desert . when the food came i was surprised to see that their was cheese on top of the fries . i explained to our server susan that i forgot that it came with cheese as i am lactose intolerant . i also explained that i am normally asked by my server if i would like the cheese on top or to the side . susan went on to say that i could dig thru the fries and find the un- cheesed ones on the bottom . i ask if we could have the fries replaced . she said we would have to pay . really over some fries ! ! ! ! i would nerver think i would have to write a review over fries . ohhh it gets better . we ate our food i was famished and the wings thou a little cruncher than usual where finger licking good . i ate them all while the fires sat their untouched . all the while having a great time with my girls . i couldnt get the fries situation out of my head . i have been in the customer service feild for a while and this situation just rubbed me the wrong way . now i know their is a strong yet mostly true stereotype that brown skin people don ' t tip . i am brown skin and it is mostly true . but i try my best to combat that stereotype and i normally try to leave a least N or N which ever is higher . maybe susan saw brown girls and decided she didn ' t give a hoot about plastering a warm smile on her face . ( on principle , in the end , we still left an average tip which was more than shady susan deserved ) so asked her manager ( i wish i had gotten his name tall skinny male with glasses ) hoping that i would at least get the fries taken off . so i explained to him exactly as i did susan . we went to the kitchen to consult with susan . came back and told me that since i had been their before i should have known that the fries came with cheese . but this one time he would make an exception . along with a gesture that looked like it was very difficult for him to take the fries off . ummm yes we are still talking about fries not a steak or the most expensive item on their menu . fries . the principle of understanding customer error does not exist at silk city even when it comes to the cheapest thing on their menu . now i understand that it was my error in not memorizing or reading the menu . because i assume that when i order fries i just get fries and i am reminded of extras . but the way this situation was handled is exactly how some restaurants start loosing bussiness . silk city has gotten one star for customer service and the extra star was because i did acutally enjoy those wings . i hope the cook hasn ' t turn into a pretentious hippy snobb either . \n","silk city\n","silk city\n","feild\n"]},{"output_type":"stream","name":"stderr","text":[" 90%|█████████ | 543/600 [00:21<00:02, 21.39it/s]"]},{"output_type":"stream","name":"stdout","text":["silk city\n","silk city\n","---\n","love silk ' s brunch , although they took the veggie burger off the menu . also it took over N minutes last sunday for an omelet and some hash browns . but they are busy i understand . it ' s worth the wait ! \n","silk\n","---\n","silk city has a great atmosphere , good food and drink . it ' s colorful tile mosaics and dramatic lighting make it a treat for your eyes . the crowd is generally in their early to mid-N ' s , a bit young for my taste . also , dj deejay ( saturday night fixture ) is more than disappointing . he doesn ' t mix much , and he doesn ' t seem to put a lot of creative energy into his craft . i know many ipods that could have produced a better , or at least similar product . so , the music and mixing was disappointing ( no surprises played either ) , but it is a fun place to frequent as they also tend to draw a neighborhood crowd . \n","silk city\n","---\n","we picked the silk city diner because we saw it on diners , drive-ins and dives . we have been to other triple d restaurants that have been horrible like melt bar grilled in cleveland . the silk city diner renewed our faith in triple d and guy fieri . it ' s a cool little joint with a nice , eclectic patio . the wait staff is friendly and attentive . the food was awesome . my husband had their famous fried chicken which was a sweet and spicy twist on traditional fried chicken . i had the burger with goat cheese . they have some really interesting choices on their menu . we will be back to try them ! \n","silk city\n","triple d\n","melt bar\n","cleveland\n","silk city\n","triple d\n","---\n","silk city is a place where all the hipsters used to dance until the barbary became the beacon of the northern center city dance scene for people who wouldn ' t normally go to the del . ave . hot spots , but not silk is a very different kind of place . they ' ve since hired a new chef and redefined their image , both culinary and musically . while the food has gotten much better , the club aspect has gotten much worse . even though they manage to bring in some of the better ( premier ) djs ( mostly hip-hop , bounce , b ' more , etc . ) , the crowd that they bring in it not the most desirable . seems mostly like a bunch of bridge and tunnelers or business types that think that going to a club is more about buying a N cocktail and drinking it slowly on the dance floor so everyone can see them . the food is another story . it ' s sort of like diner gourmet , which may seem like a cheesy idea , but it ' s executed perfectly and i ' ve never had a bad meal there . the service is great as well . the staff sometimes seems a bit taxed , but i think given the nature of the venue , it ' s totally forgivable . final verdict go to silk city if you want to eat , or eat and dance , but not just dance . if you like the style of music they play , then just look up other venues where the same djs are playing . e . g . emynd bo bliz also do another night at the barbary , ed blammoi can be seen at pyt or teri ' s in south philly , dj apt one can be seen all over the place , etc . \n","silk city\n","the barbary became\n","silk city\n","emynd bo bliz\n","pyt\n","teri ' s\n","south philly\n","---\n","silk city is a unique place . they have classic look and feel of an american diner , except the food , drink and client le are redolent of the most hip and trendy places in a particularly hip and trendy neighborhood . the food is usually delicious , but it shines forth in the simplest meals . the grilled cheese , hamburgers , chicken and other sandwiches are simple and delicious . their more complicated meals can be notoriously capricious in quality , so keep it simple . the beer selection is small but good . there is a diner section and a bar section , as well as a beer garden and there is usually a good crowd . if you are there to sit down and have a meal and not to hang out , the staff will try and get you out of there when it looks like you ' re almost done to keep the people moving in and out . take the subway , don ' t try and park anywhere around there . the neighborhood is improving but it ' s still not the best ( this is also part of its weird hipster charm . ) \n"]},{"output_type":"stream","name":"stderr","text":[" 92%|█████████▏| 551/600 [00:21<00:01, 25.29it/s]"]},{"output_type":"stream","name":"stdout","text":["silk city\n","---\n","silk city is the guiltiest of guilty pleasures . . . and a great place to meet up with friends . i dont go there to dance- i go there to eat . i had one of the best meals of my life here- fried chicken , chorizo smothered string beans ( omg ) , jalapeno cornbread with honey , and mashed potato . i was head over heels in love within seconds . we also had the cheesesteak egg rolls and thats what they lose a star for . . . in a city where the cheesesteak egg roll is second in commonality only to the actual cheesesteak itself , this one was a little grissly and pretty lackluster . everything else from the atmosphere to the drinks to the service was perfect though . it ' s a stand by . \n","silk city\n","---\n","this place was pretty cool . -decor was really pretty cool . we didn ' t dance , or go to the bar , just ate in the diner part , it was still early . the food was great , and the cocktails were excellent . try \" the painkiller \" . they don ' t have frozen drinks however ( . the waitress was very sweet as well didn ' t sit outside , but it looks like a beautiful area . def . a hipster hangout . i ' d recommend silk city as a starting off spot for food and drinks ! \n","silk city\n","---\n","great food and great atmosphere . check out the beer garden when it ' s nice out and saturday nights with dj dj . \n","the beer garden\n","---\n","love silk city ! food and service are great ! i highly recommend . \n","silk city\n","---\n","love it ! silk city is my favorite chill and eat spot in philly . the grilled chicken sandwich is awesome . make sue you order cheese sauce for on side of your fries . it ' s the best . \n","silk city\n","philly\n","---\n","i have never written a review before for any restaurant . i went to silk city two weeks ago for sunday brunch and it was by far one of my best brunch experiences ever . i had one of the brunch specials braised pork belly over ginger jalopeno grits with fried eggs and grilled endive . it was truly amazing ! this is me officially begging the powers that be at silk city to put this on the brunch menu permanently ! to top it off , my cocktail , which unfortunately i can ' t remember the name of , was delicious as well . it was something with grapefruit . silk city seriously made my day . keep up the great work guys ! \n","silk city\n","silk city\n","silk city\n","---\n","best dj ever ! ! ! i took a large group to silk city for a bachelorette party and we had the best time ever ! djdeejay went out of his way ( weeks before the event ) to make sure the night was everything we wanted it to be ! the bar atmosphere was personal and friendly and the dance floor had just enough room ! the bar service was fast and prices were reasonable . the music was a blast ( thanks to the amazing dj ) . we couldn ' t have had a better time anywhere else and i definitely reccommend this place to anyone looking to have a great time ! ! \n"]},{"output_type":"stream","name":"stderr","text":["\r 92%|█████████▏| 554/600 [00:21<00:01, 26.03it/s]"]},{"output_type":"stream","name":"stdout","text":["silk city\n","---\n","silk city on saturday nights is like heaven to me ! i was so happy when they reopened last year , i love the updates they made to the place ( especially all the extra bathrooms - yay ! ) dj deejay is awesome and so nice and actually plays things that are fun to hear and even more fun to dance to . i go to silk because i never have to deal with a dj who ' s trying to \" school \" me like so many of them do . he is what all djs should be like - ask anyone around town . saturday nights - no cover , no douchebags , all fun . hope to see you there ! \n","silk city\n","silk\n","---\n","i get covello ' s at least once a week ! they make great pizza and they have these ddep fried buffalo wings that are killer ! they also have calzones , pasta , etc . the inside is like a retro diner feel with black and white and chrome accents . it ' s a hole , but the food is awesome . i have them on speed dial the food is so good ( and affordable ) . \n","covello\n","ddep\n","---\n","initially i was impressed by the reviews to this restaurant so i ordered a pasta dish . unfortunately the driver was late , pasta had a ton of salt on it . even as a salt lover this was too much . bread was stiff and had little garlic flavoring which did not justify paying over N for a slice of garlic bread that cost . N cents at shop rite . it ' s funny how they put the garlic bread in the appetizer section of the menu and not in sides section . anyways , i will probably go back to using villa gennaro as my favorite local italian restaurant . \n","shop rite\n","villa gennaro\n","---\n","juventino gave my husband and i the most bizarre non-dining experience of our lives , followed by an absolute commitment to never set foot in the place again . and this was before we found out that the owner is a horribly abusive employer . saturday night at N N we walk into the empty restaurant save for two tables in the front . the hostess asks us if we have a reservation . we answer no . . . she scurries off behind the bar and huddles with a group of servers . incredulously , we look around at the empty restaurant . the hostess returns and leads us to the worst table in the house ( by the kitchen door ) . we tell her we ' d prefer a better table , of which there are about N empty ones all around us . shocked by our request , she explains that she has reservations coming in . . . then scurries off and huddles some more with her servers . returning with a pained expression , she offers us the bar ( which is also empty ) , at which point my husband is on his way out the door and i reply yea , we ' re just going to go . we cannot imagine how this place stays in business . we can also not imagine what terror these women are subjected to to make them act so irrationally . to them i say know and exercise your rights , walk away . \n","N N\n","---\n","we used to have brunch at juventino fairly regularly . we eventually stopped because the proprietor , juventino , was incredibly rude . he was very anti-child , anti-stroller , and once told us that we should hurry up and eat so that he could turn over the table ( and then said , \" oh , i ' m just kidding . \" ) we had just gotten our food . on another occasion , the restaurant was empty and juventino just stood inside the door holding menus , waiting for me to enter while he watched me struggle with the stroller and the heavy door . he couldn ' t be bothered to get the door . it then came as no surprise to learn that he sexually harasses and verbally abuses his employees . he has a total creepy bad guy vibe . \n"]},{"output_type":"stream","name":"stderr","text":[" 93%|█████████▎| 560/600 [00:21<00:01, 23.73it/s]"]},{"output_type":"stream","name":"stdout","text":["juventino\n","---\n","visiting friends in brooklyn , we decided to give this place a try for brunch . the staff was friendly but seemed stressed out . the mediocre experience here wasn ' t due to the bad service . the dishes on the menu were quite boring and not very creative , and neither was the design of the restaurant . no originality . maybe they need to get a new chef . i came on to yelp to read other ' s reviews and wasn ' t surprised to find someone ' s link to former employees speaking out against their mistreatment at this place . i am a firm believer that the owners of a business is reflected on the staff and energy of a place . wish i could give this place zero stars . won ' t be coming back here . \n","brooklyn\n","yelp\n","---\n","i am shocked and saddened by the overwhelming number of allegations against chef juventino himself by his former employees . simply put , it is not ethical to patronize an establishment with such a record of sexual , emotional and verbal harassment , even if the food is heirloom , organic , local and free-range . if you care about where your food comes from and how it is prepared , you should also care about the people who bring it you . while i usually believe in innocence until proven guilty , a whopping N former employees going on the record with similar tales of abuse is enough for me . especially in light of the fact that new allegations continue to emerge as well as the past employment history of juventino ( which includes previous dismissals for sexual harassment ) . if we want better for the women in our community , we need to stop eating at this restaurant until an apology is released , juventino is held responsible and new guidelines are established to eliminate harassment there . i encourage patrons to read for themselves juventinodisclosed . wordp or here jezebel . com N bad- or here huffingtonpost . com N \n","juventino\n","jezebel\n","---\n","couldn ' t believe it when i read laura b ' s review from may N , as my husband and i experienced the exact same thing this morning . we came into the restaurant today with our toddler and N month old baby . every single time we ' ve come with our kids , we receive terrible service and attitude from the owner manager . this time , when we arrived , a waitress approached us , asked how many were in our party and said she would set something up . the place had at least N-N open tables that would easily accommodate us . the manager saw us , went and spoke to the waitress who was helping us and then returned and said , \" sorry , it ' s going to be at least an hour wait . \" i asked him about the open tables and he again repeated \" sorry , at least an hour . \" as we walked out of the restaurant , another group of four ( without children ) came in and were sat right away . this is beyond bad service . this is discrimination . i am contacting the better business bureau . \n","may N\n","the better business bureau\n","---\n","most unfriendly establishment i have ever encountered . i attempted to have lunch at juventino on a quiet thursday afternoon - not weekend brunch or an evening dinner . the restaurant itself was completely empty , with a handful of folks dining in the back garden . the hostess or waitress immediately turned our party of N ( N adults and a N-week old sleeping baby ) away insisting we leave our stroller out on the curb . clearly we could not do that - we do not carry a bike chain and lock for our stroller . we offered to leave the stroller frame in the front of the restaurant ( the carseat could have been removed from the frame ) but were told that was unacceptable and against the restaurant ' s policy . seeing the hostess was not going to budge , we took our business elsewhere and will never again attempt to eat at juventino and will tell our extensive network of brooklynites to withhold their business as well . such a shame - does this restaurant not want the business of young families in park slope ? perhaps they should have opened in another neighborhood . i wouldn ' t support a restaurant that is so quick to exclude and enforce ' policies ' when they barely have any customers in the restaurant for lunch . very disappointing , juventino . \n","juventino\n","juventino\n","park slope\n","---\n","i would suggest to the proprietor of juventino that he either relocate the establishment to manhattan or open after N N am on weekends to make it clear he is not interested in having families with young children at the restaurant . no matter how many times the word ' heirloom ' appears on the menu , being rude to parents of young children is not a sustainable business practice . \n"]},{"output_type":"stream","name":"stderr","text":["\r 94%|█████████▍| 563/600 [00:22<00:01, 20.80it/s]"]},{"output_type":"stream","name":"stdout","text":["juventino\n","manhattan\n","N N am\n","---\n","first off , i was def looking forward to eating here . my gf spoke highly of the place ( she had their brunch before ) and so i was excited to experience it . the decor and vibe inside is very simple and welcoming . when we walked in , a gentleman ( who looked like he was a manager or owner ) told us that it would be a few moments before we could get a table for N . . but what was weird is there were definitely a few tables open . we sat there for about N minutes and then came back and seated us at one of the open tables that was already open when we walked in . ( felt weird having to sit around for what appeared no reason but no big deal . . and it did seem he was doing it to every patron that walked in the door . . not sure why ? ) . anyway , the menu looked great . my gf ordered their french press coffee which she enjoyed and she ordered the huevos rancheros which she inhaled . it looked great too . looking at other customers dishes , everything looked great . i ordered an oj . . which was fresh . . but tasted a bit watered down , which was surprising . i opted to order a lunch item . . their mac ' n cheese which i was told was spectacular . i love mac ' n cheese dishes . . anytime i see a place that makes it , i have to try it and see what they do with it . dumont in williamsburg makes a killer mac ' n cheese , s ' mac in the east village , even van horn in cobble hill . . . and brook-vin in park slope among others make great mac ' n cheese dishes . anyway , juvenito totally let me down because first off , my dish was only lukewarm when i got . presentation wise , it was pretty weak too . it looked tasted like a watery white cheese sauce tossed with macaroni and was served in a bowl with N slices of tomatoes on top ( i would ' ve preferred diced ) with breadcrumbs . it really felt tastedlike a cheap little dish that was just whipped together . and more importantly , the flavor just didn ' t do it for me . sad part is i felt like i could ' ve cooked something tastier at home . . . as i even would ' ve preferred a bowl of annie ' s boxed mac ' n cheese to this . anyway , maybe i can revise this review next time when i get to have one of their other dishes but this is all i have to base it on right now . ( again , they have a very appealing menu , and i ' m sure they have much better stuff ) . . . but shouldn ' t everything on their menu be fairly awesome ? anyway , that being said , it may take a while for me to want to take another chance with juvenito , and get this sub-par mac ' n cheese off my taste palette . \n","dumont\n","williamsburg\n","the east village\n","van horn\n","cobble hill\n","park slope\n","juvenito\n","annie\n","juvenito\n","---\n","i ' m harboring mixed feelings based on the blog post that ' s been flying around about the allegations of the staff , so i docked a star from my review . otherwise , i think what i ' d highlight would be -i ' m a sucker for tacos ( the homemade tortillas do make a difference , especially since good mexican food is nearly impossible to find in ny ) -i never personally had any problems with the staff or felt like they were being mistreated , but it probably means something that these allegations are out there . fwiw , i always felt comfortable eating at juventino , but i have only been there twice i think in the past it was called something else ( and they didn ' t have their liquor license for a while ) . \n","ny\n","juventino\n","---\n","i am a huge fan of the dinner menu at juventino . the staff is friendly and the atmosphere is terrific . i am surprised it isn ' t more crowded . and an outdoor seating area- what could be better ? \n","juventino\n","---\n","it ' s not too often that i will go to the same restaurant twice , but on our recent trip to new york , i discovered juventino ' s . we sat outside in their lovely garden and had a lovely brunch . their menu is very interesting and had a lot of options which i could actually eat , which is not often the case for brunch since i like to be gluten free . i enjoyed the food so much , especially the salad my husband ordered , so when i was looking for somewhere to go two days later with a friend , we went back there and i ordered the same salad and though it was prepared differently , it was still delicious . \n"]},{"output_type":"stream","name":"stderr","text":[" 95%|█████████▍| 569/600 [00:22<00:01, 22.68it/s]"]},{"output_type":"stream","name":"stdout","text":["new york\n","juventino ' s\n","---\n","i feel bad for not having tried get fresh sooner . . . especially since i live N blocks away and have walked by dozens if not hundreds of times before deciding to stop in for a Npm saturday dinner . the space has gone through several incarnations and they have now removed the to-go fridges from the front room finally making it a proper , comfortable space . the service was attentive , on the verge of being slightly overbearing but in a charming way and the ambience was pleasant despite the fact that we were sitting amongst several large parties . the food was all quite clean and excellent , especially for the price point . the portions were very fair and my wife and i left quite satisfied after having N starters , N entree and N dessert . they do not have a liquor license yet so it is byob which , as others have noted , helps keep the price down . final verdict get fresh is a welcome addition to the already crowded Nth ave . scene and it is a top tier destination for neighborhood folks as well as those looking for a pleasant park slope dining experience . \n","byob\n","Nth ave\n","---\n","i love juventino ! this place is the best-o . the food is fresh , delicious and has a home-cooked quality , yet is not unsophisticated . the room is very nice , they have a great back yard area which is gorgeous when the weather is right . i love this place for brunch . best egg dishes , you can ' t go wrong . they have a great mixed greens salad which you can get them to ' supersize ' if you ask , no extra charge ( leave a little extra tip ) . friendly staff , what ' s not to like ! muy bueno juvento , muy muy bueno . ( i don ' t speak spanish ) \n","juventino\n","---\n","our meal at juventino was memorable both for the quality of the food ( ribeye and cod , fyi ) and the service . the waiter working the night we visited was one of the most helpful we ' ve ever had , but unfortunately , we didn ' t get his name . we also liked the restaurant ' s minimalist decor . it ' s easy to walk past juventino without seeing it , however , so keep in mind that it ' s close to the french-style bistro belleville , which with its red exterior is easier to find . \n","juventino\n","juventino\n","---\n","we are blessed with a number of world class restaurants in park slope and juventino is one of them . we ' ve had brunch and dinner there frequently for a few years now and decided it was a great place to have a wedding dinner after our home ceremony a few blocks away . being a party of sixteen , booking the place for the evening wasn ' t practical , but juventino suggested that the space in the back of the restaurant , just before exiting to the garden , would be practical , reasonably private and that we and our guests could just order from the evening ' s menu . it turned out to be ideal . we arrived and a team of servers were lined up in expectation . we two grooms sat at one end of the table next to the displayed wedding cakes from du jour across the street , and we were able to enjoy the fabulous food ( i had the beet salad and pork N ways ) and make our way around to chat with each of our guests . it was great being in a public place because other diners would periodically come by and congratulate us , and both staff and diners were visibly supportive of our decision to celebrate our marriage in public , something that a few short years earlier we wouldn ' t have been able to do . \n","park slope\n","juventino\n","---\n","i love , love , love this place . i have been remiss for not writing a review sooner . i enjoyed the take out when it was get fresh , and i have been delighted to eat sit down meals for brunch , lunch and dinner at juventino . the food is outstanding and the service has always been exceptionally gracious . i particularly like the dinner entrees of rack of lamb with tamale and mole sauce , and duck medallions with polenta gratin . the grass fed steak is great , too , as are the roasted vegetables . desserts are yummy and the wines they have recommended complement the meals . i always recommend juventino , and friends who have dined there are so happy with the service and food . no need to go into manhattan for gracious service and excellent meals . try weekday late lunches and early evening dinners . for prime times , book ahead . word is out . \n"]},{"output_type":"stream","name":"stderr","text":[" 96%|█████████▌| 575/600 [00:22<00:01, 21.69it/s]"]},{"output_type":"stream","name":"stdout","text":["juventino\n","juventino\n","manhattan\n","---\n","this is one of my absolute favorites . i came several times when it was called fresh market table for brunch and was wowed by the delicious simplicity of the dishes . truffled eggs are as beautiful as delicious and the mac and cheese and was the ultimate comfort food . i also had the pleasure to come with the park slope dinner club , a group of friends that gather to enjoy neighborhood fare . this was by fare our best meal . the food and the service is superb . complimentary dishes kept coming out and wowed our senses . the group has several dietary restrictions and they made sure to bring out enough things for everyone to marvel about . i hope the restaurant will be around for a long time and look forward to returning . i urge you to go and sample this fresh and tasty seasonal fare . \n","the park slope dinner club\n","---\n","get fresh is now called juventino , and is amazing ! maybe the best meal and service i ' ve experienced in park slope . we will be going back and telling friends . \n","juventino\n","park slope\n","---\n","i have been going to get fresh practically since it opened and i have to say i am , without a single doubt in my mind , obsessed ! the food is amazing--everything i ' ve eaten there is delicious ( brunch and dinner ) . i have been at the restaurant during the day and have seen the vendors come in with fresh milk , vegetables , eggs , meat . . . amazing . no big sysco trucks here . it ' s great to go to a restaurant and know that what you ' re putting in your body hasn ' t been over-processed or tainted with something you can only make with chemicals and bunsen burner . just pure , good food . which is especially important for those of you looking to stay healthy and find a place to bring the tiny-tots . and no , the waitresses do not \" all look alike . \" not a very nice thing to say about other people . i will say that they are all pleasant , hard-working , and eager to make your dining experience the best it can be . same with the owner who greets customers at the door and checks in to make sure everyone is doing well . regarding the food , everything is absolutely delicious , but i will suggest a few of my brunch favorites the egg sandwich ( love it with crispy bacon ) , the pancakes , the truffled eggs , the granola , and the turkey burger ( oh my goodness it ' s amazing ! ) . for dinner ( a N prix-fixe at this place ? a steal ! ) the scallops , the pork , the beet salad , the chicken ( yes , a place where the chicken is actually perfect ) , and the vegetarian platter . but , like i said , everything is ridiculously good . you can also byob or order it from the store down the street and they will bring it to you ! and now that the weather is nice , you can sit outside in the gorgeous space behind the restaurant ! here ends my long and honest review . five stars for get fresh ! ! \n","sysco\n","---\n","last night i had the opportunity to dine at a great , hip place called get fresh table and market . it was wonderful . the atmosphere was warm , comfortable and down to earth . the food was incredible . everything i ate had such subtle flavors and great presentation . i have dined in many expensive trendy restaurants with an over use of butter and not much care put into the dishes . get fresh is exactly what you get . . . fresh food with a tender caring feeling . the staff is excellent . they care about your enjoyment as much as the owner and chef . i think this is an excellent choice if your looking for a good well prepared meal and will be back time and time again . i highly recommend it ! \n","get fresh table and market\n","---\n","went to get fresh for brunch and was , once again , extremely pleased with my experience . food is consistently fresh and creatively prepared . best staff in park slope . attentive , pleasant , and very knowledgeable of the menu . the food , airy atmosphere , and charming staff make get fresh one of our favorite picks in the area . \n"]},{"output_type":"stream","name":"stderr","text":["\r 96%|█████████▋| 578/600 [00:22<00:00, 22.55it/s]"]},{"output_type":"stream","name":"stdout","text":["park slope\n","---\n","get fresh is welcome new addition to the block . great food and friendly service . i live in the area and there is nothing along the lines of the local and organic bent like this . when so many other places in park slope seem tired and just go through the motions they are priced well and whenever i go the food is prepared perfectly . the servers there are always super friendly and accommodating . they even do whole hog on sundays which is worth the trip . \n","park slope\n","---\n","get fresh is seriously huge for those of us who are trying to eat locally-grown , organic food whenever possible , but are too busy working , raising kids , etc . to grocery shop and cook from scratch as often as we ' d like ( or ever ) . like the store ' s name , the ingredients are always fresh , and depending on how much time you have , there are a variety of prepared meals to choose from--some you just have to heat and serve , others require you to mix and cook the ingredients , which makes you feel as though you ' re actually cooking a real meal . i ' m a veggie fish eater , and all of the seafood dishes i ' ve tried have been great--and sustainably caught harvested . my husband loves the pork and chicken dishes , and has his eye on the steak for next time . my kids dig the mac cheese , which is a more sophisticated offering than our usual annie ' s from the box , and we all love the soba noodles , which are super-easy to prepare . oh , and the homemade hummus is truly the best i ' ve ever tasted . seriously . delish . great place for a kids ' bday party too . \n","annie\n","---\n","pizza is good but not as good as it used to be . there are really good brick oven pizzerias in the area now , which are far better . their other food is not very good at all . if you want really good italian food , my recommendation would be to go to paisano ' s in rutherford . the bar is your typical bar with macro beers . you would think they could at least put some craft beers on , so i wouldn ' t even recommend going there for a drink at the bar . many regulars go there , and some are pretty obnoxious . \n","paisano ' s\n","rutherford\n","---\n","some people on yelp could be so critical after only visiting once or twice . i ' ve been a regular at the park tavern for years . it ' s like cheers . the bartenders know the orders and treat us like friends . the food is good and very reasonable pricing . the staff is friendly . it does get busy on weekends so the service isnt N ( thats everywhere though ) . the bar is lined with flat screen hd tvs . anywhere you sit you have a perfect view . great place to spend football sundays . great pizza , wings , and mussels . coldest draft beer in the area . \n","the park tavern\n","---\n","the pizza and hot mussels at pt are the best . . . . . anywhere . now , i like the grimaldis pizza under the brooklyn bridge as the best of all time pizza , the combo at pt of a pizza and the mussels with hot sauce is outstanding ! \n"]},{"output_type":"stream","name":"stderr","text":[" 97%|█████████▋| 584/600 [00:23<00:00, 21.51it/s]"]},{"output_type":"stream","name":"stdout","text":["pt\n","the brooklyn bridge\n","pt\n","---\n","our family has been going here for over N years . although we don ' t live in the area any more . we always stop in for pizza when we are in the area . park tavern has been a area favorite since i was a small child . their other food is very good also but we always order the pizza . the pizza with eggplant is great with very thin slices of fried eggplant . but the best way to enjoy this pizza is a plain cheese pizza , thin crunchy crust , tomato sauce cheese . the best purest tasting pizza ever ! ! ! ! i can ' t wait to visit relatives again and get some more of that yummy pizza . \n","park tavern\n","---\n","sushi-kuu used to be my go-to sushi place when i was in the area . recently , however , i switched to kazumi , which is right down the street from sushi-kuu . last night , i decided to see how things were doing at sushi-kuu , and i ordered take-out . the food was okay i ordered miso soup , seaweed salad , a volcano roll , and an eel cucumber roll . however , the service was pretty terrible . i had forgotten my N-off coupon at home but had the web site on my smartphone with the coupon . the manager very curtly rejected my coupon , saying that she needed a piece of paper . she didn ' t apologize or try to accommodate me in any way . she became agitated by my persistence , and she insisted that her boss would take the N from her pocket if she gave me a discount without paper as proof . i found this all pretty nearsighted , considering that there is a sushi place right down the street and that displeased customers will just go there . and so , after my revisit of sushi-kuu , i can say that i won ' t be going back . the sushi at kazumi is better and sushi-kuu certainly doesn ' t compensate with stellar service . \n","sushi\n","-\n","kuu\n","kazumi\n","sushi\n","-\n","kuu\n","sushi\n","-\n","kuu\n","-\n","kazumi\n","-\n","kuu\n","---\n","a simply dreadful experience . never again . lunch special sashimi box . the problems -- shoddy decor , sloppy service by japanese restaurant standards -- muddy , tasteless miso soup -- mushy texture to the sashimi after initial ( dry-tasting ) bite , to the point of inedibility -- rubbery dumplings , not enough taste to identify the filling -- goopy dressing on salad , which unfortunately is not served on the side -- off-texture california rolls , a bit wet , mushy from theavocado -- mushy pickled ginger , which must have been frozen or canned -- a long hair in either the rice or an unfinished california roll near it -- a bad aftertaste to the half-eaten lunch \n","---\n","sushi kuu in my opinion is one of the top spots to eat in morris county it has great service and food has always come out fresh . i recommend the black pepper ship its delicious and has so much flavor and also the snow crab rolls . everything about the place is great and prefer it over kazumi sushi . a must go to place if you like sushi . \n","sushi kuu\n","morris county\n","---\n","kings pizzeria is now under new management ! ! ! ! it is tucked away in veronica plaza and is a must try ! ! ! ! the new owners are extremely nice and welcoming ! i was greeted a soon as i walked in- i decided to just try a plain slice and let me tell you . . . the best slice of plain pizza i have ever had . . . i went back up the counter for a white slice--- even better ! ! after chatting with the new friendly owners , i learned that they are a close knit \" off the boat \" italian family as well . . . they have really started to kick up kings appearance , by renovating the interior . i was very pleased when i left and couldn ' t wait to go back ! i stopped there again later that week to pick myself up dinner on my way home from work . i really wanted penne vodka and figured if just the pizza blew me away , their entrees must be even better ! as my food was being prepared , i learned that the chef is also from italy--- i knew something very good was about to come my way . as i expected . . . it was very delicious ! i highly recommend this place ! ! ! the new owners have definitely kept kings pizzeria up to par . . . in my opinion it ' s better than ever before ! they deliver as well which is always a plus for any family or business ! try kings pizzeria soon ! i guarantee you will be more than satisfied and your belly will be filled with true italian bliss ! \n"]},{"output_type":"stream","name":"stderr","text":[" 98%|█████████▊| 590/600 [00:23<00:00, 22.35it/s]"]},{"output_type":"stream","name":"stdout","text":["kings pizzeria\n","veronica plaza\n","kings\n","penne\n","kings pizzeria\n","kings pizzeria\n","---\n","this place is great ! i can ' t believe i ' ve lived in the somerset area for over a year an never tried this place until now ! my husband suggested we order after we went online to find this was one of the only few privately owned \" authentic \" pizza places that deliver . can i tell you first of all , the food was delivered piping hot and very fast less then a half hour for a pretty complex order ! i had the ziti which came with a nice size salad dressing and a nice warm loaf of sliced bread ( yum ! ! ) all for a really cheap price . i made sure to tip well when i saw the delivery guy was a cute old italian man looking like he needed to rest in an office somewhere . kudos to you delivery man ! ! ! last but not least the food was great ! ! ! we loved the pizza and even though i have yet to find a place that compares to my hometown brooklyn pizza this place was sure as heck close to it ! ! delivery is best or take out . the restaurant is definitely outdated and old looking nothing i ' m not used to living in brooklyn ! ! \n","the somerset area\n","brooklyn\n","brooklyn\n","---\n","i hadn ' t been to this restaurant in N years because i always thought their food was very greasy . i gave them another try today and ordered fried clams for lunch . now i know why i stayed away so long . the clams were so bland and had no taste whatsoever . i really miss perry ' s ! \n","perry ' s\n","---\n","the shanty is one of my favorite restaurants . i have never had bad food there . i ' ve had slow service maybe once or twice , but that ' s really the only bad thing i could say . well , one other thing i don ' t like is that at some point they switched from lump crab cakes to blue crab cakes , and i don ' t like blue crab . i like the maryland style lump crab cakes . the food is your typical new england seafood diner food . i love their lobster bisque , its delicious . i order it every time i go . \n","new england\n","---\n","my family and i visited the shanty for dinner a few weekends ago and it was fantastic ! we were greeted upon entering the building which is always nice and welcoming , our server was friendly and attentive . our sons ate from the kids menu , my husband who is not a seafood lover had the chicken teriyaki , the chicken was nice and juicy . i love seafood so i went with the broiled seafood combo with homemade mac cheese ! everything was awesome ! can ' t wait to get back to burlington to go again ! \n","burlington\n","---\n","brooklyn never disappoints when it comes to food . prices are a little up there though but the food is great , so it ' s worth it . . . oh and it being williamsburg , brooklyn , i have to note the typical hipster staff . \n"]},{"output_type":"stream","name":"stderr","text":["\r 99%|█████████▉| 593/600 [00:23<00:00, 21.12it/s]"]},{"output_type":"stream","name":"stdout","text":["brooklyn\n","williamsburg ,\n","brooklyn\n","---\n","i ' ve been there a number of times now , and this is by far my favorite restaurant in brooklyn . dining there is always such a pleasant and positive experience . the food is downright mouth-watering . i ' ll spare you the list of what we had , because every other review has covered the many dishes that give the place its gastronomic reputation . but i ' ll say this the food is marked by a higher level of creativity , with flavors that truly titillate the palate . no matter how i try , i cannot put to words the omg feeling from dishes made more uniquely than anywhere else . the service is unparalleled . my wife and i were there again with friends last night , and jacqueline and her brother john tended our table . their professionalism is so noteworthy . fresh plate changeovers , water refills , superb recommendations , truly attentive service overall , with smiles and a friendly demeanor . this place is not to be missed . the food and service are above all expectations , and the people are just really nice . \n","brooklyn\n","---\n","total surprise at how incredible this place is overall . fabrizio ( barman owner genius ) really seemed to care about the food and our opinions on it . you can tell that they worked long and hard on seasoning and flavor . very impressive . ambiance so cool you can ' t find the door . small , but feels like a community regardless of where you sit . musical rotation skewed Ns-Ns punk alternative with some new rock as well . perfect for me . ( sweet afton comparison is spot on ) . food i can ' t say enough about how happy i was about st . austere . great wine , great beers , and the food was simple perfection . try the ricotta , the fried artichokes ( grab the lemon ) and the polenta . the tasting menu was perfect -- wintery and light at the same time . service we were at the bar and had a bit of a hook-up , so it was top-notch , but the other , less juiced in people got the same level of service . i recommend doing a tasting for two and choosing a wine or two ( i went beer and was not disappointed ) to go with it . if you are unhappy here , it is your fault . \n","Ns-Ns\n","---\n","after living in spain for an extended period of time , small-plates and tapas are my favorite way to indulge . after eating at the st . austere , all i can say is wow ! . . . this cozy little place located in north side willy-b deserves universal recognition . they served up the best small plates i have ever had in my life ! an absolute must ! . . . not to mention . . . the price was right . \n","spain\n","the st .\n","north side willy\n","---\n","i used to go to zaroka a lot as food is good . but customer service sucks and especially dealing with store manager is impossible . he is very greedy and can ' t order food from this place for events . they absolutely over charge for their food . never ever going back to this place . had worse experience ever . \n","zaroka\n","---\n","i recently visited zaroka for dinner . the interior design is quite wonderful in its aesthetic . the service is very efficient and courteous . i ordered the samosa chat , chicken vandaloo , aloo palak , and keema paratha ( oiled naan bread with spiced minced lamb ) . the samosa chat was very adequate-- not as good as some of the chat i have had at some of the indian restaurants in artesia in los angeles or at royal place in white plains , ny , or at tulsi in manhattan , or in pakistan -- but still quite good . for me , a dish like the samosa chat should over-flow with flavors , especially with its multiple layers of different ingredients and food items ( stuffed samosa , yogurt , spices , chopped vegetables , tamarind and mint sauces ) . samosas also need to be especially crisp to counter the yogurt . that wasn ' t the case here , and it didn ' t quite come together . aloo palak ( potatoes and curried spinach ) was palpably spicy , but went down well with the plain naan and also with the rice . it was very well cooked and delicious ! in spite of years going to indian restaurants , i have surprisingly never had vandaloo . this was my first time . chicken vandaloo , a south indian specialty , was quite interesting . . . i tried to guess the aromas coming from the wonderfully aromatic dish but couldn ' t be sure . still , i almost had a moment where i thought -- am i at a chinese restaurant ? did i order chicken sweet and sour ? the aroma had an air of familiarity to it , reminding me of the chinese staple dish . unlike the mouth watering sweet and sour , the vandaloo was quite disappointing -- one-note , ordinary and quite under whelming . while it is a very popular \" go to dish \" for many , i honestly don ' t get the fuss about it based on my experience here . i really was expecting and hoping for fireworks with this dish , but it just didn ' t happen . . . not even close . for me , tikka masala , korma or coconut-based curry sauces are more delectable and flavorful in indian cuisine than the more spicy but ironically insipid vandaloo . keema paratha ( bread with stuffed minced lamb meat ) is a childhood favorite of mine . over the years , i have been totally disappointed with parathas at restaurants because they were nothing like the home made parathas that i grew up eating in pakistan . for me , the best parathas are those that are thin , just slightly crispy , and packed ( but not overflowing ) with minced meat , or radish , or potato , or cauliflower -- whatever the filling . however , it is the mix of the filling with the spices and fresh ingredients such as cilantro that give the paratha its addictive full bodied taste . it is not for nothing that the paratha is one of the famed comfort foods and holiday staples in pakistan . it is remarkably versatile -- served at breakfast , lunch , and dinner , and during casual as well as more formal dinners . with this much potential , it is ironic that the naan or the paratha has not been able to transcend its status as a side dish . the paratha from zaroka , typical of most indian and pakistani restaurants , was more middle eastern or italian pizzeria-type doughy , stuffed bread then the indian or pakistani paratha . very disappointing . based on this visit , i would say the food was quite average -- and did not justify the high prices . to put it this way -- if i am really hungry and the restaurant is right there then i ' d probably get dinner there again , but otherwise quite unlikely that i will be visiting . rating N . N stars \n"]},{"output_type":"stream","name":"stderr","text":["100%|██████████| 600/600 [00:23<00:00, 25.27it/s]"]},{"output_type":"stream","name":"stdout","text":["zaroka\n","artesia\n","los angeles\n","royal place\n","white plains\n","tulsi\n","manhattan\n","pakistan\n","pakistan\n","pakistan\n","zaroka\n","---\n","all in all my favorite indian restaurant in new haven . i have got to say i love their buffet special . my favorite dish on here is the chicken tikka masala . i ' ve been to indian restaurants all around but none are as good as at zaroka . \n","new haven\n","zaroka\n","---\n","best indian food in connecticut ! love lunch buffet but also the full menu . i crave the okra dish and saag paneer ! \n","connecticut\n","---\n","i had an absolutely sensational dining experience last weekend at this delightful restaurant . i ordered a chick pea dish seasoned with cream , cilantro , garlic , and lemon along with accompanying basmati rice and cheese and onion nan . my boyfriend and i enjoyed the upstairs dining area late night by ourselves we felt like royalty dining in a punjabi palace tower . zaroka should be even more popular than it is--it blows neighboring similarly themed restaurants out of the indian ocean . \n","zaroka\n","---\n","best indian in new haven . try the lamb pasanda . \n","new haven\n","---\n"]},{"output_type":"stream","name":"stderr","text":["\n"]}]},{"cell_type":"code","source":["import spacy\n","import pickle\n","from tqdm import tqdm\n","\n","# Ensure GPU support is enabled\n","spacy.require_gpu()\n","\n","# Load the NLP model\n","nlp_trf = spacy.load(\"en_core_web_trf\")\n","\n","geo_entities_list_real = [] # List to hold geo-entities for real reviews\n","geo_entity_counts_real = [] # List to hold the count of geo-entities per sentence for real reviews\n","unique_geo_entities_list_real = [] # List to hold unique geo-entities for real reviews\n","unique_geo_entity_counts_real = [] # List to hold the count of unique geo-entities per sentence for real reviews\n","\n","# For every review in the real review list, check to see if it has any Geo-Entities that are defined below.\n","for entry in tqdm(examples_real[0:200]):\n"," review = entry[0] # The actual review\n"," doc = nlp_trf(review)\n"," geo_entity_count = 0\n"," unique_geo_entity_count = 0\n"," seen_entities = set() # Set to track seen geo-entities for uniqueness\n","\n"," # For each Geo-Entity found in this sentence\n"," for ent in doc.ents:\n"," if ent.label_ in ['FAC', 'ORG', 'LOC', 'GPE']:\n"," geo_entity = ent.text\n"," geo_entities_list_real.append(geo_entity) # Append the geo-entity to the end of the list\n"," geo_entity_count += 1\n","\n"," # Add to unique list if not already seen\n"," if geo_entity not in seen_entities:\n"," unique_geo_entities_list_real.append(geo_entity)\n"," unique_geo_entity_count += 1\n"," seen_entities.add(geo_entity)\n","\n"," geo_entity_counts_real.append(geo_entity_count)\n"," unique_geo_entity_counts_real.append(unique_geo_entity_count)\n","\n","# Print some of the geo_entity_counts and unique_geo_entity_counts for verification\n","print(\"Geo-Entity Counts for Real Reviews:\", geo_entity_counts_real[:10])\n","print(\"Unique Geo-Entity Counts for Real Reviews:\", unique_geo_entity_counts_real[:10])\n","\n","# Define paths to save in Google Drive\n","drive_path = '/content/drive/My Drive/'\n","real_counts_path = drive_path + 'geo_entity_counts_real.pkl'\n","real_list_path = drive_path + 'geo_entities_list_real.pkl'\n","real_unique_counts_path = drive_path + 'unique_geo_entity_counts_real.pkl'\n","real_unique_list_path = drive_path + 'unique_geo_entities_list_real.pkl'\n","\n","# Save the results to files using pickle\n","with open(real_counts_path, 'wb') as f:\n"," pickle.dump(geo_entity_counts_real, f)\n","\n","with open(real_list_path, 'wb') as f:\n"," pickle.dump(geo_entities_list_real, f)\n","\n","with open(real_unique_counts_path, 'wb') as f:\n"," pickle.dump(unique_geo_entity_counts_real, f)\n","\n","with open(real_unique_list_path, 'wb') as f:\n"," pickle.dump(unique_geo_entities_list_real, f)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"aHOsGxe4o-zD","executionInfo":{"status":"ok","timestamp":1730067990036,"user_tz":420,"elapsed":13141,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"21ceb5a0-08e8-41a2-9211-9faf323974b0"},"execution_count":21,"outputs":[{"output_type":"stream","name":"stderr","text":["/usr/local/lib/python3.10/dist-packages/thinc/shims/pytorch.py:253: FutureWarning: You are using `torch.load` with `weights_only=False` (the current default value), which uses the default pickle module implicitly. It is possible to construct malicious pickle data which will execute arbitrary code during unpickling (See https://github.com/pytorch/pytorch/blob/main/SECURITY.md#untrusted-models for more details). In a future release, the default value for `weights_only` will be flipped to `True`. This limits the functions that could be executed during unpickling. Arbitrary objects will no longer be allowed to be loaded via this mode unless they are explicitly allowlisted by the user via `torch.serialization.add_safe_globals`. We recommend you start setting `weights_only=True` for any use case where you don't have full control of the loaded file. Please open an issue on GitHub for any issues related to this experimental feature.\n"," model.load_state_dict(torch.load(filelike, map_location=device))\n"," 0%| | 0/200 [00:00"],"image/png":"iVBORw0KGgoAAAANSUhEUgAAA04AAAK9CAYAAAAT0TyCAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAACNQklEQVR4nOzdd3gUZdfH8d+mk0JCTSiRhN67VEPR0BQRUUFFQaRY4FEELKiAqBixABYEFcGG0qyvoBiBCChKEwSUKu2hJCAlQCAJ2Xn/yJOFJbuZCRAmwPdzXXuxM3t25+zJ7rJn75l7HIZhGAIAAAAAeOVjdwIAAAAAUNjROAEAAACACRonAAAAADBB4wQAAAAAJmicAAAAAMAEjRMAAAAAmKBxAgAAAAATNE4AAAAAYILGCQAAAABM0DgBV4n77rtPMTExF/UxP/zwQzkcDu3YseOiPm5BeO655+RwOC7Jttq0aaM2bdq4lpOSkuRwODRnzpxLsv2C+FtfyWJiYnTffffZnUaetmzZovbt2ys8PFwOh0Nff/213SkVevn5fMp5jyYlJRV4Xjkup89PKxwOh5577jm70wAKFI0TkA/btm3TAw88oIoVKyooKEhFixZVy5Yt9cYbb+jkyZN2p1dgXnrppUL1RS3nC0fOJSgoSGXLllWHDh305ptv6tixYxdlO3v37tVzzz2nNWvWXJTHu5gKY247duxw+7ucfWnWrJmtuf3666967rnndOTIEVvzOF+9e/fWunXrNGbMGH3yySdq3LhxnvGpqakaM2aMGjdurPDwcAUGBqpChQrq0aOH5s6de4myzq1NmzZeXyPVq1c/r8fMz+fTO++8ow8//PC8tnM5OLemRYsWVevWrW39mwNXEodhGIbdSQCXg7lz5+qOO+5QYGCgevXqpdq1aysjI0NLly7VF198ofvuu0/vvfee3Wl6dd999ykpKem8ft0MDQ3V7bffnusLR1ZWljIzMxUYGHjJRnOk7MapT58+ev755xUbG6vMzEzt379fSUlJSkxM1DXXXKNvv/1WdevWdd3n9OnTOn36tIKCgixvZ+XKlbr22ms1bdq0fI1IZGRkSJICAgIkZf+a3bZtW82ePVu333675cc539wyMzPldDoVGBh4UbZl1Y4dOxQbG6u77rpLN954o9ttpUqVUocOHS5pPmd77bXX9Pjjj2v79u25RuPS09Pl4+Mjf39/e5IzcfLkSQUHB+uZZ57Riy++aBq/detWdejQQTt37tStt96quLg4hYaGavfu3Zo3b56WL1+ujz/+WPfee+8lyN5dmzZttG3bNiUkJOS6LTw8XDfffHO+HzM/n0+1a9dWyZIlc40sOZ1OZWRkKCAgQD4+l+Y35YL4/HQ4HGrXrp169eolwzC0c+dOTZo0Sfv27dP3339foO/BU6dOyc/PT35+fgW2DcBuvLoBC7Zv364777xTFSpU0MKFC1WmTBnXbQMHDtTWrVuvyl/0fH195evra9v2O3Xq5PbL+/Dhw7Vw4UJ17txZXbp00d9//60iRYpI0iX5Dz0tLU3BwcGuhskudjcADRs21D333GNrDvlxqRvM/Dpw4IAkKSIiwjT29OnTuvXWW5WcnKyff/5ZLVu2dLt91KhR+vHHH5WVlVUQqVoSHh5+SV4f+fl88vHxydePKhdDQX1+Vq1a1a2+t912m2rWrKk33nijQBunS10/wA7sqgdY8Morr+j48eP64IMP3JqmHJUrV9ajjz4q6czuSp52Bzl3H/Cc4242b96se+65R+Hh4SpVqpRGjBghwzC0e/du3XLLLSpatKiioqL0+uuvuz2et33kre6v/9prr6lFixYqUaKEihQpokaNGuU6DsfhcOjEiRP66KOPXLt/5IxwnLv9zp07q2LFih631bx581y7F3366adq1KiRihQpouLFi+vOO+/U7t2788zZzPXXX68RI0Zo586d+vTTT13rPR3jlJiYqOuuu04REREKDQ1VtWrV9PTTT0vKruG1114rSerTp4/ruef8Xdu0aaPatWtr1apVatWqlYKDg133PfcYpxxZWVl6+umnFRUVpZCQEHXp0iXX8/V2vM3Zj2mWm6djnE6cOKGhQ4cqOjpagYGBqlatml577TWdu9OBw+HQoEGD9PXXX6t27doKDAxUrVq19MMPP3gueD55q825Oee8j1577TW99957qlSpkgIDA3XttddqxYoVue6/ceNGde/eXaVKlVKRIkVUrVo1PfPMM5Ky//aPP/64JCk2NtZVr5zXraea//PPP7rjjjtUvHhxBQcHq1mzZrl+HMl5n82aNUtjxoxR+fLlFRQUpBtuuEFbt261VI8//vhDnTp1UtGiRRUaGqobbrhBv/32m+v25557ThUqVJAkPf7443I4HHkevzZ79mytX79eI0aMyNU05Wjfvr06derktu7IkSMaPHiw6/VRuXJljR07Vk6n0y3O6uvoQuW8X7du3ar77rtPERERCg8PV58+fZSWluaKy8/nU0xMjDZs2KCff/7ZFXv2e8rTZ+bvv/+ujh07Kjw8XMHBwWrdurV++eUXt5hjx45p8ODBiomJUWBgoEqXLq127dpp9erVeT5HT5/fMTEx6ty5s5YuXaomTZooKChIFStW1Mcff3xedZSkGjVqqGTJktq2bZvb+vT0dI0aNUqVK1dWYGCgoqOj9cQTTyg9Pd0VU7t2bbVt2zbXYzqdTpUrV85tBN3TMU579uzR/fffr8jISNdnydSpU123G4ahkiVLasiQIW6PHRERIV9fX7dda8eOHSs/Pz8dP35ckrR//3716dNH5cuXV2BgoMqUKaNbbrnlijlmDIUTI06ABf/3f/+nihUrqkWLFgXy+D169FCNGjX08ssva+7cuXrxxRdVvHhxvfvuu7r++us1duxYTZ8+XcOGDdO1116rVq1aXZTtvvHGG+rSpYt69uypjIwMzZgxQ3fccYe+++473XTTTZKkTz75RP369VOTJk00YMAASVKlSpW8Po9evXppxYoVri/2krRz50799ttvevXVV13rxowZoxEjRqh79+7q16+fDhw4oLfeekutWrXSH3/8YenXdW/uvfdePf300/rxxx/Vv39/jzEbNmxQ586dVbduXT3//PMKDAzU1q1bXV+KatSooeeff14jR47UgAEDFBcXJ0lur4F///1XnTp10p133ql77rlHkZGReeY1ZswYORwOPfnkk0pJSdGECRMUHx+vNWvWuEbGrLCS29kMw1CXLl20aNEi9e3bV/Xr19f8+fP1+OOPa8+ePRo/frxb/NKlS/Xll1/q4YcfVlhYmN58803ddttt2rVrl0qUKGGaX1pamg4ePOi2Ljw8/LxGwj777DMdO3ZMDzzwgBwOh1555RV169ZN//zzj+vx/vzzT8XFxcnf318DBgxQTEyMtm3bpv/7v//TmDFj1K1bN23evFmff/65xo8fr5IlS0rK3n3Qk+TkZLVo0UJpaWl65JFHVKJECX300Ufq0qWL5syZo1tvvdUt/uWXX5aPj4+GDRumo0eP6pVXXlHPnj31+++/5/ncNmzYoLi4OBUtWlRPPPGE/P399e6776pNmzb6+eef1bRpU3Xr1k0RERF67LHHXLtAhoaGen3M//u//5OkfI3opKWlqXXr1tqzZ48eeOABXXPNNfr11181fPhw7du3TxMmTJCU/9eRN1lZWbleH5JUpEgRhYSEuK3r3r27YmNjlZCQoNWrV2vKlCkqXbq0xo4dKyl/n08TJkzQf/7zH4WGhrqa6rzeswsXLlSnTp3UqFEjjRo1Sj4+Ppo2bZquv/56LVmyRE2aNJEkPfjgg5ozZ44GDRqkmjVr6t9//9XSpUv1999/q2HDhpZqcratW7fq9ttvV9++fdW7d29NnTpV9913nxo1aqRatWrl+/GOHj2qw4cPu9XF6XSqS5cuWrp0qQYMGKAaNWpo3bp1Gj9+vDZv3uw6ZqxHjx567rnntH//fkVFRbnuv3TpUu3du1d33nmn1+0mJyerWbNmrh9jSpUqpe+//159+/ZVamqqBg8eLIfDoZYtW2rx4sWu+/355586evSofHx89Msvv7j+L1qyZIkaNGjgev3fdttt2rBhg/7zn/8oJiZGKSkpSkxM1K5du5gcBwXHAJCno0ePGpKMW265xVL89u3bDUnGtGnTct0myRg1apRredSoUYYkY8CAAa51p0+fNsqXL284HA7j5Zdfdq0/fPiwUaRIEaN3796uddOmTTMkGdu3b3fbzqJFiwxJxqJFi1zrevfubVSoUMEtLi0tzW05IyPDqF27tnH99de7rQ8JCXHbrrftHz161AgMDDSGDh3qFvfKK68YDofD2Llzp2EYhrFjxw7D19fXGDNmjFvcunXrDD8/v1zrvW13xYoVXmPCw8ONBg0auJZzap1j/PjxhiTjwIEDXh9jxYoVXv+WrVu3NiQZkydP9nhb69atXcs5f49y5coZqamprvWzZs0yJBlvvPGGa12FChU81vrcx8wrt3P/1l9//bUhyXjxxRfd4m6//XbD4XAYW7duda2TZAQEBLitW7t2rSHJeOutt3Jt62w5r31Pl5zX4rnPw1vOOY9VokQJ49ChQ67133zzjSHJ+L//+z/XulatWhlhYWGu11cOp9Ppuv7qq696fK8YRu6aDx482JBkLFmyxLXu2LFjRmxsrBETE2NkZWUZhnHm71qjRg0jPT3dFfvGG28Ykox169blWa+uXbsaAQEBxrZt21zr9u7da4SFhRmtWrXKVYtXX301z8czDMNo0KCBERERkWv98ePHjQMHDrguR48edd32wgsvGCEhIcbmzZvd7vPUU08Zvr6+xq5duwzDyN/ryJuc942nywMPPOCKy3m/3n///W73v/XWW40SJUq4rbP6+WQYhlGrVi2Pr79zPzOdTqdRpUoVo0OHDm6vo7S0NCM2NtZo166da114eLgxcOBA0+duJb8KFSoYkozFixe71qWkpHj8XPVEktG3b1/jwIEDRkpKirFy5UqjY8eOuV4/n3zyieHj4+P2GjcMw5g8ebIhyfjll18MwzCMTZs2eXzvP/zww0ZoaKjb/yHn/v/Wt29fo0yZMsbBgwfd7nvnnXca4eHhrvu++uqrhq+vr+uz8c033zQqVKhgNGnSxHjyyScNwzCMrKwsIyIiwnjssccMw8j+/9DqewK4mNhVDzCRmpoqSQoLCyuwbfTr18913dfXV40bN5ZhGOrbt69rfUREhKpVq6Z//vnnom337FGOw4cP6+jRo4qLizPdxcSbokWLqlOnTpo1a5bbrjszZ85Us2bNdM0110iSvvzySzmdTnXv3l0HDx50XaKiolSlShUtWrTowp6Ysg8Yz2t2vZwRrW+++SbX7khWBQYGqk+fPpbje/Xq5fY6uv3221WmTBnNmzfvvLZv1bx58+Tr66tHHnnEbf3QoUNlGIa+//57t/Xx8fFuv07XrVtXRYsWtfzaGzBggBITE90u9erVO6/ce/TooWLFirmWc0bXcnI5cOCAFi9erPvvv9/1+spxvgfcz5s3T02aNNF1113nWhcaGqoBAwZox44d+uuvv9zi+/Tp43Zc27k5epKVlaUff/xRXbt2ddu9tUyZMrr77ru1dOlS12dPfqSmpnockXrmmWdUqlQp1+Xuu+923TZ79mzFxcWpWLFibu/H+Ph4ZWVluUYD8vs68iYmJibX6yMxMVGDBw/OFfvggw+6LcfFxenff/89r9rkx5o1a7Rlyxbdfffd+vfff101OXHihG644QYtXrzY9bkRERGh33//XXv37r0o265Zs6brNSRlj4zm57P/gw8+UKlSpVS6dGk1btxYCxYs0BNPPOG2O9zs2bNVo0YNVa9e3e1vfv3110uS6zO4atWqql+/vmbOnOm6b1ZWlubMmaObb77Z60i5YRj64osvdPPNN8swDLdtdOjQQUePHnX9PxMXF6esrCz9+uuvkrJHluLi4hQXF6clS5ZIktavX68jR4646lKkSBEFBAQoKSlJhw8ftlQX4GJgVz3ARNGiRSXpok1x7cm5X/jCw8MVFBTk2qXo7PX//vvvRdvud999pxdffFFr1qxx26/9QmZ46tGjh77++mstW7ZMLVq00LZt27Rq1SrX7j5S9jlpDMNQlSpVPD7GxZjc4Pjx4ypdunSeeU6ZMkX9+vXTU089pRtuuEHdunXT7bffbnlWrXLlyuVrIohzn6/D4VDlypULfJ/8nTt3qmzZsrma/xo1arhuP9u5r0dJKlasmOUvKFWqVFF8fPx5Zuvu3FxymqicXHK+TNauXfuibE/KrkfTpk1zrT+7XmdvzyxHTw4cOKC0tDRVq1bN43acTqd2796d712zwsLCPH5GPPzww+rcubOk3LvxbdmyRX/++afXXRdTUlIkWX8dHT9+3HUcipT9Y9DZjx0SEmL59ZFXbXM+mwvCli1bJGVPA+/N0aNHVaxYMb3yyivq3bu3oqOj1ahRI914443q1auX1+M9zVzo+++WW27RoEGDlJGRoRUrVuill15SWlqa2+fali1b9Pfff5v+zaXsz8qnn35ae/bsUbly5ZSUlKSUlBT16NHDaw4HDhzQkSNH9N5773mdbTZnGw0bNlRwcLCWLFmiDh06aMmSJRo9erSioqL01ltv6dSpU64GKufHjMDAQI0dO1ZDhw5VZGSkmjVrps6dO6tXr15uuxQCFxuNE2CiaNGiKlu2rNavX28p3lvTkdcsVp5mVvI229LZIznns60cS5YsUZcuXdSqVSu98847KlOmjPz9/TVt2jR99tlnpvf35uabb1ZwcLBmzZqlFi1aaNasWfLx8dEdd9zhinE6nXI4HPr+++89Ps+8juGw4r///a+OHj2qypUre40pUqSIFi9erEWLFmnu3Ln64YcfNHPmTF1//fX68ccfLc12lZ/jkqzK6296qWYwtPLaO18Oh8Pj43h7zRZkLhdLYcqxevXqWrNmjetLbo6qVauqatWqknLPfuZ0OtWuXTs98cQTHh8z535Wvfbaaxo9erRruUKFCuf944Bdtc0ZTXr11VdVv359jzE5n1Pdu3dXXFycvvrqK/3444969dVXNXbsWH355Ze5JuGw4kKfc/ny5V2N6Y033qiSJUtq0KBBatu2rbp16yYp+/nVqVNH48aN8/gY0dHRrus9evTQ8OHDNXv2bA0ePFizZs1SeHi4Onbs6DWHnPrdc889XpvPnNNF+Pv7q2nTplq8eLG2bt2q/fv3Ky4uTpGRkcrMzNTvv/+uJUuWqHr16m6N3uDBg3XzzTfr66+/1vz58zVixAglJCRo4cKFatCggaVaAflF4wRY0LlzZ7333ntatmyZmjdvnmdszi+i555o89xf9S+GC9nWF198oaCgIM2fP99tOuZp06blis3PCFRISIg6d+6s2bNna9y4cZo5c6bi4uJUtmxZV0ylSpVkGIZiY2Pz/aXMik8++USSTKfe9fHx0Q033KAbbrhB48aN00svvaRnnnlGixYtUnx8/EU/N1XOr9g5DMPQ1q1b3c43VaxYMY8nad25c6fbL9j5ya1ChQr66aefdOzYMbfRgo0bN7puv1SKFSvmcZej831/5NTE7IeN/NZr06ZNudZfzHqVKlVKwcHBXrfj4+Pj9uXVqs6dO2vGjBmaPn2610boXJUqVdLx48dNR4Gsvo569erltptjQfzAcLb8/G2txubsqlq0aFFLo2NlypTRww8/rIcfflgpKSlq2LChxowZc16N08X2wAMPaPz48Xr22Wd16623yuFwqFKlSlq7dq1uuOEG05rExsaqSZMmmjlzpgYNGqQvv/xSXbt2zXMa/1KlSiksLExZWVmW6hcXF6exY8fqp59+UsmSJVW9enU5HA7VqlVLS5Ys0ZIlS1wjpmerVKmShg4dqqFDh2rLli2qX7++Xn/9dbcZVYGLiWOcAAueeOIJhYSEqF+/fkpOTs51+7Zt2/TGG29Iyv6PtmTJkm6zBEnZZ6y/2HL+cz97W1lZWZZOxOvr6yuHw+H2S/+OHTtcsymdLSQkxOOXeW969OihvXv3asqUKVq7dm2uXTq6desmX19fjR49OtevqIZhXNDuiAsXLtQLL7yg2NhY9ezZ02vcoUOHcq3L+WU5Z7fFnBm+8vPc8/Lxxx+77fI5Z84c7du3z+3LVaVKlfTbb7+5TqIrZe9See605fnJ7cYbb1RWVpbefvttt/Xjx4+Xw+G4pF/uKlWqpI0bN7rOTSRJa9euzTXFs1WlSpVSq1atNHXqVO3atcvttrNfW/mt1/Lly7Vs2TLXuhMnTui9995TTEyMataseV65ns3X11ft27fXN9984zYak5ycrM8++0zXXXfdee2K1r17d9WsWVMvvPCC27TmZzv3Pde9e3ctW7ZM8+fPzxV75MgRnT59WpL111HFihUVHx/vunibFv1iyc/nk9XYRo0aqVKlSnrttdfcdjvMkfP6zcrK0tGjR91uK126tMqWLeu2+7Od/Pz8NHToUP3999/65ptvJGX/zffs2aP3338/V/zJkyd14sQJt3U9evTQb7/9pqlTp+rgwYN57qYnZb++b7vtNn3xxRcef9Q4+/0vZTdO6enpmjBhgq677jpXMxcXF6dPPvlEe/fudTvuKy0tTadOnXJ7jEqVKiksLKzQ1B1XJkacAAsqVaqkzz77zDVteK9evVS7dm1lZGTo119/1ezZs93OA9OvXz+9/PLL6tevnxo3bqzFixdr8+bNFz2vWrVqqVmzZho+fLgOHTqk4sWLa8aMGa4vOnm56aabNG7cOHXs2FF33323UlJSNHHiRFWuXFl//vmnW2yjRo30008/ady4cSpbtqxiY2M9HgOS48Ybb1RYWJiGDRvm+g/0bJUqVdKLL76o4cOHa8eOHeratavCwsK0fft2ffXVVxowYICGDRtm+hy+//57bdy4UadPn1ZycrIWLlyoxMREVahQQd9++22eJ2R8/vnntXjxYt10002qUKGCUlJS9M4776h8+fKuX8srVaqkiIgITZ48WWFhYQoJCVHTpk0VGxtrmpsnxYsX13XXXac+ffooOTlZEyZMUOXKld2mTO/Xr5/mzJmjjh07qnv37tq2bZs+/fTTXFMs5ye3m2++WW3bttUzzzyjHTt2qF69evrxxx/1zTffaPDgwV6nby4I999/v8aNG6cOHTqob9++SklJ0eTJk1WrVq3zPuD/zTff1HXXXaeGDRtqwIABio2N1Y4dOzR37lytWbNGUvZrWMqeJOHOO++Uv7+/br755lzTX0vSU089pc8//1ydOnXSI488ouLFi+ujjz7S9u3b9cUXX1g+Bs7Miy++6DqX2MMPPyw/Pz+9++67Sk9P1yuvvHJej+nv76+vvvpKHTp00HXXXadu3bopLi5OISEh2rNnj7799lvt2rXLNcWzlH1+qG+//VadO3d2TXt94sQJrVu3TnPmzNGOHTtUsmTJi/Y6Onr0qNcRgfM5MW5+Pp8aNWqkSZMm6cUXX1TlypVVunRp14QIZ/Px8dGUKVPUqVMn1apVS3369FG5cuW0Z88eLVq0SEWLFtX//d//6dixYypfvrxuv/121atXT6Ghofrpp5+0YsWKXOfds9N9992nkSNHauzYseratavuvfdezZo1Sw8++KAWLVqkli1bKisrSxs3btSsWbM0f/58t/Pude/eXcOGDdOwYcNUvHhxS6NIL7/8shYtWqSmTZuqf//+qlmzpg4dOqTVq1frp59+cvvxqnnz5vLz89OmTZtc08pLUqtWrTRp0iRJcmucNm/erBtuuMH1Q4Gfn5+++uorJScn5zlFOnDBLu0kfsDlbfPmzUb//v2NmJgYIyAgwAgLCzNatmxpvPXWW8apU6dccWlpaUbfvn2N8PBwIywszOjevbuRkpLidTryc6fE7t27txESEpJr+61btzZq1arltm7btm1GfHy8ERgYaERGRhpPP/20kZiYaGk68g8++MCoUqWKERgYaFSvXt2YNm1armm7DcMwNm7caLRq1cooUqSIIck19a+36dANwzB69uxpSDLi4+O91vOLL74wrrvuOiMkJMQICQkxqlevbgwcONDYtGmT1/ucvd2cS0BAgBEVFWW0a9fOeOONN9ym/M5x7vNasGCBccsttxhly5Y1AgICjLJlyxp33XVXrimZv/nmG6NmzZqGn5+f2/Tfnv4WObxNR/75558bw4cPN0qXLm0UKVLEuOmmm3JNoW0YhvH6668b5cqVMwIDA42WLVsaK1eu9DiNt7fcPP2tjx07Zjz22GNG2bJlDX9/f6NKlSrGq6++6jbVsmFkTynsaWplb9Okn83qtNmffvqpUbFiRSMgIMCoX7++MX/+fK/TkXt6rHPfR4ZhGOvXrzduvfVWIyIiwggKCjKqVatmjBgxwi3mhRdeMMqVK2f4+Pi4vW49Pbdt27YZt99+u+vxmjRpYnz33XduMTl/19mzZ3usg6ep4s+1evVqo0OHDkZoaKgRHBxstG3b1vj11189Pl5+pl4+cuSI8fzzzxsNGjQwQkNDjYCAACM6Otq4/fbb3aZyz3Hs2DFj+PDhRuXKlY2AgACjZMmSRosWLYzXXnvNyMjIcIuz8jryJq/pyM9+f3r7bPT0mZOfz6f9+/cbN910kxEWFmZIcr2nPJ3CwTAM448//jC6detmlChRwggMDDQqVKhgdO/e3ViwYIFhGIaRnp5uPP7440a9evWMsLAwIyQkxKhXr57xzjvvmNbC23TkN910k8e6eZpG/Vze3r+GYRjPPfec23PMyMgwxo4da9SqVcsIDAw0ihUrZjRq1MgYPXq023T1OVq2bGlIMvr16+d12+e+L5OTk42BAwca0dHRhr+/vxEVFWXccMMNxnvvvZfr/tdee60hyfj9999d6/773/8akozo6Gi32IMHDxoDBw40qlevboSEhBjh4eFG06ZNjVmzZuVVHuCCOQyjEB1hCwAAAACFEMc4AQAAAIAJGicAAAAAMEHjBAAAAAAmaJwAAAAAwASNEwAAAACYoHECAAAAABNX3QlwnU6n9u7dq7CwMNeZqQEAAABcfQzD0LFjx1S2bFnTE5xfdY3T3r17FR0dbXcaAAAAAAqJ3bt3q3z58nnGXHWNU1hYmCRp+/btKl68uM3ZFF6ZmZn68ccf1b59e/n7+9udTqFGrayhTtZQJ2uokzXUyRrqZB21soY6WVMY6pSamqro6GhXj5CXq65xytk9LywsTEWLFrU5m8IrMzNTwcHBKlq0KG94E9TKGupkDXWyhjpZQ52soU7WUStrqJM1halOVg7hYXIIAAAAADBB4wQAAAAAJmicAAAAAMDEVXeMkxWGYej06dPKysqyOxXbZGZmys/PT6dOnbqq62AFtcrm6+srPz8/pvkHAABXJBqnc2RkZGjfvn1KS0uzOxVbGYahqKgo7d69my/CJqjVGcHBwSpTpowCAgLsTgUAAOCionE6i9Pp1Pbt2+Xr66uyZcsqICDgqv0i7HQ6dfz4cYWGhpqeDOxqR62ym8eMjAwdOHBA27dvV5UqVa7aWgAAgCsTjdNZMjIy5HQ6FR0dreDgYLvTsZXT6VRGRoaCgoL4AmyCWmUrUqSI/P39tXPnTlc9AAAArhRX77e8PFzNX36BC8F7BwAAXKn4lgMAAAAAJmicAAAAAMAEjRP04YcfKiIiwu408m3Hjh1yOBxas2aN3alcFpKSkuRwOHTkyBG7UwEAALjs0DhdIe677z45HI5cl61bt9qST5s2bVw5BAUFqWrVqkpISJBhGBdtG9HR0dq3b59q16590R7zQm3dulV9+vRR+fLlFRgYqNjYWN11111auXKlK+bsv09ISIiqVKmi++67T6tWrXJ7rJxG59zLs88+63X7MTExmjBhgsfbWrRooX379ik8PPyiPFcAAICrCY3TFaRjx47at2+f2yU2Nta2fPr37699+/Zp06ZNGj58uEaOHKnJkydftMf39fVVVFSU/PwKx+SQK1euVKNGjbR582a9++67+uuvv/TVV1+pevXqGjp0qFvstGnTtG/fPm3YsEETJ07U8ePH1bRpU3388ce5HnfTpk1uf9OnnnrqvPILCAhQVFTUVTvFPgAAwIWgcTJjGNKJE/Zc8jk6ExgYqKioKLeLr6+vxo0bpzp16igkJETR0dF6+OGHdfz4ca+Pc+DAATVp0kT33HOP0tPT5XQ6lZCQoNjYWBUpUkT16tXTnDlzTPMJDg5WVFSUKlSooD59+qhu3bpKTEx03Z6enq5hw4apXLlyCgkJUdOmTZWUlCRJSk1NVZEiRfT999+7PeZXX32lsLAwpaWledxVb/369erUqZNCQ0MVGRmpe++9VwcPHpQkfffdd4qIiFBWVpYkac2aNXI4HG6NSL9+/XTPPfdIknbu3Kmbb75ZxYoVU0hIiGrVqqV58+Z5fK6GYej+++9XlSpVtGTJEt10002qVKmS6tevr1GjRumbb75xi4+IiFBUVJRiYmLUvn17zZkzRz179tSgQYN0+PBht9jSpUu7/U1DQ0NNa+/Jubvq5eyiOX/+fNWoUUOhoaGu5vtsU6ZMUY0aNRQUFKTq1avrnXfeOa/tAwAAXM5onMykpUmhofZc0tIuylPw8fHRm2++qQ0bNuijjz7SwoUL9cQTT3iM3b17t+Li4lSrVi199NFHCgwMVEJCgj7++GNNnjxZGzZs0GOPPaZ77rlHP//8s6XtG4ahJUuWaOPGjQoICHCtHzRokJYtW6YZM2bozz//1B133KGOHTtqy5YtKlq0qDp37qzPPvvM7bGmT5+url27ejzP1pEjR3T99derQYMGWrlypX744QclJyere/fukqS4uDgdO3ZMf/zxhyTp559/VsmSJV3NWs66Nm3aSJIGDhyo9PR0LV68WOvWrdPYsWO9Ni3r1q3Thg0bNHToUI9Tcls5huyxxx7TsWPH3JrLgpaWlqbXXntNn3zyiRYvXqxdu3Zp2LBhrtunT5+ukSNHasyYMfr777/10ksvacSIEfroo48uWY4AAACFQeHYxwkXxXfffef2xb5Tp06aPXu2Bg8e7FoXExOjF198UQ8++GCukYNNmzapXbt2uvXWWzVu3DgdO3ZM6enpeumll/TTTz+pefPmkqSKFStq6dKlevfdd9W6dWuv+bzzzjuaMmWKMjIylJmZqaCgID3yyCOSpF27dmnatGnatWuXypYtK0kaNmyYfvjhB02bNk0vvfSSevbsqXvvvVdpaWkKDg5Wamqq5s6dq6+++srj9t5++201aNBAL730kmvd1KlTFR0drc2bN6tq1aqqX7++kpKS1LhxYyUlJemxxx7T6NGjdfz4cR09elRbt251Paddu3bptttuU506dVzP25tt27ZJkqpXr+41xkzOfXfs2OG2vnz58m7LO3fuVIkSJc57O2fLzMzU5MmTValSJUnZzezzzz/vun3UqFF6/fXX1a1bN0lSbGys/vrrL7377rvq3bv3RckBAADgckDjZCY4WMpjt7YC33Y+tG3bVpMmTXIth4SESJJ++uknJSQkaOPGjUpNTdXp06d16tQpV0MiSSdPnlRcXJzuvvtuTZgwQU6nU1L2ZAdpaWlq166d27YyMjLUoEGDPPPp2bOnnnnmGR0+fFijRo1SixYt1KJFC0nZIzRZWVmqWrWq233S09NdTcGNN94of39/ffvtt7rzzjv1xRdfqGjRooqPj/e4vbVr12rRokUeR4W2bdumqlWrqnXr1kpKStLQoUO1ZMkSJSQkaNasWVq6dKkOHTqksmXLqkqVKpKkRx55RA899JB+/PFHxcfH67bbblPdunU9bvtiTHqR8xjnHoO0ZMkShYWFuZaLFSt2wdvKERwc7GqaJKlMmTJKSUmRJJ04cULbtm1T37591b9/f1fM6dOnmWACAABcdWiczDgc0v8akMIuJCRElStXdlu3Y8cOde7cWQ899JDGjBmj4sWLa+nSperbt68yMjJcjVNgYKDi4+P13Xff6fHHH1eZMmUkyXUs1Ny5c1WuXDm3xw4MDMwzn/DwcFc+s2bNUuXKldWsWTPFx8fr+PHj8vX11apVq+Tr6+t2v5zGJyAgQLfffrs+++wz3Xnnnfrss8/Uo0cPr5NBHD9+XDfffLPGjh2b67ac59OmTRtNnTpVa9eulb+/v6pXr642bdooKSlJhw8fdhtB69evnzp06KC5c+fqxx9/VEJCgl5//XX95z//yfX4Oc9z48aNpg2lN3///bck5ZrQIzY2tsCmi/f393dbdjgcrgYu52///vvvq2nTpm5x5/7NAAAArnQc43SFW7VqlZxOp15//XU1a9ZMVatW1d69e3PF+fj46JNPPlGjRo3Utm1bV0zNmjUVGBioXbt2qXLlym6X6Ohoy3mEhobq0Ucf1bBhw2QYhho0aKCsrCylpKTketyoqCjX/Xr27KkffvhBGzZs0MKFC9WzZ0+v22jYsKE2bNigmJiYXI+ZM/qWc5zT+PHjXU1STuOUlJTkOr4pR3R0tB588EF9+eWXGjp0qN5//32P265Tp45q1qyp119/3TVadzYr506aMGFCniNql1pkZKTKli2rf/75J1c97ZytEQAAwA40Tle4ypUrKzMzU2+99Zb++ecfffLJJ16nBPf19dX06dNVr149xcfHKzk5WWFhYRo2bJgee+wxffTRR9q2bZtWr16tt956K98TBDzwwAPavHmzvvjiC1WtWlU9e/ZUr1699OWXX2r79u1avny5EhISNHfuXNd9WrVqpaioKPXs2VOxsbG5Rj7ONnDgQB06dEh33XWXVqxYoW3btmn+/Pnq06ePaya9YsWKqW7dupo+fbqrSWrVqpVWr16tzZs3u404DR48WPPnz9f27du1evVqLVq0SDVq1PC4bYfDoQ8++ECbN29WXFyc5s2bp3/++Ud//vmnxowZo1tuucUt/siRI9q/f7927typxMRE18japEmTLnh0ac+ePVqzZo3b5dyZ+qwaPXq0EhIS9Oabb2rz5s1at26dpk2bpnHjxl1QjgAAAJcbGqcrXL169TRu3DiNHTtWtWvX1vTp05WQkOA13s/PT59//rlq1qypW265RSkpKXrhhRc0YsQIJSQkqEaNGurYsaPmzp2b71GH4sWLq1evXnruuefkdDo1bdo09erVS0OHDlW1atXUtWtXrVixQtdcc43rPg6HQ3fddZfWrl2b52iTJJUtW1a//PKLsrKy1L59e9WpU0eDBw9WRESE20x3rVu3VlZWlqtxKl68uGrWrKmoqChVq1bNFZeVlaWBAwe6nnPVqlXznIq7SZMmWrlypSpXrqz+/furRo0a6tKlizZs2JDrpLR9+vRRmTJlVL16dT300EMKDQ3V8uXLdffdd+ejop699tpratCggdvl7GY0P/r166cpU6Zo2rRpqlOnjlq3bq0PP/yQEScAAHDVcRgX46j287R48WK9+uqrWrVqlfbt26evvvpKXbt2zfM+SUlJGjJkiDZs2KDo6Gg9++yzuu+++yxvMzU1VeHh4Tp48GCumclOnTql7du3KzY2VkFBQefxjK4cTqdTqampKlq0qMfptXEGtTojr/dQZmam5s2b55r0A55RJ2uokzXUyRrqZB21soY6WVMY6pTTGxw9elRFixbNM9bWb3knTpxQvXr1NHHiREvx27dv10033aS2bdtqzZo1Gjx4sPr166f58+cXcKYAAAAArma2zqrXqVMnderUyXL85MmTFRsbq9dff12SVKNGDS1dulTjx49Xhw4dCipNAAAAABfT8eNyzJunqLVrpRtvtDsbSy6r6ciXLVuWa8axDh06uJ3g9Vzp6elKT093LaempkrKHhrMzMx0i83MzJRhGHI6nR5nRrua5OzBmVMPeEetznA6nTIMQ5mZmbmmLM95v537voM76mQNdbKGOllDnayjVtZQJ3NpW/botx4fyAjwU+Yz9tUpP3+jy6px2r9/vyIjI93WRUZGKjU1VSdPnlSRIkVy3SchIUGjR4/OtX7RokWucxjl8PPzU1RUlI4fP66MjIyLm/xl6tixY3ancNmgVtknRj558qQWL16s06dPe4xJTEy8xFldnqiTNdTJGupkDXWyjlrlrUhysoofOqRV/ztHI3I7tDFTXTVfYRmp+sTG11NaWprl2MuqcTofw4cP15AhQ1zLqampio6OVtu2bT1ODrF7926FhoZe9ZNDGIahY8eOKSwsTA6Hw+50CjVqdcapU6dUpEgRtWrVyuPkEImJiWrXrh0HyuaBOllDnayhTtZQJ+uolbn0P/7S8103abcq5LrtdQ1VWe2TJM1Ud32trl4fJ0HDFaOdkqRv1EUzdKfX2FEareraJEn6Xh31sXp5jX1KL6ue/pQkLVRbva/+XmOHaJyu1UpJ0i9qobc1yGvsw3pHcVoqSVqpRnpdQ73G9tUHaqk1elRh8vNzql27B22dHMKqy6pxioqKUnJystu65ORkFS1a1ONokyQFBgYqMDAw13p/f/9cf6CsrCw5HA75+Phc9bOj5exyllMPeEetzvDx8ZHD4fD4/sqR1204gzpZQ52soU7WUCfrqJV3ST+k6VU94fG25yp8KAWESpLWHWytGYfv8vo4T0TPUExQgCTpr0OtNONf77EDy38rFcn+PrL5cEvNOOg99r6yiaoXclKS9M/R5pqR4j22e5mlujb0qCRp17EmmrHfe+xNkasUVzT7e/qe49dqxj7vsW1K/6X48F0ab0zUpkaN5O//H9teT/nZ7mXVODVv3lzz5s1zW5eYmKjmzZvblBEAAMBVIitLjp9+UtmlS+U4cULyu6y+Rl4ypxb9V1Jzlffbo8fGRrkd81u613ypWPb1G3+VSq3w/jjl7vpGKp19PX6FFPyr99jY2z+XymVfb/WHNGGx99jqXacqZzCs2XppwgLvsXVumihVzr7ecJM04QfvsY07vCZVf02SVHubNOE777Etrn9BqvOCTmdmatO8earkPbRQsfUVf/z4cW3dutW1vH37dq1Zs0bFixfXNddco+HDh2vPnj36+OOPJUkPPvig3n77bT3xxBO6//77tXDhQs2aNeu8T+4JAAAAiz7/XH733qtr7c6jkIvUteqiSoouelD/+U8v+fv7eoxr0SL7YsW112ZfrGjQIPtiRe3a2RcrqlXLvlhRqZL06KPWYi8ntjZOK1euVNu2bV3LOcci9e7dWx9++KH27dunXbt2uW6PjY3V3Llz9dhjj+mNN95Q+fLlNWXKFKYiBwAAKGAnd6boc/VRSlBZ+ZUtq3MP6x1U7msF+mTPUPbjocZadyLW62M9UOb/FOp3SpK08HAD/XG8stfY+6O+VzH/45KkJUfqaPmx6l5j741MVOmAI5Kk347W0C+p3ruCO0svUrnAg5KkVceqKulIPa+xt5darApB2buh/Xm8ohIPN/Iae0uJX/RV6Jta3qyZ1xhcnmxtnNq0aeOaytmTDz/80ON9/vjjjwLMCnm57777dOTIEX399dfkcRlp06aN6tevrwkTJtidCgDgMjX9j5rqryHSKUn/5L6936qHFRiefX12f2nKFO+PddfihxVaNvv6N49Kb77pPbbL9w+rWJXs698/LSUkeI+N/+Jhlf5f/7NgjPTss95jm3/8sMr9b8Rn8Xhp2BDvsXUnPawK7bKv//aeNOwB77GVX39YFW7MVPI5h5fg8sfOqVeI++67Tx999JGk7GnVy5cvrzvuuEPPP//8JZ0hMCkpyW0UsWTJkrr22ms1duxY1alT56Jt54033siz6b7UDMPQe++9p2nTpmnDhg3y8/NT5cqVdc8992jAgAEKDg7Wc88955oa39fXVxEREapZs6a6deumhx56yG0SkzZt2ujnn3/OtZ3MzEz5edin/MMPP9TgwYN15MgRj/l9+eWXHMQLALggvg6nSitZKYpUz57OXBMinf3fTLNm0lmn0czl7Dm9rr1Wuvde77FhYWeuN2iQd2yxYmeu16mTd2ypUmeu16iRd2yZMmeuV6mSd2x0tPfbcHmjcbqCdOzYUdOmTVNmZqZWrVql3r17y+FwaOzYsZc8l02bNqlo0aLau3evHn/8cd10003aunWrAgICLsrjh4eHX5THuVgeeOABfffdd3r22Wf19ttvq1SpUlq7dq0mTJigmJgYde3aVZJUq1Yt/fTTT3I6nfr333+VlJSkF198UZ988omSkpIUdtb/Dv3799fzzz/vth1PTZMVxYsXP+/nBgBXvLVr1fiVV+T73nvKtf8ZXPrMnas+knZdf73KTPtB/v7eZ5Lt2zf7YsU992RfrLjjjuyLFV26ZF+s6Ngx+2JF27bZl7xw3tsrE42TRSdOeL/N11c6e1Anr1gfH/dfWbzFhoTkLz8pe+r1qKgoSVJ0dLTi4+OVmJjoapycTqfGjh2r9957T/v371fVqlU1YsQI3X777ZKyp2MfMGCAFi5cqP3796t8+fIaOHCgBg8enO9cSpcurYiICEVFRWnw4MHq0qWLNm7cqLp160qSli5dquHDh2vlypUqWbKkbr31ViUkJCgkJERPP/20FixYoN9//93tMevVq6fbbrtNI0eOzLWrntlza9y4se68804NGzZMktS1a1fNnTtXhw8fVmhoqP773/8qOjpaW7ZsUeXKlfXOO+9o/Pjx2r17t8LDwxUXF6c5c+Z4fK6zZs3S7Nmz9eWXX+rWW291rY+JiVGXLl3czg+Qc5JlSSpbtqzq1Kmjdu3aqV69eho7dqxefPFFV2xwcLAr9kKdu6teTEyMBgwYoK1bt2r27NkqVqyYnn32WQ0YMMB1n927d2vo0KH68ccf5ePjo7i4OL3xxhuKiYm5KDkBQGHhO2mSyv2ax5RlcJMeEWF3CoAtaJwsCg31ftuNN0pnT+xXurTk7STErVtLSUlnlmNipIMHc8dd6F5o69ev16+//qoKFc6cfC0hIUGffvqpJk+erCpVqmjx4sW65557VKpUKbVu3VpOp1Ply5d3fZFesGCBHnvsMZUtW1bdu3c/rzyOHj2qGTNmSJJrtGnbtm3q2LGjXnzxRU2dOlUHDhzQoEGDNGjQIE2bNk09e/ZUQkKCtm3bpkqVsieo3LBhg/7880998cUXHrdj9txat26tpKQkDRs2TIZhaMmSJYqIiNDSpUvVsWNH/fzzzypXrpwqV66slStX6pFHHtEnn3yiFi1a6NChQ1qyZInX5/jZZ5+pSpUquuWWW3Ld5nA4TEfHqlevrk6dOunLL790a5wK2uuvv64XXnhBTz/9tObMmaOHHnpIrVu3VrVq1ZSZmakOHTqoefPmWrJkifz8/PTiiy+qY8eO+vPPPy/ayCEAFAr/Gx5w3nabfG66yeZkCrfT/v7a5OenGLsTAWxA43QF+e677xQaGqrTp08rPT1dPj4+evvttyVJ6enpeumll/TTTz+5zntVsWJFLV26VO+++65at24tf39/1zE4TqdT3bt319q1azVr1qx8N07ly5eXJJ3435Baly5dVL169iw4CQkJ6tmzp2skq0qVKnrzzTfVunVrTZo0SbVq1VK9evX02WefacSIEZKk6dOnq2nTpqpcOfesO1aeW5s2bfTBBx8oKytL69evV0BAgHr06KGkpCR17NhRSUlJat26tSRp165dCgkJUefOnRUWFqYKFSqoQR7zem7dutVjXvlRvXp1/fjjj27r3nnnHU0568jaBx54QK+//voFbedsN954ox5++GFJ0pNPPqnx48dr0aJFqlatmmbOnCmn06kpU6bI8b/dVqZNm6aIiAglJSWpffv2Fy0PACgsjMaNpT597E6j0Hr/fenVBEN1625Rh9vszga49GicLDp+3PttvudMz5+S4j32nOMotWPHeaeUS9u2bTVp0iSdOHFC48ePl5+fn267LfuTbevWrUpLS1O7du3c7pORkeHWFEycOFFTp07Vrl27dPLkSWVkZKh+/fr5zmXJkiUKDg7Wb7/9ppdeekmTJ0923bZ27Vr9+eefmj59umudYRhyOp3avn27atSooZ49e2rq1KkaMWKEDMPQ559/7pqu/lxWnltcXJyOHTumP/74Q7/++qurmXr55ZclST///LMef/xxSVK7du1UoUIFVaxYUR07dlTHjh116623Kjg42OP2L8YkFYZhuBqUHD179tQzzzzjWo64yLtG5Ow2KWWPjEVFRSnlfy/etWvXauvWrW7HXEnSqVOntG3btouaBwAUJt9/L+W1h/rLL0s5e2UvWiQ9+KD32FGjpLvvzr7+229S797eY5944swxQX/+mfdxPP/5jzRoUPb1zZulm2/2Htuvn/S//9703/9KN9zgPbZnT2nkyOzr//6b+xxDmzdLkkPR0Zdu0imgMKFxsig/xxwVVKz5Y4W4Rj6mTp2qevXq6YMPPlDfvn11/H+d39y5c1WuXDm3++XM5jZjxgwNGzZMr7/+upo2bSqHw6HJkydr+fLl+c4lNjZWERERqlatmlJSUtSjRw8tXpx9Guvjx4/rgQce0COPPJLrftdcc40k6a677tKTTz6p1atX6+TJk9q9e7d69OjhcVtWnltERITq1aunpKQkLVu2TO3atVOrVq3Uo0cPbd68WVu2bHGNOIWFhWn16tVKSkrSjz/+qJEjR+q5557TihUrPDYvVapU0d9//53vGp3t77//Vmys+/kuwsPDL3gkKy/nzrLncDjkdDolZde0UaNGbs1tjlJnT0MEAFeYY8dyGgTPzjpsVSdO5B179kSnJ0/mHXv48Jnrp07lHfvvv2euZ2TkHXvgwJnrmZl5x579w29WlvfYqKg8DuYGrmA0TlcoHx8fPf300xoyZIjuvvtu1axZU4GBgdq1a5erQTjXL7/8ohYtWujhhx+W0+lUamqq/vnHw4ka8mngwIFKSEjQV199pVtvvVUNGzbUX3/9lWdTUL58ebVu3VrTp0/XyZMn1a5dO5UuXdpjrJXnJkmtW7fWokWLtHz5co0ZM0bFixdXjRo1NGbMGJUpU0ZVq1Z1xfr5+Sk+Pl7x8fEaNWqUIiIitHDhQnXr1i3X49511126++679c0337hNDiFljySlpqbmeZzTxo0b9cMPP2j48OFeYy61hg0baubMmSpdurSKFi1qdzoAUKDG/dVRP+lu9Vl3Utf3lf73O59HZ/1XoebN847932G6krKn0c4r9uzfzmrUyDv2f78xuu6XV+z/9pyXlD2ldl6xZ0+5HRHhOdbf/7T27dssqeB+2AMKKxqnK9gdd9yhxx9/XBMnTtSwYcM0bNgwPfbYY3I6nbruuut09OhR/fLLLypatKh69+6tKlWq6OOPP9b8+fNVoUIFffDBB1qxYkWukZD8Cg4OVv/+/TVq1Ch17dpVTz75pJo1a6ZBgwapX79+CgkJ0V9//aXExETXMVlS9q5qo0aNUkZGhsaPH+/18cPCwkyfm5Q9s9xbb72lUqVKuY63atOmjd5++23dcdY+Ed99953++ecftWrVSsWKFdO8efPkdDpVrVo1j9vv3r27Zs+erZ49e+rZZ59V+/btVapUKa1bt07jx4/Xf/7zH9d05KdPn9b+/ftzTUdev359166C5ysrK0tr1qxxWxcYGKgaNWrk+7F69uypV199Vbfccouef/55lS9fXjt37tSXX36pJ554wnUMG4BCLj1dxf/+W46wMOk8T2dwNVi/KUDz1VFtDy9UqVLu5/fJS4kSUlyctdiICOuxYWHWY0NCrMcGBVmPDQjwHJuZaYjzuuJqxafoFczPz0+DBg3SK6+8ooceekgvvPCCSpUqpYSEBP3zzz+KiIhQw4YN9fTTT0vKnnzgjz/+UI8ePeRwOFwnZv3hhx8uOJdBgwZp3Lhxmj17trp3766ff/5ZzzzzjOLi4mQYhipVqpRrV7zbb79dgwYNkq+vr6vx8MbsuUnZxzk5nU63Uak2bdrojTfeUJs2bVzrIiIi9OWXX+q5557TqVOnVKVKFX3++eeqVauWx207HA5NmTJFM2bM0IcffqgxY8bIz89PVapUUa9evdShQwdX7IYNG1SmTBn5+voqPDxcNWvW1PDhw3OdAPd8HD9+PNckFpUqVdLWrVvz/VjBwcFavHixnnzySXXr1k3Hjh1TuXLldMMNNzACBVxGfO+/X3GzZ9udxmVgWvY/Du/nJQIAh3Exjmy/jOTsNnXw4EGVKFHC7bZTp05p+/btio2NVVDQ1X3gY86uekWLFs11ZnC4o1Zn5PUeyszM1Lx583TjjTfmOr4KZ1Ana6iTNc5rr5XPypUyypXLHnWCR/ftfUkfpd6qhCH79dTrF+f8eVcq3nvWUCdrCkOdcnqDo0ePmv44zIgTAABXuKy335afycj91czZyyl9Iuv76AG4Kl3dP48DAAAAgAU0TgAAAABggsYJAABc1RwOycfH0DnnIQcANxzj5MFVNl8GcNHw3gEKlyOnQ/Wzuirj17LyPe1+W5UqUr162dfT0pTnFNOxsVKjRtnXMzKkb7/1HnvNNVKTJtnXs7Kkr77yHlu2rNSixZnlL76QvH2MREa6T4/99dfS6dOeY0uUkNq2PbP83XfZJ5X1JCJCmjIlS926ZR+gLvl6TxjAVY3G6Sw5s3mkpaWpSJEiNmcDXH7S0tIkiRmEgEKiz45R+lZtpFdz3zZ4sJRzirxDh6SzTmeXy4AB0rvvZl8/cSLv2J49pU8/zb5++nTesV27ujdWPXpkN1uetG8vzZ9/Zrl3byk11XNsy5bS0qVnlvv3l/bv9xxbv760fLn3HAEgB43TWXx9fRUREaGUlBRJ2eeycVyl4/ZOp1MZGRk6derUVT/FthlqlT3SlJaWppSUFEVERMjXl19sgcJgX8aZWeJatXK/rVKlM9cDAnLffrYqVc5c9/PLO/Z/5xeXlL0LXF6x554er1Ur741TnTruyy1bZjdxVmKbNctuDj2pXNl7fgBwNhqnc0RFZZ+/Iad5uloZhqGTJ0+qSJEiV23zaBW1OiMiIsL1HgJgv6+rDNXptX+p2Iy3Fdaji9e40qWln3+29phhYdZjAwKsx0rSwoXWY/PatfBcee0uKEmZmdYfC8DVi8bpHA6HQ2XKlFHp0qWVeRV/kmZmZmrx4sVq1aoVu12ZoFbZ/P39GWkCCpko/3/lo906Hei0OxUAuOzROHnh6+t7VX8J9PX11enTpxUUFHRVNwNWUCsAAIArH40TAODyk5amiM2b5ShVKvugG3j01soW2q0e6rU7THXtTgYALnP8bwMAuOz4tW2r1n/8YXcahd50/a4VaqK45N9onADgAtE4AQAuP1u2SJKMsmXlYBdZ7/YFSBmSUaOG3ZkAwGWPxgkAcNk6vXCh/KtVszuNQsu41imtlBQSYncqAHDZuzpPOgMAAAAA+UDjBAAAAAAmaJwAAAAAwASNEwAAAACYYHIIAACuUNOnZ+nHHxepVatWdqcCAJc9RpwAALhCxcZK0dHHFRZmdyYAcPmjcQIAAAAAE+yqBwC4LJ1QsKq1ruj1f7LOnaXJk7OvG4YUHe39sW64QfroozPLlStLp055jm3eXJo9+8xynTrS4cOeY+vXl7777sxy06bSnj2eY6tVkxYsOLPctq3rPL+5REdLy5adWb7xRunPP3PH7dnjr65da6pSJal2bc+PBQCwhsYJAHBZMuTQnmR/r7cfOuS+7K1hkaR//3Vf3rtXOnnSc+zBg+7L+/blvn+OsmXdl/fv955HRIT7cnKy91j/c552Sor32G+/rawXXjjt+UYAgGU0TgCAy1IRndTvX+yQX0yMx9vPbURWrfL+WEWLui//8kv2KJUnoaHuywsWSFlZnmODg92X586VMjI8xwYFuS/PmeN91CsgwH3500+ltLTccadPZ2rDhgWqVu0Gzw8EALCMxgkAcNn5JPNOZem0bqmQoeINzeMdDqmhhbgcDRpYj61Xz3psfnaXq1nTemz16p7XZ2ZK+/alW38gAIBXNE4AgMvOwPRxOq4wbTz8j4rbnQwA4KrArHoAAAAAYILGCQAAAABM0DgBAAAAgAkaJwAAAAAwQeMEAAAAACZonAAAAADABNORA0Bh8u+/KrZ5sxwlS0p+fER787Fe1mn5qXTxMXanAgC4SvC/MgAUFmlp8qtZU60OH7Y7k0Lv1v/9mxlK4wQAuDRonACgsPj3Xzn+1zQZsbFy2JxOYWZI2lumjEpXqGB3KgCAqwSNEwAUMln+/nJu2iR/f3+7Uym0Zs86rRUr/tDTaT4qFmh3NgCAqwGNEwDgstO3r6+OH79W/fplqlgxu7MBAFwNmFUPAAAAAEzQOAEAAACACRonAAAAADBB4wQAAAAAJmicAAAAAMAEjRMAAAAAmGA6cgDAZeftt7O0evWfKlWqjt2pAACuEjROAIDLzt13G4qI2K2wMBonAMClwa56AAAAAGCCxgkAcNmZP9+hlSsjlZZmdyYAgKsFu+oBAC47d93lq+PHm+meezIVHm53NgCAqwEjTgAAAABgghEnAChEtqmitjsrqvVZ6xYulI4f9xwfHCzFx59ZXrxYOnLEc2xAgNSx45nlX36R/v3Xc6yvr3TTTWeWf/tNSknxnneXLmeur1gh7dvnPfbGGyW///3vs3q19N//eo/t0EEKDMy+/uef0o4d2dePH3d4vxMAAAWAxgkAConjJxyqqz8VmZWsTWetHzRI+vtvz/eJiZG2bz+zPHSotHKl59hSpdybn6efzm60PAkOlk6cOLP8/PPS9997z90wzlx/5RVpzhzvsSdOnGmc3nhD+vhj77EpKdl5S9LkydKkSe63+/p6vy8AABcTjRMAFBKHj/ooTSHaroqSMl3r69WT1+N4ypRxX65T50xTcq5ixdyXa9aUMjI8xwYFuS9Xry4dPuw997NVrSo1a+b9dp+zdhKvVCnv2LOfS2zsmVjDcKpEiR265ppoa0kBAHCBaJwAoJAJ1ClJZ4ZSPv/c+n2nTrUee+7oTV7GjbMeO2aM9diRI7MvVjz+ePZFkjIzszRv3jo5HDROAIBLg8khAAAAAMAEjRMAAAAAmKBxAgAAAAATNE4AAAAAYILJIQCgkAgLcWqYXpWPjyHpMbvTAQAAZ6FxAoBCIiLc0Kt6Qlm+/nLSOAEAUKiwqx4AAAAAmGDECQAKidOnpf+qgpyGnzg7EQAAhQuNEwAUEvtSfBWrHQo8fUrH7E4GAAC4YVc9AAAAADBB4wQAAAAAJmicAAAAAMAEjRMAAAAAmKBxAgAAAAATNE4AAAAAYILpyAGgkAgNduohvSNfH6ekB+xOBwAAnIXGCQAKiWIRht7RQGX5+stJ4wQAQKHCrnoAAAAAYIIRJwAoJLKypEMqqSzDXyXsTgYAALihcQKAQmJvsq+u0QEFnj6lY3YnAwAA3LCrHgAAAACYYMQJQME7cEB+TZuqy86ddmdSuDnLStptdxYAAMADGicABW/1ajm2b7c7i8uHw2F3BgAA4Bw0TgAumdRrrlGRpUvl7+9vdyqF0x4fqbHk9POT5LQ7GwAAcBYaJwCXjNPXV4qKkmicPMu0OwEAAOANk0MAAAAAgAlGnACgkAgOlu6916n9+3dLKmd3OgAA4Cw0TgBQSJQoIX3wQZbmzVsrGicAAAoXdtUDAAAAABM0TgBQSDidUlqalJ7ua3cqAADgHOyqBwCFxJ490jXX+Mvfv5NOnGA6cgAAChNGnAAAAADABI0TAAAAAJigcQIAAAAAEzROAAAAAGCCxgkAAAAATNA4AQAAAIAJ2xuniRMnKiYmRkFBQWratKmWL1+eZ/yECRNUrVo1FSlSRNHR0Xrsscd06tSpS5QtABScIkWkbt2catZsn92pAACAc9jaOM2cOVNDhgzRqFGjtHr1atWrV08dOnRQSkqKx/jPPvtMTz31lEaNGqW///5bH3zwgWbOnKmnn376EmcOABdfyZLSjBlZGjp0ld2pAACAc9jaOI0bN079+/dXnz59VLNmTU2ePFnBwcGaOnWqx/hff/1VLVu21N13362YmBi1b99ed911l+koFQAAAABcCD+7NpyRkaFVq1Zp+PDhrnU+Pj6Kj4/XsmXLPN6nRYsW+vTTT7V8+XI1adJE//zzj+bNm6d7773X63bS09OVnp7uWk5NTZUkZWZmKjMz8yI9mytPTm2okTlqZc5x+rTrw4Y65Y3XkzXUyRrqZA11so5aWUOdrCkMdcrPtm1rnA4ePKisrCxFRka6rY+MjNTGjRs93ufuu+/WwYMHdd1118kwDJ0+fVoPPvhgnrvqJSQkaPTo0bnWL1q0SMHBwRf2JK4CiYmJdqdw2aBW3pX64w+1+N916uTdgQNB6t+/g/z9O2v27O/sTueywOvJGupkDXWyjlpZQ52ssbNOaWlplmNta5zOR1JSkl566SW98847atq0qbZu3apHH31UL7zwgkaMGOHxPsOHD9eQIUNcy6mpqYqOjlbbtm1VokSJS5X6ZSczM1OJiYlq166d/P397U6nUKNW5hx+Zz5qqJN3u3efuU6d8sb7zhrqZA11so5aWUOdrCkMdcrZG80K2xqnkiVLytfXV8nJyW7rk5OTFRUV5fE+I0aM0L333qt+/fpJkurUqaMTJ05owIABeuaZZ+Tjk/uQrcDAQAUGBuZa7+/vzwvZAupkHbXKw1mNE3Xy7uyyUCdrqJM11Mka6mQdtbKGOlljZ53ys13bJocICAhQo0aNtGDBAtc6p9OpBQsWqHnz5h7vk5aWlqs58vX1lSQZhlFwyQIAAAC4qtm6q96QIUPUu3dvNW7cWE2aNNGECRN04sQJ9enTR5LUq1cvlStXTgkJCZKkm2++WePGjVODBg1cu+qNGDFCN998s6uBAlD4HD3hpxu1VDt2VVT9rr6aO/fMbU2bSnv2eL5ftWrSWb+tqE0baetWz7HR0dLZ88rceKP055+eY0uWlNasObN8++3Sb795jg0OljZvPrN8773SokWeYyXpv/89c33AAGnePO+xW7Zkn7tJkgYPlt54w3ssAACwl62NU48ePXTgwAGNHDlS+/fvV/369fXDDz+4JozYtWuX2wjTs88+K4fDoWeffVZ79uxRqVKldPPNN2vMmDF2PQUAFvy+MVy/qrGUJZU74HS7bf9+741TRIT7cnKy99hzR9pTUrzHnjuBzoED3mNDQtyXDx70HnuuQ4esxx4+fOZ6+fLHJIV4jQUAAJee7ZNDDBo0SIMGDfJ4W1JSktuyn5+fRo0apVGjRl2CzABcLDl70lb2/0cffBCts/cSnjtXysjwfL+gIPflL76QTp3yHBsQ4L786aeSt4ly/M755Hv/fen4cc+x5x46+dZbktXjSF95Rcrr/NxnH345erT06KPS6dOZ2rFjiaSO1jYCAAAuCdsbJwBXjyKOk6pe3X1d7drW71+zpvXYc7eTl6pVrcdWrmw9tmJF67ExMdmXzExp3z6nWTgAALjEbJscAgAAAAAuFzROAAAAAGCCxglAgQsJylJ1/a0Kfv81DwYAACiEOMYJQIG7rvYR/a1mOhIZK2mT3ekAAADkGyNOAAAAAGCCxgkAAAAATNA4AShwv2yIUG2tU+/kiXanAgAAcF44xglAgTt+0lcbVFs+px12pwIAAHBeGHECAAAAABM0TgAAAABggsYJAAAAAEzQOAEAAACACRonAAAAADBB4wSgwAUFOBWtXSrte8DuVAAAAM4L05EDKHCt6x7WLjXVkahYSZvsTgcAACDfGHECAAAAABM0TgAAAABggl31ABS43/4O16P6TTEpe/Wp3ckAAACcBxonAAXu6Ak/LVdjnczcYHcqAAAA54Vd9QAAAADABI0TAAAAAJigcQIAAAAAEzROAAAAAGCCxgkAAAAATNA4AShw/n6GSuigwn1S7U4FAADgvDAdOYACd339QzqoJjpSJlbSJrvTAQAAyDdGnAAAAADABI0TAAAAAJhgVz0ABW7FpqJ6Ugt0zcFkvW93MgAAAOeBxglAgTt0zF+L1Fx10jfYnQoAAMB5YVc9AAAAADBB4wQAAAAAJmicAAAAAMAEjRMAAAAAmKBxAgAAAAATNE4ACpyPjxSkkwp0ZNidCgAAwHlhOnIABa5dw391UsE6UjZW0ia70wEAAMg3RpwAAAAAwASNEwAAAACYYFc9AAVu9ZYwjdT/qdy/B/W23ckAAACcBxonAAXuwNEAzVVn1Tm1we5UAAAAzgu76gEAAACACRonAAAAADBB4wQAAAAAJmicAAAAAMAEjRMAAAAAmGBWPeBCbdmiYps3y1GypOTHW8qjTVslNbY7CwAAgPPGtzzgQsydK//OndXK7jwKufaSsnSvjpSrKOlvu9MBAADINxon4EJs2SJJOh0UJN8yZeSwOZ3CyiFJPj7a1b69atmdDAAAwHmgcQIugn1Nmijqp5/k7+9vdyqF1unMTO2cN4/GCQAAXJaYHAJAgVu7Vrr7bl999FFNu1MBAAA4L4w4AShw+/dLc+b4KDa2lN2pAAAAnBdGnAAAAADABI0TAAAAAJigcQIAAAAAEzROAAAAAGCCxgkAAAAATNA4AQAAAIAJpiMHUOBuuEE6dChTiYlLJXWwOx0AAIB8Y8QJQIHz85NCQ6XAwCy7UwEAADgvNE4AAAAAYILGCUCBW79e6t/fV59/Xs3uVAAAAM4LxzgBKHB79kgffeSj2Ngou1MBAAA4L4w4AQAAAIAJGicAAAAAMEHjBAAAAAAmaJwAAAAAwASNEwAAAACYoHECAAAAABNMRw6gwLVpI+3enalFi36V1M7udAAAAPKNEScABS4wUIqMlIoWzbQ7FQAAgPNC4wQAAAAAJmicABS4v/6SHn3UR198UcXuVAAAAM4LxzgBKHC7d0uTJvkqNras3akAAACcF0acAAAAAMAEjRMAAAAAmKBxAgAAAAATNE4AAAAAYILGCQAAAABM0DgBAAAAgAmmIwcu0EkF6UhmqAIPS/7+7rdFREgOR/b1EyekjAzvjxMeLvn45D82LU1KT/ceW7So5Ov7v1xPSqdOeY8NC5P8/PIfe+pUdrw3zZpJGzdmaunS3yVd7z0QAACgkGLECbgAv24voxL6V3WXzVVkpL+KF5fbJTPzTOwDDyjX7Wdfjh49E/vYY3nH7t17JvaZZ/KO3bbtTOyYMXnHrlt3Jnb8+Lxjf/vtTOy77+Yd+/vvUsWKUsmSeXRiAAAAhRiNE3ABlu+K0kkF250GAAAAChiNE3AButXdqh/VTt837Ku0tExlZsrtcvauex99pFy3n32JiDgTO2lS3rHlyp2Jfe21vGOrVDkTO3p03rH165+JfeqpvGNbtjwT+5//5B0bH3+xKw8AAHBpcYwTcAGuKXZM1+gn7Q5tJT+/M8f8eJJznJEVhSHWx+fMcVQXIzYry/q2AQAAChtGnAAAAADABCNOwAX4c29J/aoHVPRwsO6wOxkAAAAUGEacgAuwcEu0HtJkzd7fye5UAAAAUIBonAAAAADABI0TAAAAAJigcQIAAAAAEzROAAAAAGCCxgkAAAAATNA4AQAAAIAJzuMEXIAutbap0tevybd8pKQ2dqcDAACAAkLjBFyAiiVTVVHfaXdYK7tTAQAAQAFiVz0AAAAAMMGIE3AB/k4uppW6R8FHw9XF7mQAAABQYBhxAi7A/I0x6qVP9OneW+xOBQAAAAWIxgkAAAAATNjeOE2cOFExMTEKCgpS06ZNtXz58jzjjxw5ooEDB6pMmTIKDAxU1apVNW/evEuULQAAAICrka3HOM2cOVNDhgzR5MmT1bRpU02YMEEdOnTQpk2bVLp06VzxGRkZateunUqXLq05c+aoXLly2rlzpyIiIi598gAAAACuGrY2TuPGjVP//v3Vp08fSdLkyZM1d+5cTZ06VU899VSu+KlTp+rQoUP69ddf5e/vL0mKiYm5lCkDAAAAuArZ1jhlZGRo1apVGj58uGudj4+P4uPjtWzZMo/3+fbbb9W8eXMNHDhQ33zzjUqVKqW7775bTz75pHx9fT3eJz09Xenp6a7l1NRUSVJmZqYyMzMv4jO6suTUhhrlzel0uq5Tq7zxmrKGOllDnayhTtZQJ+uolTXUyZrCUKf8bNu2xungwYPKyspSZGSk2/rIyEht3LjR433++ecfLVy4UD179tS8efO0detWPfzww8rMzNSoUaM83ichIUGjR4/OtX7RokUKDg6+8CdyhUtMTLQ7hUJtf3Ka6zq1soY6WUOdrKFO1lAna6iTddTKGupkjZ11SktLMw/6n8vqPE5Op1OlS5fWe++9J19fXzVq1Eh79uzRq6++6rVxGj58uIYMGeJaTk1NVXR0tNq2basSJUpcqtQvO5mZmUpMTFS7du1cu0Uityq/fqKGv9+poHLF1a7da9QqD7ymrKFO1lAna6iTNdTJOmplDXWypjDUKWdvNCtsa5xKliwpX19fJScnu61PTk5WVFSUx/uUKVNG/v7+brvl1ahRQ/v371dGRoYCAgJy3ScwMFCBgYG51vv7+/NCtoA65a1mmVTV1EztLtqKWllEnayhTtZQJ2uokzXUyTpqZQ11ssbOOuVnu7ZNRx4QEKBGjRppwYIFrnVOp1MLFixQ8+bNPd6nZcuW2rp1q9txJZs3b1aZMmU8Nk0AAAAAcDHYeh6nIUOG6P3339dHH32kv//+Ww899JBOnDjhmmWvV69ebpNHPPTQQzp06JAeffRRbd68WXPnztVLL72kgQMH2vUUcJXbciBCX6ib1qRWtzsVAAAAFCBbj3Hq0aOHDhw4oJEjR2r//v2qX7++fvjhB9eEEbt27ZKPz5neLjo6WvPnz9djjz2munXrqly5cnr00Uf15JNP2vUUcJWb+1esHtMX6ronUR3tTgYAAAAFxvbJIQYNGqRBgwZ5vC0pKSnXuubNm+u3334r4KwAAAAA4Axbd9UDAAAAgMsBjRMAAAAAmKBxAgAAAAATNE4AAAAAYILGCQAAAABM2D6rHnA5i6+6S1PUV2FlQiW1sTsdAAAAFBAaJ+AC1C7zr2prqnZHtLI7FQAAABQgdtUDAAAAABOMOAEXYMehotqoDnIcL6sou5MBAABAgWHECbgAX6+rpE76QZN332V3KgAAAChANE4AAAAAYILGCQAAAABM0DgBAAAAgAkaJwAAAAAwQeMEAAAAACZonAAAAADABOdxAi5Am8r/1Zv6j4pFBkpqY3c6AAAAKCA0TsAFqF/ugOrrbe0u3sruVAAAAFCA2FUPAAAAAEww4gRcgD1HQvSPrtPptGsUZXcyAAAAKDCMOAEXYPbaqmqlJXpzZy+7UwEAAEABonECAAAAABM0TgAAAABggsYJAAAAAEzQOAEAAACACRonAAAAADBB4wQAAAAAJjiPE3ABWsbuVYKeUqnSDklt7E4HAAAABYTGCbgA116TrGs1VrtLtLI7FQAAABQgdtUDAAAAABOMOAEXIPlYsP6rhjp1MkpRdicDAACAAsOIE3ABPl9dTY21Sq/t6Gd3KgAAAChANE4AAAAAYILGCQAAAABM0DgBAAAAgAkaJwAAAAAwQeMEAAAAACZonAAAAADARL4ap169eunYsWOu5bVr1yozM/OiJwVcLppcs1/P6gW1L7nU7lQAAABQgPLVOE2fPl0nT550LcfFxWn37t0XPSngctEidp9e0Eh1LpVkdyoAAAAoQPlqnAzDyHMZAAAAAK5EfnYnAFzODp0IVIqq6Vh6CUXZnQwAAAAKTL4bp7/++kv79++XlD3itHHjRh0/ftwtpm7duhcnO6CQ+3hlTT2mjer6T6Jm2Z0MAAAACky+G6cbbrjBbRe9zp07S5IcDocMw5DD4VBWVtbFyxAAAAAAbJavxmn79u0FlQcAAAAAFFr5apwqVKhQUHkAAAAAQKF1XpNDbNmyRd9884127Nghh8Oh2NhYde3aVRUrVrzY+QEAAACA7fLdOCUkJGjkyJFyOp0qXbq0DMPQgQMH9NRTT+mll17SsGHDCiJPAAAAALBNvs7jtGjRIj377LN65plndPDgQe3bt0/79+93NU5PPfWUFi9eXFC5AgAAAIAt8jXiNHnyZPXr10/PPfec2/rixYvr+eef1/79+zVp0iS1atXqYuYIFFoNy6doiF5XheJpktrYnQ4AAAAKSL5GnJYvX657773X6+333nuvfvvttwtOCrhctKq0R69rmG6N/MnuVAAAAFCA8tU4JScnKyYmxuvtsbGxrpPjAgAAAMCVIl+N06lTpxQQEOD1dn9/f2VkZFxwUsDl4tgpf+1WeR3OLGp3KgAAAChA+Z5Vb8qUKQoNDfV427Fjxy44IeBy8sHvtfWYdqvr1kTNsjsZAAAAFJh8NU7XXHON3n//fdMYAAAAALiS5Ktx2rFjRwGlAQAAAACFV76OcVq4cKFq1qyp1NTUXLcdPXpUtWrV0pIlSy5acgAAAABQGOSrcZowYYL69++vokVzHwgfHh6uBx54QOPGjbtoyQEAAABAYZCvxmnt2rXq2LGj19vbt2+vVatWXXBSAAAAAFCY5Ps8Tv7+/l5v9/Pz04EDBy44KQAAAAAoTPLVOJUrV07r16/3evuff/6pMmXKXHBSwOWiTpmDekCT1bLYartTAQAAQAHKV+N04403asSIETp16lSu206ePKlRo0apc+fOFy05oLC7oepuTdZD6hE1z+5UAAAAUIDyNR35s88+qy+//FJVq1bVoEGDVK1aNUnSxo0bNXHiRGVlZemZZ54pkEQBAAAAwC75apwiIyP166+/6qGHHtLw4cNlGIYkyeFwqEOHDpo4caIiIyMLJFGgMDqZ4as0Fdfx00XsTgUAAAAFKF+NkyRVqFBB8+bN0+HDh7V161YZhqEqVaqoWLFiBZEfUKi9u6yuHtO/6rolUbPsTgYAAAAFJt+NU45ixYrp2muvvZi5AAAAAEChlK/JIQAAAADgakTjBAAAAAAmaJwAAAAAwASNEwAAAACYoHECAAAAABM0TsAFqF76kO7RJ2ocvt7uVAAAAFCAaJyAC9Cxxk59ol7qVfZru1MBAABAAaJxAgAAAAAT530CXADS6SyHTitQGU7eSgAAAFcyRpyAC/D20voqolMatukpu1MBAABAAaJxAgAAAAATNE4AAAAAYILGCQAAAABM0DgBAAAAgAkaJwAAAAAwwRzK8Gz/flWdPVs+y5ZJvr52Z1N4zc2U1NruLAAAAFDAaJzgkc/48aoxfbrdaRR6lXWTuukL1Sp+QFIbu9MBAABAAaFxgkeO1FRJkrNZM/k0bWpzNoVXZ0md/H/TgipV7E4FAAAABYjGCXkyOnWSRo60O41CzZmZqZPz5tmdBgAAAAoQk0MAAAAAgAkaJ+ACvPGGFBTkp/HjG9qdCgAAAAoQjRNwAQxDcjodMgy7MwEAAEBBonECAAAAABM0TgAAAABggsYJAAAAAEzQOAEAAACACRonAAAAADBB4wRcgAoVpPbtnYqJSbU7FQAAABQgGifgAtx6q/Tdd1nq1m2r3akAAACgANE4AQAAAIAJGicAAAAAMEHjBFyAiROl4sX99NZb9e1OBQAAAAWIxgm4AJmZ0vHjDmVm8lYCAAC4kvFtDwAAAABM0DgBAAAAgIlC0ThNnDhRMTExCgoKUtOmTbV8+XJL95sxY4YcDoe6du1asAkCAAAAuKrZ3jjNnDlTQ4YM0ahRo7R69WrVq1dPHTp0UEpKSp7327Fjh4YNG6a4uLhLlCkAAACAq5XtjdO4cePUv39/9enTRzVr1tTkyZMVHBysqVOner1PVlaWevbsqdGjR6tixYqXMFsAAAAAVyM/OzeekZGhVatWafjw4a51Pj4+io+P17Jly7ze7/nnn1fp0qXVt29fLVmyJM9tpKenKz093bWcmpoqScrMzFRmZuYFPoMrl8PplI+kLKdTTurkVenSDrVo4VC5csd5PZnIqQ91yht1soY6WUOdrKFO1lEra6iTNYWhTvnZtq2N08GDB5WVlaXIyEi39ZGRkdq4caPH+yxdulQffPCB1qxZY2kbCQkJGj16dK71ixYtUnBwcL5zvlrU++9/FSNp29at2jxvnt3pFFohIdITT2RfT0zcbG8yl4nExES7U7gsUCdrqJM11Mka6mQdtbKGOlljZ53S0tIsx9raOOXXsWPHdO+99+r9999XyZIlLd1n+PDhGjJkiGs5NTVV0dHRatu2rUqUKFFQqV72HN98I0mqVLmyKt94o83ZFG6ZmZlKTExUu3bt5O/vb3c6hRZ1soY6WUOdrKFO1lAn66iVNdTJmsJQp5y90aywtXEqWbKkfH19lZyc7LY+OTlZUVFRueK3bdumHTt26Oabb3atczqdkiQ/Pz9t2rRJlSpVcrtPYGCgAgMDcz2Wv78/L+Q8OH2yD3/z9fGRL3WyhNeUNdTJGupkDXWyhjpZQ52so1bWUCdr7KxTfrZr6+QQAQEBatSokRYsWOBa53Q6tWDBAjVv3jxXfPXq1bVu3TqtWbPGdenSpYvatm2rNWvWKDo6+lKmD+i996ToaD9NnlzX7lQAAABQgGzfVW/IkCHq3bu3GjdurCZNmmjChAk6ceKE+vTpI0nq1auXypUrp4SEBAUFBal27dpu94+IiJCkXOuBSyEtTUpOdigtzfa3EgAAAAqQ7d/2evTooQMHDmjkyJHav3+/6tevrx9++ME1YcSuXbvk42P7rOkAAAAArmK2N06SNGjQIA0aNMjjbUlJSXne98MPP7z4CQEAAADAWRjKAQAAAAATNE4AAAAAYKJQ7KqHwmfX8eJ6W6/qxHet5difva5+fWnAgDMxAwdKhuH5/jVrSmfvffnYY1J6uufYypWls061paeekrxNqR8dLQ0ffmZ5xAjp3389x0ZGSqNGnVl+8UVp717PscWKSWPGnFl+5RVpxw7PsSEh0quver4NAAAAVyYaJ3g0fn07val20gplXyR16+beOE2a5L1x6tDBvXGaMkU6ftxzbFyce+P04YfSOaf2cmnY0L1xmj5d2r7dc2y1au6N08yZ0vr1nmOjo90bpy+/lH7/3XNs8eJnGqc77pC+/tqpIkVOew4GAADAFYHGCR6lnQ6QJLWJ3a7WvWIlSTVquMeMGuW9capc2X15+HApI8NzbIUK7svDhnlvssqUcV9+9FHp8GHPsSVLui8/9JCUkuI5NjzcfblfP6ljR8+xRYqcuV6unNS/v1MZGZsklfd8BwAAAFz2aJyQp+tjt2vEc7Eebzt7NMfM009bjx02zHrso49aj334Yeux/fpZj+3e3dC8eV72QwQAAMAVgckh4FGwX4aK6ZCC/NgFDQAAAKBxgkfjm83UIZXQkJa/2Z0KAAAAYDsaJwAAAAAwQeMEAAAAACZonODR+HXtFK9EffZnbbtTAQAAAGxH4wSPNh6N0gLFa8fhCLtTAQAAAGxH4wQAAAAAJmicAAAAAMAEjRMAAAAAmKBxAgAAAAATNE4AAAAAYILGCR75OZwKULp8fQy7UwEAAABsR+MEjya2nK50BenJuF/sTgUAAACwHY0TAAAAAJigcQIAAAAAEzRO8GjiX23VRd9o9vqadqcCAAAA2I7GCR79eai8/k9dtOXf4nanAgAAANiOxgkAAAAATNA4AQAAAIAJGicAAAAAMEHjBAAAAAAmaJwAAAAAwASNEwAAAACYoHGCR++0+FSZ8tNTcUvtTgUAAACwnZ/dCaBw8vUx5KMsZdFaAwAAAIw4AQAAAIAZGid49P7GON2lz/T139XsTgUAAACwHY0TPFp5MEYzdJf+SilldyoAAACA7WicAAAAAMAEjRMAAAAAmKBxAgAAAAATNE4AAAAAYILGCQAAAABM0DgBAAAAgAkaJ3g0odkMHVVRDW25zO5UAAAAANv52Z0ACqcifpny0TFl+WXZnQoAAABgO0acAAAAAMAEI07w6OMtzbVUzdRlc4i62J0MAAAAYDNGnODRL8mV9YH6ae2+SLtTAQAAAGxH4wQAAAAAJmicAAAAAMAEjRMAAAAAmKBxAgAAAAATNE4AAAAAYILGCQAAAABM0DjBo7HXztFeldF/mi23OxUAAADAdpwAFx5FBJ6Uj/YrKzDD7lQAAAAA2zHiBAAAAAAmGHGCRzO2XavfVFcdt5bQjXYnAwAAANiMESd4tGhfdb2lR7RqTxm7UwEAAABsR+MEAAAAACZonAAAAADABI0TAAAAAJigcQIAAAAAEzROAAAAAGCCxgkAAAAATNA4waMXGn2tLaqsB69daXcqAAAAgO04AS48Kl3kmKK0TVnBp+xOBQAAALAdI04AAAAAYIIRJ3j05Y6GWqVKumF7OcXbnQwAAABgMxoneDT/v7U0Ra0VvGshjRMAAACueuyqBwAAAAAmaJwAAAAAwASNEwAAAACYoHECAAAAABM0TgAAAABggsYJAAAAAEzQOMGjEQ2+01rVVd9Gf9idCgAAAGA7zuMEj8qHHNY1Wqes0BN2pwIAAADYjhEnAAAAADDBiBM8mrurjtbqGcXtjFZru5MBAAAAbMaIEzz6dld9jdCLWryjgt2pAAAAALajcQIAAAAAEzROAAAAAGCCxgkAAAAATNA4AQAAAIAJGicAAAAAMEHjBAAAAAAmaJzg0RN1f9Cvaq5e9dfanQoAAABgOxoneFSp6AE1128qH37M7lQAAAAA29E4AQAAAIAJP7sTQOGUuKemNugxNftvObWwOxkAAADAZow4waM52xtpqMZpwbZYu1MBAAAAbEfjBAAAAAAmaJwAAAAAwASNEwAAAACYoHECAAAAABM0TgAAAABggsYJAAAAAEzQOMGjwbV/UqLidVfd9XanAgAAANiOE+DCoxoR+1RLC5RVrJXdqQAAAAC2Y8QJAAAAAEww4gSPFu+rok0aoIZ7o3St3ckAAAAANmPECR5N39ZMD+pd/bClst2pAAAAALajcQIAAAAAE4WicZo4caJiYmIUFBSkpk2bavny5V5j33//fcXFxalYsWIqVqyY4uPj84wHAAAAgAtle+M0c+ZMDRkyRKNGjdLq1atVr149dejQQSkpKR7jk5KSdNddd2nRokVatmyZoqOj1b59e+3Zs+cSZw4AAADgamF74zRu3Dj1799fffr0Uc2aNTV58mQFBwdr6tSpHuOnT5+uhx9+WPXr11f16tU1ZcoUOZ1OLViw4BJnDgAAAOBqYeusehkZGVq1apWGDx/uWufj46P4+HgtW7bM0mOkpaUpMzNTxYsX93h7enq60tPTXcupqamSpMzMTGVmZl5A9lc2w8j516BOJnLqQ53yRp2soU7WUCdrqJM11Mk6amUNdbKmMNQpP9u2tXE6ePCgsrKyFBkZ6bY+MjJSGzdutPQYTz75pMqWLav4+HiPtyckJGj06NG51i9atEjBwcH5T/oqceKEvyTp30P/at68eTZnc3lITEy0O4XLAnWyhjpZQ52soU7WUCfrqJU11MkaO+uUlpZmOfayPo/Tyy+/rBkzZigpKUlBQUEeY4YPH64hQ4a4llNTUxUdHa22bduqRIkSlyrVy075xi/qrj2TVTGunard+KDd6RRqmZmZSkxMVLt27eTv7293OoUWdbKGOllDnayhTtZQJ+uolTXUyZrCUKecvdGssLVxKlmypHx9fZWcnOy2Pjk5WVFRUXne97XXXtPLL7+sn376SXXr1vUaFxgYqMDAwFzr/f39eSHnoUHJPWqk/1NWqcbypU6W8JqyhjpZQ52soU7WUCdrqJN11Moa6mSNnXXKz3ZtnRwiICBAjRo1cpvYIWeih+bNm3u93yuvvKIXXnhBP/zwgxo3bnwpUgUAAABwFbN9V70hQ4aod+/eaty4sZo0aaIJEyboxIkT6tOnjySpV69eKleunBISEiRJY8eO1ciRI/XZZ58pJiZG+/fvlySFhoYqNDTUtudxpfktpaL+UU/VTi6t+nYnAwAAANjM9sapR48eOnDggEaOHKn9+/erfv36+uGHH1wTRuzatUs+PmcGxiZNmqSMjAzdfvvtbo8zatQoPffcc5cy9SvatM0tNUVP6/mNC2mcAAAAcNWzvXGSpEGDBmnQoEEeb0tKSnJb3rFjR8EnBAAAAABnsf0EuAAAAABQ2NE4AQAAAIAJGicAAAAAMEHjBAAAAAAmaJwAAAAAwASNEzzqW22pPtNduqXGJrtTAQAAAGxXKKYjR+HTpNR2NdMMZZWuYXcqAAAAgO0YcQIAAAAAE4w4waPVB6/RLt2qagdKqJbdyQAAAAA2Y8QJHr27sbVu05f68i921QMAAABonAAAAADABI0TAAAAAJigcQIAAAAAEzROAAAAAGCCxgkAAAAATNA4AQAAAIAJGid4dE/l3/S++qlT1a12pwIAAADYjhPgwqO4qC1qrQ+UVeYau1MBAAAAbMeIEwAAAACYYMQJHm04XFZ71V6xh4qpqt3JAAAAADZjxAkevbnhBnXUfM1cV8vuVAAAAADb0TgBAAAAgAkaJwAAAAAwQeMEAAAAACZonAAAAADABI0TAAAAAJigcQIAAAAAEzRO8Kh7xRV6Q4+oXeV/7E4FAAAAsB2NEzy6oexGPaK3dG25vXanAgAAANiOxgkAAAAATPjZnQAKpy1HS+uAWqr80aKKsTsZAAAAwGaMOMGj19Z1UJyW6pM1de1OBQAAALAdjRMAAAAAmKBxAgAAAAATNE4AAAAAYILGCQAAAABM0DgBAAAAgAkaJwAAAAAwwXmc4FHXCn+o4qYf1DK2qt2pAAAAALajcYJHnaLX6yZ9oKxrRtudCgAAAGA7dtUDAAAAABOMOMGjnceK67AaqPSxUJW3OxkAAADAZow4waOX1t6kRlqtaavr250KAAAAYDsaJwAAAAAwQeMEAAAAACZonAAAAADABI0TAAAAAJigcQIAAAAAEzROAAAAAGCC8zjBo07l1yly0xK1uCba7lQAAAAA29E4waOuMWvUTR8oK3a03akAAAAAtmNXPQAAAAAwwYgTPNqfVlTHVFXF0oqotN3JAAAAADZjxAkejVp9i6prk95d0cjuVAAAAADb0TgBAAAAgAkaJwAAAAAwQeMEAAAAACZonAAAAADABI0TAAAAAJigcQIAAAAAE5zHCR7dUPZvhW1apWvLcxYnAAAAgBEneNS94kqN01C1q/SP3akAAAAAtqNxAgAAAAAT7KoHjw6nB+ukyinkVICK2Z0MAAAAYDNGnODRUytuU7T+q7d/b2J3KgAAAIDtaJwAAAAAwASNEwAAAACYoHECAAAAABM0TgAAAABggsYJAAAAAEzQOAEAAACACc7jBI+ui9win00bVb9MmN2pAAAAALZjxAke3VvlN72rB3Vj1a12pwIAAADYjsYJAAAAAEywqx48OpEZoEwVU0Cmn0LtTgYAAACwGSNO8GjI7z1UQoc0/tdmdqcCAAAA2I7GCQAAAABM0DgBAAAAgAkaJwAAAAAwQeMEAAAAACZonAAAAADABI0TAAAAAJjgPE7wqEmp7Tq5abdqR/ISAQAAABhxgkd9qy3Vp7pXXapvtjsVAAAAwHY0TgAAAABggv2w4FGm01dSgJTlkK/dyQAAAAA2Y8QJHg369W4FKV2vLG1pdyoAAACA7WicAAAAAMAEjRMAAAAAmKBxAgAAAAATNE4AAAAAYILGCQAAAABM0DgBAAAAgAnO4wSP6pfYrVv1paqVzLI7FQAAAMB2jDjBo4dqJOlL3abbav1tdyoAAACA7WicAAAAAMAEjRMAAAAAmKBxgkcP/XKP/JSphMXX2Z0KAAAAYDsaJ3jkNBzKkp8Mw+5MAAAAAPvROAEAAACACRonAAAAADBRKBqniRMnKiYmRkFBQWratKmWL1+eZ/zs2bNVvXp1BQUFqU6dOpo3b94lyhQAAADA1cj2xmnmzJkaMmSIRo0apdWrV6tevXrq0KGDUlJSPMb/+uuvuuuuu9S3b1/98ccf6tq1q7p27ar169df4swBAAAAXC1sb5zGjRun/v37q0+fPqpZs6YmT56s4OBgTZ061WP8G2+8oY4dO+rxxx9XjRo19MILL6hhw4Z6++23L3HmAAAAAK4WfnZuPCMjQ6tWrdLw4cNd63x8fBQfH69ly5Z5vM+yZcs0ZMgQt3UdOnTQ119/7TE+PT1d6enpruXU1FRJUmZmpjIzMy/wGVy5qofvVXvNV0zEMepkIqc+1Clv1Mka6mQNdbKGOllDnayjVtZQJ2sKQ53ys21bG6eDBw8qKytLkZGRbusjIyO1ceNGj/fZv3+/x/j9+/d7jE9ISNDo0aNzrV+0aJGCg4PPM/MrX4eaP6pX2krtuiZe8+b5253OZSExMdHuFC4L1Mka6mQNdbKGOllDnayjVtZQJ2vsrFNaWprlWFsbp0th+PDhbiNUqampio6OVtu2bVWiRAkbMyvcMtu1U2Jiotq1a6e6/jROecnMzHTVyp9aeUWdrKFO1lAna6iTNdTJOmplDXWypjDUKWdvNCtsbZxKliwpX19fJScnu61PTk5WVFSUx/tERUXlKz4wMFCBgYG51vv7+/NCtoA6WUetrKFO1lAna6iTNdTJGupkHbWyhjpZY2ed8rNdWyeHCAgIUKNGjbRgwQLXOqfTqQULFqh58+Ye79O8eXO3eCl7eM9bPAAAAABcKNt31RsyZIh69+6txo0bq0mTJpowYYJOnDihPn36SJJ69eqlcuXKKSEhQZL06KOPqnXr1nr99dd10003acaMGVq5cqXee+89O58GAAAAgCuY7Y1Tjx49dODAAY0cOVL79+9X/fr19cMPP7gmgNi1a5d8fM4MjLVo0UKfffaZnn32WT399NOqUqWKvv76a9WuXduupwAAAADgCmd74yRJgwYN0qBBgzzelpSUlGvdHXfcoTvuuKOAswIAAACAbLafABcAAAAACjsaJwAAAAAwQeMEAAAAACZonAAAAADABI0TAAAAAJigcQIAAAAAEzROAAAAAGCCxgkAAAAATNA4AQAAAIAJGicAAAAAMEHjBAAAAAAmaJwAAAAAwASNEwAAAACYoHECAAAAABM0TgAAAABggsYJAAAAAEzQOAEAAACACRonAAAAADBB4wQAAAAAJmicAAAAAMCEn90JXGqGYUiSjh07Jn9/f5uzKbwyMzOVlpam1NRU6mSCWllDnayhTtZQJ2uokzXUyTpqZQ11sqYw1Ck1NVXSmR4hL1dd4/Tvv/9KkmJjY23OBAAAAEBhcOzYMYWHh+cZc9U1TsWLF5ck7dq1y7Q4V7PU1FRFR0dr9+7dKlq0qN3pFGrUyhrqZA11soY6WUOdrKFO1lEra6iTNYWhToZh6NixYypbtqxp7FXXOPn4ZB/WFR4ezgvZgqJFi1Ini6iVNdTJGupkDXWyhjpZQ52so1bWUCdr7K6T1cEUJocAAAAAABM0TgAAAABg4qprnAIDAzVq1CgFBgbanUqhRp2so1bWUCdrqJM11Mka6mQNdbKOWllDnay53OrkMKzMvQcAAAAAV7GrbsQJAAAAAPKLxgkAAAAATNA4AQAAAIAJGicAAAAAMHHVNU4TJ05UTEyMgoKC1LRpUy1fvtzulAqdxYsX6+abb1bZsmXlcDj09ddf251SoZOQkKBrr71WYWFhKl26tLp27apNmzbZnVahM2nSJNWtW9d1YrvmzZvr+++/tzutQu/ll1+Ww+HQ4MGD7U6l0HnuuefkcDjcLtWrV7c7rUJpz549uueee1SiRAkVKVJEderU0cqVK+1Oq1CJiYnJ9XpyOBwaOHCg3akVKllZWRoxYoRiY2NVpEgRVapUSS+88IKYXyy3Y8eOafDgwapQoYKKFCmiFi1aaMWKFXanZTuz75aGYWjkyJEqU6aMihQpovj4eG3ZssWeZPNwVTVOM2fO1JAhQzRq1CitXr1a9erVU4cOHZSSkmJ3aoXKiRMnVK9ePU2cONHuVAqtn3/+WQMHDtRvv/2mxMREZWZmqn379jpx4oTdqRUq5cuX18svv6xVq1Zp5cqVuv7663XLLbdow4YNdqdWaK1YsULvvvuu6tata3cqhVatWrW0b98+12Xp0qV2p1ToHD58WC1btpS/v7++//57/fXXX3r99ddVrFgxu1MrVFasWOH2WkpMTJQk3XHHHTZnVriMHTtWkyZN0ttvv62///5bY8eO1SuvvKK33nrL7tQKnX79+ikxMVGffPKJ1q1bp/bt2ys+Pl579uyxOzVbmX23fOWVV/Tmm29q8uTJ+v333xUSEqIOHTro1KlTlzhTE8ZVpEmTJsbAgQNdy1lZWUbZsmWNhIQEG7Mq3CQZX331ld1pFHopKSmGJOPnn3+2O5VCr1ixYsaUKVPsTqNQOnbsmFGlShUjMTHRaN26tfHoo4/anVKhM2rUKKNevXp2p1HoPfnkk8Z1111ndxqXnUcffdSoVKmS4XQ67U6lULnpppuM+++/321dt27djJ49e9qUUeGUlpZm+Pr6Gt99953b+oYNGxrPPPOMTVkVPud+t3Q6nUZUVJTx6quvutYdOXLECAwMND7//HMbMvTuqhlxysjI0KpVqxQfH+9a5+Pjo/j4eC1btszGzHAlOHr0qCSpePHiNmdSeGVlZWnGjBk6ceKEmjdvbnc6hdLAgQN10003uX1OIbctW7aobNmyqlixonr27Kldu3bZnVKh8+2336px48a64447VLp0aTVo0EDvv/++3WkVahkZGfr00091//33y+Fw2J1OodKiRQstWLBAmzdvliStXbtWS5cuVadOnWzOrHA5ffq0srKyFBQU5La+SJEijIznYfv27dq/f7/b/33h4eFq2rRpofuO7md3ApfKwYMHlZWVpcjISLf1kZGR2rhxo01Z4UrgdDo1ePBgtWzZUrVr17Y7nUJn3bp1at68uU6dOqXQ0FB99dVXqlmzpt1pFTozZszQ6tWr2RfeRNOmTfXhhx+qWrVq2rdvn0aPHq24uDitX79eYWFhdqdXaPzzzz+aNGmShgwZoqefflorVqzQI488ooCAAPXu3dvu9Aqlr7/+WkeOHNF9991ndyqFzlNPPaXU1FRVr15dvr6+ysrK0pgxY9SzZ0+7UytUwsLC1Lx5c73wwguqUaOGIiMj9fnnn2vZsmWqXLmy3ekVWvv375ckj9/Rc24rLK6axgkoKAMHDtT69ev5NcmLatWqac2aNTp69KjmzJmj3r176+eff6Z5Osvu3bv16KOPKjExMdcvlXB39i/cdevWVdOmTVWhQgXNmjVLffv2tTGzwsXpdKpx48Z66aWXJEkNGjTQ+vXrNXnyZBonLz744AN16tRJZcuWtTuVQmfWrFmaPn26PvvsM9WqVUtr1qzR4MGDVbZsWV5P5/jkk090//33q1y5cvL19VXDhg111113adWqVXanhovgqtlVr2TJkvL19VVycrLb+uTkZEVFRdmUFS53gwYN0nfffadFixapfPnydqdTKAUEBKhy5cpq1KiREhISVK9ePb3xxht2p1WorFq1SikpKWr4/+3deUxU198G8GdgHEaGTZDCoGVYlKWILKIVJhUq1KUWxURBQgxLtRrBFTA1xmJREYgLatWKJKNpsbtYjQpWXGpJFTWO1QZpUTQ2QG1dakdTFOb8/jBOO4IMLu87gz6f5Cbcc8+cee4F5X7nnnsJD4dUKoVUKsXRo0exfv16SKVStLe3mzuixXJycoKfnx8aGhrMHcWiKJXKDh9OBAYGclrjY1y5cgUHDx7EtGnTzB3FIuXm5uL999/HlClTEBwcjKlTp2L+/PlYuXKluaNZHF9fXxw9ehQ6nQ5Xr15FbW0t7t+/Dx8fH3NHs1gPz8N7wjn6S1M4yWQyDBkyBNXV1YY2vV6P6upq3m9BT0wIgaysLFRUVODQoUPw9vY2d6QeQ6/Xo7W11dwxLEpsbCzOnTsHrVZrWCIiIpCSkgKtVgtra2tzR7RYOp0OFy9ehFKpNHcUi6JWqzv8iYRffvkFKpXKTIksm0ajwSuvvIJx48aZO4pFunv3LqysjE8Zra2todfrzZTI8ikUCiiVSty8eRNVVVWYMGGCuSNZLG9vb7i7uxudo9++fRsnTpywuHP0l2qq3oIFC5CamoqIiAgMGzYMJSUluHPnDtLT080dzaLodDqjT28bGxuh1Wrh7OwMT09PMyazHJmZmdixYwe+/fZb2NvbG+bgOjo6onfv3mZOZzkWLVqEsWPHwtPTE3///Td27NiBI0eOoKqqytzRLIq9vX2H++MUCgVcXFx439wjcnJyEB8fD5VKhaamJuTl5cHa2hrJycnmjmZR5s+fj6ioKBQUFCAxMRG1tbUoLS1FaWmpuaNZHL1eD41Gg9TUVEilL9VpUbfFx8djxYoV8PT0RFBQEM6cOYM1a9YgIyPD3NEsTlVVFYQQ8Pf3R0NDA3JzcxEQEPDSn2uaOrecN28eli9fjoEDB8Lb2xtLliyBh4cHEhISzBe6M+Z+rN//tw0bNghPT08hk8nEsGHDxPHjx80dyeIcPnxYAOiwpKammjuaxejs+AAQGo3G3NEsSkZGhlCpVEImkwlXV1cRGxsrDhw4YO5YPQIfR965pKQkoVQqhUwmE/369RNJSUmioaHB3LEs0p49e8SgQYOEjY2NCAgIEKWlpeaOZJGqqqoEAFFfX2/uKBbr9u3bYu7cucLT01PI5XLh4+MjFi9eLFpbW80dzeJ88cUXwsfHR8hkMuHu7i4yMzPFrVu3zB3L7EydW+r1erFkyRLh5uYmbGxsRGxsrEX+m5QIwT/7TERERERE1JWX5h4nIiIiIiKip8XCiYiIiIiIyAQWTkRERERERCawcCIiIiIiIjKBhRMREREREZEJLJyIiIiIiIhMYOFERERERERkAgsnIiIiIiIiE1g4ERHRU7l8+TIkEgm0Wq25oxhcuHABw4cPh1wuR2hoqLnjmIWXlxdKSkq67LN06dKX9vgQET0tFk5ERD1UWloaJBIJCgsLjdp37doFiURiplTmlZeXB4VCgfr6elRXVz+2X0tLC+bOnYsBAwZALpfDzc0NarUamzdvxt27d//Pc8bExEAikXRYZs6c2e0xtm3bBicnpw7tJ0+exHvvvWdYl0gk2LVrl1GfnJycLo8PERF1JDV3ACIienpyuRxFRUWYMWMG+vTpY+44z8W9e/cgk8me6rUXL17EuHHjoFKpHtvn0qVLUKvVcHJyQkFBAYKDg2FjY4Nz586htLQU/fr1w/jx4582frdNnz4d+fn5Rm22trbPPK6rq6vJPnZ2drCzs3vm9yIiepnwihMRUQ8WFxcHd3d3rFy58rF9OpuWVVJSAi8vL8N6WloaEhISUFBQADc3Nzg5OSE/Px9tbW3Izc2Fs7Mz+vfvD41G02H8CxcuICoqCnK5HIMGDcLRo0eNtp8/fx5jx46FnZ0d3NzcMHXqVPz555+G7TExMcjKysK8efPQt29fjB49utP90Ov1yM/PR//+/WFjY4PQ0FBUVlYatkskEpw+fRr5+fmQSCRYunRpp+PMmjULUqkUp06dQmJiIgIDA+Hj44MJEyZg7969iI+PN/S9desWpk2bBldXVzg4OGDkyJE4e/as0XibN2+Gr68vZDIZ/P398cknn3T6vo+ytbWFu7u70eLg4ADg32mQO3fuxJtvvglbW1uEhITgxx9/BAAcOXIE6enp+OuvvwxXqx7u73+n6j38Hk+cOBESicSw3tnPRFlZGQIDAyGXyxEQEIBNmzYZtt27dw9ZWVlQKpWQy+VQqVRd/swREb2IWDgREfVg1tbWKCgowIYNG/Dbb78901iHDh1CU1MTvv/+e6xZswZ5eXl455130KdPH5w4cQIzZ87EjBkzOrxPbm4usrOzcebMGURGRiI+Ph7Xr18H8KDwGDlyJMLCwnDq1ClUVlbi999/R2JiotEY27dvh0wmQ01NDT7++ONO861btw6rV6/GqlWr8NNPP2H06NEYP348fv31VwBAc3MzgoKCkJ2djebmZuTk5HQY4/r16zhw4AAyMzOhUCg6fZ//TnOcPHkyrl27hv379+P06dMIDw9HbGwsbty4AQCoqKjA3LlzkZ2djfPnz2PGjBlIT0/H4cOHu3nUu7Z48WLk5ORAq9XCz88PycnJaGtrQ1RUFEpKSuDg4IDm5ubH7u/JkycBABqNBs3NzYb1R5WXl+ODDz7AihUrUFdXh4KCAixZsgTbt28HAKxfvx67d+/Gl19+ifr6epSXlxsV3kRELwVBREQ9UmpqqpgwYYIQQojhw4eLjIwMIYQQFRUV4r//vefl5YmQkBCj165du1aoVCqjsVQqlWhvbze0+fv7izfeeMOw3tbWJhQKhfjss8+EEEI0NjYKAKKwsNDQ5/79+6J///6iqKhICCHEsmXLxKhRo4ze++rVqwKAqK+vF0IIER0dLcLCwkzur4eHh1ixYoVR29ChQ8WsWbMM6yEhISIvL++xYxw/flwAEDt37jRqd3FxEQqFQigUCrFw4UIhhBDHjh0TDg4O4p9//jHq6+vrK7Zs2SKEECIqKkpMnz7daPvkyZPF22+/3eW+REdHi169ehne8+Hy6aefCiH+PbZlZWWG1/z8888CgKirqxNCCKHRaISjo2OHsVUqlVi7dq1hHYCoqKgw6vPoz4Svr6/YsWOHUZ9ly5aJyMhIIYQQs2fPFiNHjhR6vb7L/SIiepHxihMR0QugqKgI27dvR11d3VOPERQUBCurf38tuLm5ITg42LBubW0NFxcXXLt2zeh1kZGRhq+lUikiIiIMOc6ePYvDhw8b7qmxs7NDQEAAgAf3Iz00ZMiQLrPdvn0bTU1NUKvVRu1qtfqZ9vmh2tpaaLVaBAUFobW11ZBdp9PBxcXFKH9jY6Mhe11dXZeZysvLjV577NgxQ7+UlBRotVqj5dF7qwYPHmz4WqlUAkCH4/+s7ty5g4sXL+Ldd981yrp8+XLDfqalpUGr1cLf3x9z5szBgQMHnmsGIqKegA+HICJ6AYwYMQKjR4/GokWLkJaWZrTNysoKQgijtvv373cYo1evXkbrEomk0za9Xt/tXDqdDvHx8SgqKuqw7WEhAOCx0+aetwEDBkAikaC+vt6o3cfHBwDQu3dvQ5tOp4NSqcSRI0c6jNPZ0+w6M378eLz++uuG9X79+hm+dnR0xIABA7p8/X+P/8MphE9y/LtDp9MBALZu3WqUFXhQLANAeHg4GhsbsX//fhw8eBCJiYmIi4vD119//VyzEBFZMhZOREQviMLCQoSGhsLf39+o3dXVFS0tLRBCGE6+n+ffXjp+/DhGjBgBAGhra8Pp06eRlZUF4MEJ9zfffAMvLy9IpU//K8fBwQEeHh6oqalBdHS0ob2mpgbDhg3r9jguLi5466238NFHH2H27NldFmzh4eFoaWmBVCp97P08gYGBqKmpQWpqqlGm1157DQBgb28Pe3v7bud7EjKZDO3t7Sb79erVq8t+bm5u8PDwwKVLl5CSkvLYfg4ODkhKSkJSUhImTZqEMWPG4MaNG3B2dn6q/EREPQ0LJyKiF0RwcDBSUlKwfv16o/aYmBj88ccfKC4uxqRJk1BZWYn9+/cbnuD2rDZu3IiBAwciMDAQa9euxc2bN5GRkQEAyMzMxNatW5GcnIyFCxfC2dkZDQ0N+Pzzz1FWVma4otEdubm5yMvLg6+vL0JDQ6HRaKDValFeXv5EeTdt2gS1Wo2IiAgsXboUgwcPhpWVFU6ePIkLFy4Ypg3GxcUhMjISCQkJKC4uhp+fH5qamrB3715MnDgRERERyM3NRWJiIsLCwhAXF4c9e/Zg586dOHjwoMkcd+/eRUtLi1GbjY1Ntx8r7+XlBZ1Oh+rqaoSEhMDW1rbTx5l7eXmhuroaarX6seN/+OGHmDNnDhwdHTFmzBi0trbi1KlTuHnzJhYsWIA1a9ZAqVQiLCwMVlZW+Oqrr+Du7t7tK29ERC8C3uNERPQCyc/P7zCVKzAwEJs2bcLGjRsREhKC2traTp/A9rQKCwtRWFiIkJAQ/PDDD9i9ezf69u0LAIarRO3t7Rg1ahSCg4Mxb948ODk5Gd1P1R1z5szBggULkJ2djeDgYFRWVmL37t0YOHDgE43j6+uLM2fOIC4uDosWLUJISAgiIiKwYcMG5OTkYNmyZQAeTI3bt28fRowYgfT0dPj5+WHKlCm4cuUK3NzcAAAJCQlYt24dVq1ahaCgIGzZsgUajQYxMTEmc2zduhVKpdJoSU5O7vZ+REVFYebMmUhKSoKrqyuKi4s77bd69Wp89913ePXVVxEWFtZpn2nTpqGsrAwajQbBwcGIjo7Gtm3b4O3tDeDBlbPi4mJERERg6NChuHz5Mvbt2/fE30Miop5MIh6d+E5ERERERERG+FERERERERGRCSyciIiIiIiITGDhREREREREZAILJyIiIiIiIhNYOBEREREREZnAwomIiIiIiMgEFk5EREREREQmsHAiIiIiIiIygYUTERERERGRCSyciIiIiIiITGDhREREREREZML/AIxnJevVC5rNAAAAAElFTkSuQmCC\n"},"metadata":{}},{"output_type":"stream","name":"stdout","text":["Total number of geo-entities in fake reviews: 60450\n","Total number of geo-entities in real reviews: 513449\n","Most common geo-entities in combined reviews:\n","nyc: 21604\n","N: 14815\n","new york: 13400\n","philly: 11336\n","brooklyn: 10025\n","manhattan: 7614\n","yelp: 7068\n","philadelphia: 6650\n","ny: 6034\n","chinatown: 4974\n"]}]},{"cell_type":"code","source":["import spacy\n","import matplotlib.pyplot as plt\n","import numpy as np\n","from tqdm import tqdm\n","from collections import Counter\n","import pickle\n","\n","import pickle\n","\n","# Load the UNIQUE fake and real data from files\n","with open(fake_unique_counts_path, 'rb') as f:\n"," geo_entity_counts_fake = pickle.load(f)\n","\n","with open(fake_unique_list_path, 'rb') as f:\n"," geo_entities_list_fake = pickle.load(f)\n","\n","# Load the real data from files\n","with open(real_unique_counts_path, 'rb') as f:\n"," geo_entity_counts_real = pickle.load(f)\n","\n","with open(real_unique_list_path, 'rb') as f:\n"," geo_entities_list_real = pickle.load(f)\n","\n","# Combine both fake and real geo-entity counts\n","geo_entity_counts_combined = geo_entity_counts_fake + geo_entity_counts_real\n","\n","geo_entity_counts_fake_filtered = [count for count in geo_entity_counts_fake if 1 <= count <= 10]\n","geo_entity_counts_real_filtered = [count for count in geo_entity_counts_real if 1 <= count <= 10]\n","geo_entity_counts_combined_filtered = [count for count in geo_entity_counts_combined if 1 <= count <= 10]\n","\n","\n","# Calculate the CDF\n","sorted_counts_fake = np.sort(geo_entity_counts_fake_filtered)\n","cdf_fake = np.arange(1, len(sorted_counts_fake) + 1) / len(sorted_counts_fake)\n","\n","sorted_counts_real = np.sort(geo_entity_counts_real_filtered)\n","cdf_real = np.arange(1, len(sorted_counts_real) + 1) / len(sorted_counts_real)\n","\n","# Calculate the CDF for combined reviews\n","sorted_counts_combined = np.sort(geo_entity_counts_combined_filtered)\n","cdf_combined = np.arange(1, len(sorted_counts_combined) + 1) / len(sorted_counts_combined)\n","\n","\n","# Plot the CDF for both fake, real, and combined reviews\n","plt.figure(figsize=(10, 8))\n","\n","# Plot CDF for fake reviews\n","#plt.plot(sorted_counts_fake, cdf_fake, marker='.', linestyle='none', label='Fake Reviews CDF Points')\n","plt.step(sorted_counts_fake, cdf_fake, where='post', label='Fake Reviews CDF Line',color='red')\n","\n","# Plot CDF for real reviews\n","#plt.plot(sorted_counts_real, cdf_real, marker='.', linestyle='none', label='Real Reviews CDF Points', color='orange')\n","plt.step(sorted_counts_real, cdf_real, where='post',linestyle='dashed', label='Real Reviews CDF Line', color='blue')\n","\n","# Plot CDF for combined reviews\n","#plt.plot(sorted_counts_combined, cdf_combined, marker='.', linestyle='none', label='Combined Reviews CDF Points', color='green')\n","#plt.step(sorted_counts_combined, cdf_combined, where='post', label='Combined Reviews CDF Line', color='green')\n","\n","# Set the x-axis to show integers only, iterating by 2\n","plt.xticks(np.arange(0, 11, 1))\n","\n","plt.title('Cumulative Distribution Function of Unique Geo-Entities in Reviews')\n","plt.xlabel('Number of Geo-Entities')\n","plt.ylabel('CDF')\n","plt.grid(True)\n","plt.legend()\n","\n","# Save the plot to a PDF file\n","plt.savefig('/content/drive/MyDrive/cdf_plot_unique.pdf')\n","plt.show()\n","\n","# Count the total number of geo-entities\n","total_geo_entities_fake = len(geo_entities_list_fake)\n","total_geo_entities_real = len(geo_entities_list_real)\n","total_geo_entities_combined = total_geo_entities_fake + total_geo_entities_real\n","print(f\"Total number of geo-entities in fake reviews: {total_geo_entities_fake}\")\n","print(f\"Total number of geo-entities in real reviews: {total_geo_entities_real}\")\n","#print(f\"Total number of geo-entities in combined reviews: {total_geo_entities_combined}\")\n","\n","# Count the occurrences of each unique geo-entity for combined reviews\n","geo_entities_list_combined = geo_entities_list_fake + geo_entities_list_real\n","geo_entities_counter_combined = Counter(geo_entities_list_combined)\n","\n","# Print the total number of unique geo-entities for combined reviews\n","#total_unique_geo_entities_combined = len(geo_entities_counter_combined)\n","#print(f\"Total number of unique geo-entities in combined reviews: {total_unique_geo_entities_combined}\")\n","\n","# Print the most common geo-entities for combined reviews\n","print(\"Most common geo-entities in combined reviews:\")\n","for geo_entity, count in geo_entities_counter_combined.most_common(10):\n"," print(f\"{geo_entity}: {count}\")"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":944},"id":"CgAZQq-PSGSJ","executionInfo":{"status":"ok","timestamp":1722959631282,"user_tz":420,"elapsed":2158,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"7c0d95bc-7336-471a-cfc0-f4d5793018de"},"execution_count":null,"outputs":[{"output_type":"display_data","data":{"text/plain":["
"],"image/png":"iVBORw0KGgoAAAANSUhEUgAAA04AAAK9CAYAAAAT0TyCAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAACPy0lEQVR4nOzdd3gUZdvG4WvTOyEQCCWQ0EGaICJIKBJ6ERtFlCJFET6lWVBpCkZUigVBVFARFOzvKwhGIQICL01Qkd5FCCAlgUASkvn+iFlYspvZAGEC/M7j2IPs7LM7995byJWZecZmGIYhAAAAAIBLHlYXAAAAAAAFHcEJAAAAAEwQnAAAAADABMEJAAAAAEwQnAAAAADABMEJAAAAAEwQnAAAAADABMEJAAAAAEwQnAAAAADABMEJuIZ69eqlqKioq/qYH374oWw2m/bu3XtVHzc/jBkzRjab7Zqsq2nTpmratKn9ekJCgmw2m7744otrsv78eK1vZFFRUerVq5fVZeRqx44datmypQoVKiSbzaZvvvnmmtdwPX3ekbfvPCte22v5nZzf9u7dK5vNpg8//NDqUnADIzjhurNr1y49+uijKleunPz8/BQSEqI777xTb7zxhs6ePWt1efnm5ZdftuQXNVey/5PPvvj5+alkyZJq1aqV3nzzTSUnJ1+V9fz9998aM2aMNm7ceFUe72oqiLVl//Lg7HLHHXdYWtvKlSs1ZswYnTx50tI6LlfPnj31+++/a/z48Zo9e7Zuu+02p+PMQvqgQYNumF9Wc3PkyBE9++yzqlGjhoKCguTn56cKFSqod+/eWrFihWV1RUVFufyMtG7dOs+Pl5KSojFjxighIcGt8QXtu/xquvT7x8PDQ2FhYWrTpo1WrVpldXnAFbMZhmFYXQTgrgULFuiBBx6Qr6+vevTooerVqystLU0rVqzQl19+qV69emnGjBlWl+lSr169lJCQcFl/UQwKCtL999+f469pGRkZSk9Pl6+v7zX9ZezDDz9U79699eKLLyo6Olrp6ek6fPiwEhISFB8frzJlyug///mPatasab/P+fPndf78efn5+bm9nnXr1qlevXqaNWtWnrZIpKWlSZJ8fHwkZf0y26xZM33++ee6//773X6cy60tPT1dmZmZ8vX1vSrrctfevXsVHR2tbt26qW3btg63hYeHq1WrVte0nou9/vrreuqpp7Rnz54cW+NSU1Pl4eEhb29va4ozcfbsWQUEBOj555/XuHHjch1r9l4bNGiQpk6dqsv579eqz3terVmzRu3atVNycrK6du2qevXqydfXV3v27NE333yjP//8Uz///LMaN258zWuLiopS4cKFNWzYsBy3lSxZUnfddVeeHu/YsWMKDw/X6NGjNWbMGIfbnH3nFaTv8sv5Ts7Npd8/GRkZ2r59u9555x2dPXtWa9euVY0aNa7Kui5lGIZSU1Pl7e0tT0/PfFkH4GV1AYC79uzZo65du6ps2bJasmSJSpQoYb9t4MCB2rlzpxYsWGBhhdbw9PS09D+JNm3aOPzlfcSIEVqyZInat2+vjh07asuWLfL395ckeXl5ycsrf792UlJSFBAQYA9MVrE6ANSpU0cPPfSQpTXkxbUOmHl19OhRSVJoaKildVj9eXfHiRMn1KlTJ3l5eWnjxo2qUqWKw+3jxo3TZ599Zv9esEKpUqWuyecjL995Vry2+fWdfOn3T0xMjNq0aaNp06bpnXfeuerrk2Tf8wHIT+yqh+vGq6++qtOnT+uDDz5wCE3ZKlSooCeffFJS7vs622w2h78KZu/jvX37dj300EMqVKiQwsPDNXLkSBmGoQMHDujuu+9WSEiIIiIiNHHiRIfHc7VfevbuOma7b7z++utq2LChihQpIn9/f9WtWzfHLj42m01nzpzRRx99ZN8FInsLx6Xrb9++vcqVK+d0XQ0aNMixe9Enn3yiunXryt/fX2FhYeratasOHDiQa81m7rrrLo0cOVL79u3TJ598Yl/ubH/6+Ph4NWrUSKGhoQoKClLlypX13HPPScrqYb169SRJvXv3tj/37Ne1adOmql69utavX6/GjRsrICDAft9Lj3HKlpGRoeeee04REREKDAxUx44dczxfV8fbXPyYZrU5O8bpzJkzGjZsmCIjI+Xr66vKlSvr9ddfz7HlwWazadCgQfrmm29UvXp1+fr66pZbbtGiRYucNzyPXPXm0pqzP0evv/66ZsyYofLly8vX11f16tXT2rVrc9x/69at6ty5s8LDw+Xv76/KlSvr+eefl5T12j/11FOSpOjoaHu/st+3znq+e/duPfDAAwoLC1NAQIDuuOOOHH8cyf6czZ8/X+PHj1fp0qXl5+en5s2ba+fOnW7149dff1WbNm0UEhKioKAgNW/eXKtXr7bfPmbMGJUtW1aS9NRTT8lms13149fcfc2dfd8YhqFx48apdOnSCggIULNmzbR58+YcPXV1PIur77Dvv/9eMTExCgwMVHBwsNq1a6fNmzebPpfp06fr0KFDmjJlSo7QlP1cu3XrZv/8ZDt48KAeeeQRFS9e3P78Z86cmeP+R44cUZ8+fVS8eHH5+fmpVq1a+uijj0zryqtevXopKChIBw8eVKdOnRQUFKTw8HANHz5cGRkZkrI+I+Hh4ZKksWPH2t/X2f/HXNrzvHyXZ3PndTh8+LB69+6t0qVLy9fXVyVKlNDdd99tuneDs/dEfnz/xMTESMra1f5iJ0+e1ODBg+3fiRUqVNCECROUmZkpKWvLfVhYmHr37p3jMZOSkuTn56fhw4dLcv3//tatW3X//fcrLCxMfn5+uu222/Sf//zHoQZPT0+9+eab9mXHjh2Th4eHihQp4vD9PGDAAEVERNiv79ixQ/fdd58iIiLk5+en0qVLq2vXrjp16tRldgoFHVuccN3473//q3Llyqlhw4b58vhdunRR1apV9corr2jBggUaN26cwsLC9O677+quu+7ShAkTNGfOHA0fPlz16tW7aruYvPHGG+rYsaO6d++utLQ0ffbZZ3rggQf03XffqV27dpKk2bNnq2/fvrr99tvVv39/SVL58uVdPo8ePXpo7dq1Dr+Y7Nu3T6tXr9Zrr71mXzZ+/HiNHDlSnTt3Vt++fXX06FG99dZbaty4sX799dcr+uv6ww8/rOeee04//PCD+vXr53TM5s2b1b59e9WsWVMvvviifH19tXPnTv3yyy+SpKpVq+rFF1/UqFGj1L9/f/t/vhe/B/755x+1adNGXbt21UMPPaTixYvnWtf48eNls9n0zDPP6MiRI5oyZYpiY2O1cePGPP0F3J3aLmYYhjp27KilS5eqT58+ql27thYvXqynnnpKBw8e1OTJkx3Gr1ixQl999ZUef/xxBQcH680339R9992n/fv3q0iRIqb1paSk6NixYw7LChUqdFlbwubOnavk5GQ9+uijstlsevXVV3Xvvfdq9+7d9sf77bffFBMTI29vb/Xv319RUVHatWuX/vvf/2r8+PG69957tX37dn366aeaPHmyihYtKkn2XzovlZiYqIYNGyolJUVPPPGEihQpoo8++kgdO3bUF198oXvuucdh/CuvvCIPDw8NHz5cp06d0quvvqru3bvrf//7X67PbfPmzYqJiVFISIiefvppeXt7691331XTpk31888/q379+rr33nsVGhqqIUOG2HdBCgoKynMfzVzuaz5q1CiNGzdObdu2Vdu2bbVhwwa1bNnSvrvq5Zg9e7Z69uypVq1aacKECUpJSdG0adPUqFEj/frrr7kGx//+97/y9/fXvffe6/b6EhMTdccdd9h/aQ8PD9f333+vPn36KCkpSYMHD5aUtctk06ZNtXPnTg0aNEjR0dH6/PPP1atXL508edL+xzMz6enpOT4fkhQYGOjwPZCRkaFWrVqpfv36ev311/Xjjz9q4sSJKl++vAYMGKDw8HBNmzZNAwYM0D333GN/zhfvonyxvHyXZ49353W47777tHnzZv3f//2foqKidOTIEcXHx2v//v2XFfKv9PvnUtkBrnDhwvZlKSkpatKkiQ4ePKhHH31UZcqU0cqVKzVixAh78Pb29tY999yjr776Su+++67DngTffPONUlNT1bVrV5fr3bx5s+68806VKlVKzz77rAIDAzV//nx16tRJX375pe655x6FhoaqevXqWrZsmZ544gn787fZbDp+/Lj+/PNP3XLLLZKk5cuX27/r09LS1KpVK6Wmpur//u//FBERoYMHD+q7777TyZMnVahQoTz3CdcBA7gOnDp1ypBk3H333W6N37NnjyHJmDVrVo7bJBmjR4+2Xx89erQhyejfv7992fnz543SpUsbNpvNeOWVV+zLT5w4Yfj7+xs9e/a0L5s1a5YhydizZ4/DepYuXWpIMpYuXWpf1rNnT6Ns2bIO41JSUhyup6WlGdWrVzfuuusuh+WBgYEO63W1/lOnThm+vr7GsGHDHMa9+uqrhs1mM/bt22cYhmHs3bvX8PT0NMaPH+8w7vfffze8vLxyLHe13rVr17ocU6hQIePWW2+1X8/udbbJkycbkoyjR4+6fIy1a9e6fC2bNGliSDKmT5/u9LYmTZrYr2e/HqVKlTKSkpLsy+fPn29IMt544w37srJlyzrt9aWPmVttl77W33zzjSHJGDdunMO4+++/37DZbMbOnTvtyyQZPj4+Dss2bdpkSDLeeuutHOu6WPZ739kl+7146fNwVXP2YxUpUsQ4fvy4ffm3335rSDL++9//2pc1btzYCA4Otr+/smVmZtp/fu2115x+VgwjZ88HDx5sSDKWL19uX5acnGxER0cbUVFRRkZGhmEYF17XqlWrGqmpqfaxb7zxhiHJ+P3333PtV6dOnQwfHx9j165d9mV///23ERwcbDRu3DhHL1577bVcH+/imj7//HOntw8cONDhc2AY7r/ml37ejxw5Yvj4+Bjt2rVz6PVzzz1nSHLo6aWfP1ePmZycbISGhhr9+vVzGHf48GGjUKFCOZZfqnDhwkbt2rVzLE9KSjKOHj1qv5w+fdp+W58+fYwSJUoYx44dc7hP165djUKFCtm/J6dMmWJIMj755BP7mLS0NKNBgwZGUFCQw2fblbJly7r8jMTFxdnH9ezZ05BkvPjiiw73v/XWW426devarx89ejTH/yvZnPXc3e9yd1+HEydOuP3edKe+q/H9M3bsWOPo0aPG4cOHjeXLlxv16tXL8Zl46aWXjMDAQGP79u0Oj/Hss88anp6exv79+w3DMIzFixfn+L4xDMNo27atUa5cuRzrvvj7uHnz5kaNGjWMc+fO2ZdlZmYaDRs2NCpWrGhfNnDgQKN48eL260OHDjUaN25sFCtWzJg2bZphGIbxzz//GDabzf5/xa+//prr5xw3JnbVw3UhKSlJkhQcHJxv6+jbt6/9Z09PT912220yDEN9+vSxLw8NDVXlypW1e/fuq7bei/+6eeLECZ06dUoxMTHasGHDZT1eSEiI2rRpo/nz5zvsYjBv3jzdcccdKlOmjCTpq6++UmZmpjp37qxjx47ZLxEREapYsaKWLl16ZU9MWQdB5za7XvYWrW+//da+a0Ze+fr6Ot2Nw5UePXo4vI/uv/9+lShRQgsXLrys9btr4cKF8vT0tP9FM9uwYcNkGIa+//57h+WxsbEOf4muWbOmQkJC3H7v9e/fX/Hx8Q6XWrVqXVbtXbp0cfhLcfZfXLNrOXr0qJYtW6ZHHnnE/v7KdrkHuS9cuFC33367GjVqZF8WFBSk/v37a+/evfrzzz8dxvfu3dvhr9GX1uhMRkaGfvjhB3Xq1Mlh99YSJUrowQcf1IoVK+zfPdfC5bzmP/74o9LS0vR///d/Dr3O3kJzOeLj43Xy5El169bN4bvB09NT9evXN/1uSEpKcrpF7uGHH1Z4eLj98swzz0jK2hr75ZdfqkOHDjIMw2GdrVq10qlTp+zfhwsXLlRERIS6detmf1xvb2898cQTOn36tH7++We3nmP9+vVzfD7i4+MdHjfbY4895nA9Jibmqv4f4Iq7r4O/v798fHyUkJCgEydOXJV1X+n3z+jRoxUeHq6IiAjFxMRoy5YtmjhxosNkKZ9//rliYmJUuHBhh+cXGxurjIwMLVu2TFLWrt9FixbVvHnz7Pc9ceKE4uPj1aVLF5c1HD9+XEuWLFHnzp2VnJxsf/x//vlHrVq10o4dO3Tw4EFJWa9pYmKitm3bJilry1Ljxo0VExOj5cuXS8raCmUYhv27JXuL0uLFi5WSkuJWX3D9Y1c9XBdCQkIk6apNce3Mpb/wFSpUSH5+fvZdii5e/s8//1y19X733XcaN26cNm7cqNTUVPvyK5lVqUuXLvrmm2+0atUqNWzYULt27dL69es1ZcoU+5gdO3bIMAxVrFjR6WNcjckNTp8+rWLFiuVa5/vvv6++ffvq2WefVfPmzXXvvffq/vvvl4eHe3/XKVWqVJ4mgrj0+dpsNlWoUCHfz52yb98+lSxZMkf4r1q1qv32i136fpSydnNx9xejihUrKjY29jKrdXRpLdkhKruW7F+mqlevflXWJ2X1o379+jmWX9yvi9dnVqMzR48eVUpKiipXrux0PZmZmTpw4IB9N538djmvefb75tL3dXh4uEPYzYsdO3ZIksvZ5bK/j10JDg7W6dOncyx/8cUXNWjQIElSixYt7MuPHj2qkydPasaMGS5nRT1y5IikrOdbsWLFHN8Pl36OTp065XB6Ch8fH4WFhdmvFy1a1K3Ph5+fX47dSfPyObwS7r4Ovr6+mjBhgoYNG6bixYvrjjvuUPv27dWjRw+H43Hy4kq/f/r3768HHnhA586d05IlS/Tmm2/ajwvLtmPHDv32228ud9fNfs29vLx03333ae7cuUpNTZWvr6+++uorpaen5xqcdu7cKcMwNHLkSI0cOdLlOkqVKmUPQ8uXL1fp0qX166+/aty4cQoPD9frr79uvy0kJMT+B6jo6GgNHTpUkyZN0pw5cxQTE6OOHTvaj5XGjYnghOtCSEiISpYsqT/++MOt8a5Cx6Vf3BdzNpuRqxmOLt6ScznryrZ8+XJ17NhRjRs31jvvvKMSJUrI29tbs2bN0ty5c03v70qHDh0UEBCg+fPnq2HDhpo/f748PDz0wAMP2MdkZmbKZrPp+++/d/o8r/QYjr/++kunTp1ShQoVXI7x9/fXsmXLtHTpUi1YsECLFi3SvHnzdNddd+mHH35wa4ap/JiZK7fX9FrNeuXOe+9y2Ww2p4/j6j2bn7VcLQWpxuyZvVydVy4lJcXp7F/5/Rzc/a7K3vo7e/Zsp794m83CVqVKFW3atEnp6ekOf4BxddxP9voeeugh9ezZ0+kYV/d15cknn3SYMKJJkyZun2fpYlbOYJiX12Hw4MHq0KGDvvnmGy1evFgjR45UXFyclixZoltvvTXP677S9+LFf7hp3769PD099eyzz6pZs2b2CYoyMzPVokULPf30004fo1KlSvafu3btqnfffVfff/+9OnXqpPnz56tKlSq5bkXP7t/w4cNdnoYh+/+nkiVLKjo6WsuWLVNUVJQMw1CDBg0UHh6uJ598Uvv27dPy5cvVsGFDh9A+ceJE9erVS99++61++OEHPfHEE4qLi9Pq1atVunRpt3qF6wvBCdeN9u3ba8aMGVq1apUaNGiQ69jsv7ReeqLNS/+qfzVcybq+/PJL+fn5afHixQ7TMc+aNSvH2LxsgQoMDFT79u31+eefa9KkSZo3b55iYmJUsmRJ+5jy5cvLMAxFR0c7/Ad1tcyePVuSTM8b5OHhoebNm6t58+aaNGmSXn75ZT3//PNaunSpYmNjr/r5TLL/ipvNMAzt3LnT4RezwoULOz1J6759+xx26cpLbWXLltWPP/6o5ORkh61OW7dutd9+rRQuXNjpLjeX+/nI7onZHzby2q/s3WYudjX7FR4eroCAAJfr8fDwUGRkZJ4fN7s2Z4+bvfxqvd7Zj7Njxw6H9+bRo0dzbB24+Lvq4olfLn3ds3fRKlas2GVttWzfvr1Wr16tr7/+Wp07dzYdHx4eruDgYGVkZJiur2zZsvrtt9+UmZnp8Avspe+Lp59+2mE67Mvd+uaOvH5HuTs+r69D+fLlNWzYMA0bNkw7duxQ7dq1NXHiRIeZTa3y/PPP67333tMLL7xgn52vfPnyOn36tFvPrXHjxipRooTmzZunRo0aacmSJfYZO13J/jx4e3u7tY6YmBgtW7ZM0dHRql27toKDg1WrVi0VKlRIixYt0oYNGzR27Ngc96tRo4Zq1KihF154QStXrtSdd96p6dOnm57vDdcnjnHCdePpp59WYGCg+vbtq8TExBy379q1S2+88YakrC1URYsWte8jnS0/zh+R/Z/bxevKyMhw60S8np6estlsDn/x3bt3r9OzygcGBjr9Zd6VLl266O+//9b777+vTZs25dil4d5775Wnp6fGjh2b46+IhmFc0e6IS5Ys0UsvvaTo6Gh1797d5bjjx4/nWFa7dm1Jsu+2GBgYKClnML1cH3/8scMun1988YUOHTqkNm3a2JeVL19eq1evdpiV7LvvvssxbXleass+GeTbb7/tsHzy5Mmy2WwO689v5cuX19atW+3nJpKkTZs22WczzKvw8HA1btxYM2fO1P79+x1uu/i9ldd+rVmzRqtWrbIvO3PmjGbMmKGoqChVq1btsmq9mKenp1q2bKlvv/3WYVfNxMREzZ07V40aNTLdLc2ZEiVKqHbt2vrkk09yPNf169dr9erVV+31jo2Nlbe3t9566y2HXl+8W242Z99V2VNjX6xVq1YKCQnRyy+/rPT09ByPc/H7xpkBAwaoePHiGjJkiLZv357j9ku/bzw9PXXffffpyy+/dBq+L15f27ZtdfjwYYfjXc6fP6+33npLQUFBatKkiSSpWrVqio2NtV/q1q2ba81XIiAgQJL731Hufpe7+zqkpKTo3LlzDreVL19ewcHBDrt/Wyk0NFSPPvqoFi9erI0bN0qSOnfurFWrVmnx4sU5xp88eVLnz5+3X/fw8ND999+v//73v5o9e7bOnz+f6256UlbgbNq0qd59910dOnQox+2Xvo9jYmK0d+9e+x8as9fbsGFDTZo0Senp6fblUtaxfBfXKGWFKA8PjwLTd1x9bHHCdaN8+fKaO3eufdrwHj16qHr16kpLS9PKlSvtU9Jm69u3r1555RX17dtXt912m5YtW+b0P/Erdcstt+iOO+7QiBEjdPz4cYWFhemzzz7L8YXqTLt27TRp0iS1bt1aDz74oI4cOaKpU6eqQoUK+u233xzG1q1bVz/++KMmTZpk363A2TEg2dq2bavg4GANHz7c/ovJxcqXL69x48ZpxIgR2rt3rzp16qTg4GDt2bNHX3/9tfr3728/P0Zuvv/+e23dulXnz59XYmKilixZovj4eJUtW1b/+c9/cj0h4Ysvvqhly5apXbt2Klu2rI4cOaJ33nlHpUuXtk8KUL58eYWGhmr69OkKDg5WYGCg6tevr+joaNPanAkLC1OjRo3Uu3dvJSYmasqUKapQoYLDlOl9+/bVF198odatW6tz587atWuXPvnkkxzTBueltg4dOqhZs2Z6/vnntXfvXtWqVUs//PCDvv32Ww0ePDjXKYmvtkceeUSTJk1Sq1at1KdPHx05ckTTp0/XLbfcctmTIbz55ptq1KiR6tSpo/79+ys6Olp79+7VggUL7L8oZf/y+vzzz6tr167y9vZWhw4d7IHqYs8++6w+/fRTtWnTRk888YTCwsL00Ucfac+ePfryyy/dPgbOzLhx4+znEnv88cfl5eWld999V6mpqXr11Vcv+3Gz+1u7dm316tVLJUuW1JYtWzRjxgyVKFFCI0aMuCr1Z59XKC4uTu3bt1fbtm3166+/6vvvv89xfGbLli1VpkwZ9enTR0899ZQ8PT01c+ZMhYeHOwTekJAQTZs2TQ8//LDq1Kmjrl272scsWLBAd955Z44/AFwsLCxMX3/9tTp06KBatWqpa9euqlevnry9vXXgwAF9/vnnkhyPo3nllVe0dOlS1a9fX/369VO1atV0/PhxbdiwQT/++KP9jyz9+/fXu+++q169emn9+vWKiorSF198oV9++UVTpkxxewKhgwcPOt0SExQUpE6dOrn1GNn8/f1VrVo1zZs3T5UqVVJYWJiqV6/u8pg/d7/L3X0dtm/frubNm6tz586qVq2avLy89PXXXysxMTHXqbqvtSeffFJTpkzRK6+8os8++0xPPfWU/vOf/6h9+/bq1auX6tatqzNnzuj333/XF198ob179zq8h7t06aK33npLo0ePVo0aNezHteVm6tSpatSokWrUqKF+/fqpXLlySkxM1KpVq/TXX39p06ZN9rHZoWjbtm16+eWX7csbN26s77//3n4Ou2xLlizRoEGD9MADD6hSpUo6f/68Zs+e7fT/W9xAruEMfsBVsX37dqNfv35GVFSU4ePjYwQHBxt33nmn8dZbbzlMOZqSkmL06dPHKFSokBEcHGx07tzZOHLkiMvpyC+dErtnz55GYGBgjvU3adLEuOWWWxyW7dq1y4iNjTV8fX2N4sWLG88995wRHx/v1nTkH3zwgVGxYkXD19fXqFKlijFr1iynU8Ru3brVaNy4seHv7+8wzbCr6dANwzC6d+9uSDJiY2Nd9vPLL780GjVqZAQGBhqBgYFGlSpVjIEDBxrbtm1zeZ+L15t98fHxMSIiIowWLVoYb7zxhtNpgS99Xj/99JNx9913GyVLljR8fHyMkiVLGt26dcsxPe23335rVKtWzfDy8nKYbtbZa5HN1XTkn376qTFixAijWLFihr+/v9GuXbscU2gbhmFMnDjRKFWqlOHr62vceeedxrp165xO4+2qNmevdXJysjFkyBCjZMmShre3t1GxYkXjtddec5hG2jCypgMeOHBgjppcTZN+MXenzf7kk0+McuXKGT4+Pkbt2rWNxYsXu5yO3NljXfo5MgzD+OOPP4x77rnHCA0NNfz8/IzKlSsbI0eOdBjz0ksvGaVKlTI8PDwc3rfOntuuXbuM+++/3/54t99+u/Hdd985jHE19XdupyS41IYNG4xWrVoZQUFBRkBAgNGsWTNj5cqVTh8vL1M+r1692mjfvr1RuHBhw8vLyyhVqpTRt29f46+//sox1t3X3NnnPSMjwxg7dqxRokQJw9/f32jatKnxxx9/OO3p+vXrjfr16xs+Pj5GmTJljEmTJuV6SoVWrVoZhQoVMvz8/Izy5csbvXr1MtatW+fW8z906JDx1FNPGdWqVTP8/f0NX19fo1y5ckaPHj2MZcuW5RifmJhoDBw40IiMjDS8vb2NiIgIo3nz5saMGTNyjOvdu7dRtGhRw8fHx6hRo4Zbr3O23KYjv/j97+r/AGffzytXrjTq1q1r+Pj4OHw2rsZ3udnrcOzYMWPgwIFGlSpVjMDAQKNQoUJG/fr1jfnz55v2wtV05Pn1/dOrVy/D09PTPtV5cnKyMWLECKNChQqGj4+PUbRoUaNhw4bG66+/bqSlpTncNzMz04iMjHR6WoeL133pe2HXrl1Gjx49jIiICMPb29soVaqU0b59e+OLL77I8RjFihUzJBmJiYn2ZStWrDAkGTExMQ5jd+/ebTzyyCNG+fLlDT8/PyMsLMxo1qyZ8eOPP+baI1zfbIZRgI7uBQAAV0VUVJSaNm2qDz/80OpSAOCGwDFOAAAAAGCC4AQAAAAAJghOAAAAAGCCY5wAAAAAwARbnAAAAADABMEJAAAAAEzcdCfAzczM1N9//63g4GDZbDarywEAAABgEcMwlJycrJIlS5qeXP2mC05///23IiMjrS4DAAAAQAFx4MABlS5dOtcxN11wCg4OliTt2bNHYWFhFldTcKWnp+uHH35Qy5Yt5e3tbXU5BRq9cg99cg99cg99cg99cg99ch+9cg99ck9B6FNSUpIiIyPtGSE3N11wyt49Lzg4WCEhIRZXU3Clp6crICBAISEhfOBN0Cv30Cf30Cf30Cf30Cf30Cf30Sv30Cf3FKQ+uXMID5NDAAAAAIAJghMAAAAAmCA4AQAAAICJm+4YJ3cYhqHz588rIyPD6lIsk56eLi8vL507d+6m7oM76FUWT09PeXl5Mc0/AAC4IRGcLpGWlqZDhw4pJSXF6lIsZRiGIiIidODAAX4RNkGvLggICFCJEiXk4+NjdSkAAABXFcHpIpmZmdqzZ488PT1VsmRJ+fj43LS/CGdmZur06dMKCgoyPRnYzY5eZYXHtLQ0HT16VHv27FHFihVv2l4AAIAbE8HpImlpacrMzFRkZKQCAgKsLsdSmZmZSktLk5+fH78Am6BXWfz9/eXt7a19+/bZ+wEAAHCjuHl/y8vFzfzLL3Al+OwAAIAbFb/lAAAAAIAJghMAAAAAmCA4QR9++KFCQ0OtLiPP9u7dK5vNpo0bN1pdynUhISFBNptNJ0+etLoUAACA6w7B6QbRq1cv2Wy2HJedO3daUk/Tpk3tNfj5+alSpUqKi4uTYRhXbR2RkZE6dOiQqlevftUe80rt3LlTvXv3VunSpeXr66vo6Gh169ZN69ats4+5+PUJDAxUxYoV1atXL61fv97hsbKDzqWXF154weX6o6KiNGXKFKe3NWzYUIcOHVKhQoWuynMFAAC4mRCcbiCtW7fWoUOHHC7R0dGW1dOvXz8dOnRI27Zt04gRIzRq1ChNnz79qj2+p6enIiIi5OVVMCaHXLdunerWravt27fr3Xff1Z9//qmvv/5aVapU0bBhwxzGzpo1S4cOHdLmzZs1depUnT59WvXr19fHH3+c43G3bdvm8Jo+++yzl1Wfj4+PIiIibtop9gEAAK4EwcmMYUhnzlhzyePWGV9fX0VERDhcPD09NWnSJNWoUUOBgYGKjIzU448/rtOnT7t8nKNHj+r222/XQw89pNTUVGVmZiouLk7R0dHy9/dXrVq19MUXX5jWExAQoIiICJUtW1a9e/dWzZo1FR8fb789NTVVw4cPV6lSpRQYGKj69esrISFBkpSUlCR/f399//33Do/59ddfKzg4WCkpKU531fvjjz/Upk0bBQUFqXjx4nr44Yd17NgxSdJ3332n0NBQZWRkSJI2btwom83mEET69u2rhx56SJK0b98+dejQQYULF1ZgYKBuueUWLVy40OlzNQxDjzzyiCpWrKjly5erXbt2Kl++vGrXrq3Ro0fr22+/dRgfGhqqiIgIRUVFqWXLlvriiy/UvXt3DRo0SCdOnHAYW6xYMYfXNCgoyLT3zly6q172LpqLFy9W1apVFRQUZA/fF3v//fdVtWpV+fn5qUqVKnrnnXcua/0AAADXM4KTmZQUKSjImktKylV5Ch4eHnrzzTe1efNmffTRR1qyZImefvppp2MPHDigmJgY3XLLLfroo4/k6+uruLg4ffzxx5o+fbo2b96sIUOG6KGHHtLPP//s1voNw9Dy5cu1detW+fj42JcPGjRIq1at0meffabffvtNDzzwgFq3bq0dO3YoJCRE7du319y5cx0ea86cOerUqZPT82ydPHlSd911l2699VatW7dOixYtUmJiojp37ixJiomJUXJysn799VdJ0s8//6yiRYvaw1r2sqZNm0qSBg4cqNTUVC1btky///67JkyY4DK0/P7779q8ebOGDRvmdEpud44hGzJkiJKTkx3CZX5LSUnR66+/rtmzZ2vZsmXav3+/hg8fbr99zpw5GjVqlMaPH68tW7bo5Zdf1siRI/XRRx9dsxoBAAAKgoKxjxOuiu+++87hF/s2bdro888/1+DBg+3LoqKiNG7cOD322GM5thxs27ZNLVq00D333KNJkyYpOTlZqampevnll/Xjjz+qQYMGkqRy5cppxYoVevfdd9WkSROX9bzzzjt6//33lZaWpvT0dPn5+emJJ56QJO3fv1+zZs3S/v37VbJkSUnS8OHDtWjRIs2aNUsvv/yyunfvrocfflgpKSkKCAhQUlKSFixYoK+//trp+t5++23deuutevnll+3LZs6cqcjISG3fvl2VKlVS7dq1lZCQoNtuu00JCQkaMmSIxo4dq9OnT+vUqVPauXOn/Tnt379f9913n2rUqGF/3q7s2rVLklSlShWXY8xk33fv3r0Oy0uXLu1wfd++fSpSpMhlr+di6enpmj59usqXLy8pK8y++OKL9ttHjx6tiRMn6t5775UkRUdH688//9S7776rnj17XpUaAAAArgcEJzMBAVIuu7Xl+7rzoFmzZpo2bZr9emBgoCTpxx9/VFxcnLZu3aqkpCSdP39e586dswcSSTp79qxiYmL04IMPasqUKcrMzJSUNdlBSkqKWrRo4bCutLQ03XrrrbnW0717dz3//PM6ceKERo8erYYNG6phw4aSsrbQZGRkqFKlSg73SU1NtYeCtm3bytvbW//5z3/UtWtXffnllwoJCVFsbKzT9W3atElLly51ulVo165dqlSpkpo0aaKEhAQNGzZMy5cvV1xcnObPn68VK1bo+PHjKlmypCpWrChJeuKJJzRgwAD98MMPio2N1X333aeaNWs6XffVmPQi+zEuPQZp+fLlCg4Otl8vXLjwFa8rW0BAgD00SVKJEiV05MgRSdKZM2e0a9cu9enTR/369bOPOX/+PBNMAACAmw7ByYzNJv0bQAq6wMBAVahQwWHZ3r171b59ew0YMEDjx49XWFiYVqxYoT59+igtLc0enHx9fRUbG6vvvvtOTz31lEqUKCFJ9mOhFixYoFKlSjk8tq+vb671FCpUyF7P/PnzVaFCBd1xxx2KjY3V6dOn5enpqfXr18vT09PhftnBx8fHR/fff7/mzp2rrl27au7cuerSpYvLySBOnz6tDh06aMKECTluy34+TZs21cyZM7Vp0yZ5e3urSpUqatq0qRISEnTixAmHLWh9+/ZVq1attGDBAv3www+Ki4vTxIkT9X//9385Hj/7eW7dutU0ULqyZcsWScoxoUd0dHS+TRfv7e3tcN1ms9kDXPZr/95776l+/foO4y59zQAAAG50HON0g1u/fr0yMzM1ceJE3XHHHapUqZL+/vvvHOM8PDw0e/Zs1a1bV82aNbOPqVatmnx9fbV//35VqFDB4RIZGel2HUFBQXryySc1fPhwGYahW2+9VRkZGTpy5EiOx42IiLDfr3v37lq0aJE2b96sJUuWqHv37i7XUadOHW3evFlRUVE5HjN761v2cU6TJ0+2h6Ts4JSQkGA/vilbZGSkHnvsMX311VcaNmyY3nvvPafrrlGjhqpVq6aJEyfat9ZdzJ1zJ02ZMiXXLWrXWvHixVWyZEnt3r07Rz+tnK0RAADACgSnG1yFChWUnp6ut956S7t379bs2bNdTgnu6empOXPmqFatWoqNjVViYqKCg4M1fPhwDRkyRB999JF27dqlDRs26K233srzBAGPPvqotm/fri+//FKVKlVS9+7d1aNHD3311Vfas2eP1qxZo7i4OC1YsMB+n8aNGysiIkLdu3dXdHR0ji0fFxs4cKCOHz+ubt26ae3atdq1a5cWL16s3r1722fSK1y4sGrWrKk5c+bYQ1Ljxo21YcMGbd++3WGL0+DBg7V48WLt2bNHGzZs0NKlS1W1alWn67bZbPrggw+0fft2xcTEaOHChdq9e7d+++03jR8/XnfffbfD+JMnT+rw4cPat2+f4uPj7VvWpk2bdsVblw4ePKiNGzc6XC6dqc9dY8eOVVxcnN58801t375dv//+u2bNmqVJkyZdUY0AAADXG4LTDa5WrVqaNGmSJkyYoOrVq2vOnDmKi4tzOd7Ly0uffvqpqlWrprvvvltHjhzRSy+9pJEjRyouLk5Vq1ZV69attWDBgjxvdQgLC1OPHj00ZswYZWZmatasWerRo4eGDRumypUrq1OnTlq7dq3KlCljv4/NZlO3bt20adOmXLc2SVLJkiX1yy+/KCMjQy1btlSNGjU0ePBghYaGOsx016RJE2VkZNiDU1hYmKpVq6aIiAhVrlzZPi4jI0MDBw60P+dKlSrlOhX37bffrnXr1qlChQrq16+fqlatqo4dO2rz5s05Tkrbu3dvlShRQlWqVNGAAQMUFBSkNWvW6MEHH8xDR517/fXXdeuttzpcLg6jedG3b1+9//77mjVrlmrUqKEmTZroww8/ZIsTAAC46diMq3FU+2VatmyZXnvtNa1fv16HDh3S119/rU6dOuV6n4SEBA0dOlSbN29WZGSkXnjhBfXq1cvtdSYlJalQoUI6duxYjpnJzp07pz179ig6Olp+fn6X8YxuHJmZmUpKSlJISIjT6bVxAb26ILfPUHp6uhYuXGif9APO0Sf30Cf30Cf30Cf30Sv30Cf3FIQ+ZWeDU6dOKSQkJNexlv6Wd+bMGdWqVUtTp051a/yePXvUrl07NWvWTBs3btTgwYPVt29fLV68OJ8rBQAAAHAzs3RWvTZt2qhNmzZuj58+fbqio6M1ceJESVLVqlW1YsUKTZ48Wa1atcqvMgEAAABcTadPy7ZwoSI2bZLatrW6GrdcV9ORr1q1KseMY61atXI4weulUlNTlZqaar+elJQkKWvTYHp6usPY9PR0GYahzMxMpzOj3Uyy9+DM7gdco1cXZGZmyjAMpaen55iyPPvzdunnDo7ok3vok3vok3vok/volTnjXKr+1/tdHfrthL4Yv1022VSz0D5VCT4oSTqeFqQfjzg/L6QkVQv5S9VD9kuSktL9tSjR9WlOKgX9rdqheyVJZ877asHhui7Hlg88rLqFd0uSUjO89O2h212OLRtwVPXDdkiSzmd66Ku/73A5trT/P2pYZJv9+vy/GrocG+F3Uo2L/ilJOrvzb73yezvd6bNR6c9b937Ky3v5ugpOhw8fVvHixR2WFS9eXElJSTp79qz8/f1z3CcuLk5jx47NsXzp0qX2cxhl8/LyUkREhE6fPq20tLSrW/x1Kjk52eoSrhv0KuvEyGfPntWyZct0/vx5p2Pi4+OvcVXXJ/rkHvrkHvrkHvpkIjNTRbZsUcTp0/r9f/+zupoCK/Hn07p75ZsOy17RM6qmryVJe1VX3fSxy/uP0ljV1BuSpEOqom6a43LsML2uOposSTquMuqmT12OfUzTVE9Ze22dURF103yXY3voIzXQq5KkDPmpm75wOfY+faFGesV+vZu+cjm2tb5XU42XJJ1WMY3TSBVOP6FZFn72UlJS3B57XQWnyzFixAgNHTrUfj0pKUmRkZFq1qyZ08khDhw4oKCgoJt+cgjDMJScnKzg4GDZbDaryynQ6NUF586dk7+/vxo3bux0coj4+Hi1aNGCA2VzQZ/cQ5/cQ5/cQ5/cc/bD+Zrz/AGdUGFJ0tN6VV7KOt3Hf9RBf6i6y/sO1hQF6Kwk6Xu11q9yvRVloKaqkLL2EPpRzbVGrreM9NcMFdU/kqRlitEKNXI5trdmqYQOS5JWqoES1NTl2If0icrogCRpnerqB7V0ObaL5qm8srbkbFJNxSnrtC9BSlbdCicl2VT6zmbKqFtakhSQGKom8/5y+Xhlbr9TGXdkBS/f48Fq8onrsdG31lVGTNZYr6QANfnQ9dgKNaoro1nWWI+zPmrynuuxlapUVEbLrLFGuoeaTHM9tmqFMspoeyEoNnnT9djqZYsp4+6ssUUltZq2R5Vr7LP0s5e9N5o7rqvgFBERocTERIdliYmJCgkJcbq1SZJ8fX3l6+ubY7m3t3eOFygjI0M2m00eHh43/exo2bucZfcDrtGrCzw8PGSz2Zx+vrLldhsuoE/uoU/uoU/m/I4elffevfQpF7M+ztDjmma/PrT+Snl5ZO2h88WOAZp9zPVx64/etkEB3lm/oH67u7/eTbzH5diH6mxRId+s3/e+39tHkw51czn23tp7VNR/nyTpx/299NLBR1yObVXjkEoEZe1Stuzgw3p+/wCXYxvdclJlQjZKklYdul/P7x3qcmydKmdVvnDWFrj1R9pp9a4GkqRKZY4o/s8y/76nSktqLUmqJilhnMuH+3ds1qEp5SQljDYb20ySVEpSwvNmY2MkSWGSEp42G5u1y12ApATXT//fsRfCbcL/mY29sDvhfx9L18KFv1n6HZWX9V5XwalBgwZauHChw7L4+Hg1aNDAoooAAMD1zuPNN9Vq+HCryyjwTuopSVK0/19q1q2kPKcnSP/+ztnkA8l3tev7+k5eJAVl/XznbCljmeuxga98Lf27U1D9+VLfXPbiKvTip1KJrJ/rfiv1/c712KIvzJLKZv1c63upr+s9yhTx1DtSpayfb1ki9XW9B5xKPzlZ2RvbKq2Q+n4k2WwZqljxL0llXN8R1x1Lg9Pp06e1c+dO+/U9e/Zo48aNCgsLU5kyZTRixAgdPHhQH3+ctR/oY489prfffltPP/20HnnkES1ZskTz58+/7JN7AgAA2DZt0mEV11mfQrL5+irS9pc8bVl7E/yTWVjJCnZ531K2v+Vtyzqm84RRSKeMQi7HlrQdko8t60D0k0YhncxlbAnbYfnasrbmnDJCdMIIdTm2uO2I/G3nJEnJRpD+McJcji1mO6oAW9Yuc6eNQB0zirgcG247pkBb1vEfZ4wA7T1XSUqTqlVM1PTpxeXtfWEviz59si7uePjhrIs7OnfOurjj7ruzLu5o0ybr4o677sq6uKNRo6xLenqmFi486d6dcN2wNDitW7dOzZo1s1/PPhapZ8+e+vDDD3Xo0CHt37/ffnt0dLQWLFigIUOG6I033lDp0qX1/vvvMxU5AAC4bFO3xuoJfSylSUqTDh2SIiKybhv7hPTWW67vu3OnVL581s8TnpUmTHA9dtMmqea/k6m99ZI0apTrsatWSXf8O5HZB5OkYcNcj/3xR6l586yf50yXBrjeA03ffit17Jj189ezpR49XI/99FOpa9esnxd/JU27L+vns0XDXd8JuIFZGpyaNm1qn8rZmQ8//NDpfX799dd8rAq56dWrl06ePKlvvvmGOq4jTZs2Ve3atTVlyhSrSwGAAmfdP9GSJC+PDHn7Op5KwdtbcnEYtSTp4jmB8jLWyyv3sRcfMns1x158pghPz7yP9fc3VK/eYdn3jwNuItfVMU5wrVevXvroo48kZU2rXrp0aT3wwAN68cUXr+kMgQkJCQ5bEYsWLap69eppwoQJqlGjxlVbzxtvvJFr6L7WDMPQjBkzNGvWLG3evFleXl6qUKGCHnroIfXv318BAQEaM2aMfWp8T09PhYaGqlq1arr33ns1YMAAh0lMmjZtqp9//jnHetLT0+XllfNj++GHH2rw4ME6efKk0/q++uorDngGbkK2jz9Ws7Fj5fX0046/tcOBbfezkmI0rtXPemah4z5ZEydmXdzx0ktZF3eMGJF1cccTT2Rd3NG3b9bFHQ8+mHVxx913SykpUnr6eS1ceEjKZVY84EZFcLqBtG7dWrNmzVJ6errWr1+vnj17ymazaUJu+w3kk23btikkJER///23nnrqKbVr1047d+6Uj4/PVXn8QoVc7xduhUcffVTfffedXnjhBb399tsKDw/Xpk2bNGXKFEVFRalTp06SpFtuuUU//vijMjMz9c8//yghIUHjxo3T7NmzlZCQoODgC/vR9+vXTy+++KLDepyFJneEhbne3x3AjctjxgyFHDhgdRnXjzDXx/sAAMHJTWfOuL7N01O6eKNObmM9PBw3i7saGxiYt/qkrKnXI/7dKTsyMlKxsbGKj4+3B6fMzExNmDBBM2bM0OHDh1WpUiWNHDlS999/v6Ss6dj79++vJUuW6PDhwypdurQGDhyowYMH57mWYsWKKTQ0VBERERo8eLA6duyorVu3qua/O3evWLFCI0aM0Lp161S0aFHdc889iouLU2BgoJ577jn99NNP+t8lJ9erVauW7rvvPo0aNSrHrnpmz+22225T165dNfzfWZM6deqkBQsW6MSJEwoKCtJff/2lyMhI7dixQxUqVNA777yjyZMn68CBAypUqJBiYmL0xRfOT/42f/58ff755/rqq690zz0XpleNiopSx44dHc4PkH2SZUkqWbKkatSooRYtWqhWrVqaMGGCxo27MD9pQECAfeyVunRXvaioKPXv3187d+7U559/rsKFC+uFF15Q//797fc5cOCAhg0bph9++EEeHh6KiYnRG2+8oaioqKtSE4Br4N/TJWSMGyfPmBiLiym4MsdXlH6QjOquz0MEAAQnNwUFub6tbVvp4on9ihXL2pztTJMmUkLChetRUdKxYznHXeleaH/88YdWrlypsmXL2pfFxcXpk08+0fTp01WxYkUtW7ZMDz30kMLDw9WkSRNlZmaqdOnS9l+kf/rpJw0ZMkQlS5ZUZ3entLnEqVOn9Nlnn0mSfWvTrl271Lp1a40bN04zZ87U0aNHNWjQIA0aNEizZs1S9+7dFRcXp127dqn8v0fcbt68Wb/99pu+/PJLp+sxe25NmjRRQkKChg8fLsMwtHz5coWGhmrFihVq3bq1fv75Z5UqVUoVKlTQunXr9MQTT2j27Nlq2LChjh8/ruXLl7t8jnPnzlXFihV1t5OpfGw2m+nWsSpVqqhNmzb66quvHIJTfps4caJeeuklPffcc/riiy80YMAANWnSRJUrV1Z6erpatWqlBg0aaPny5fLy8tK4cePUunVr/fbbb1dtyyGA/PVbSgV9qvuVvvZeeZyoaF/eubN0+7+nXdm6VXr/fdeP0alT1ixhkrRrlzRtmuuxbdtemH3swAHpjTdcj23RQsqe2ykxUXrtNddjmzSROnTI+vnECWn8eNdjGzSQ7vt3EoMzZ6TRuZwDp25dqVs3ye+TDPn5nZe3N7szAnCN4HQD+e677xQUFKTz588rNTVVHh4eevvttyVJqampevnll/Xjjz/az3tVrlw5rVixQu+++66aNGkib29v+zE4mZmZ6ty5szZt2qT58+fnOTiVLp11duwz/25S69ixo6pUqSIpK+R0797dviWrYsWKevPNN9WkSRNNmzZNt9xyi2rVqqW5c+dq5MiRkqQ5c+aofv36qlChQo51ufPcmjZtqg8++EAZGRn6448/5OPjoy5duighIUGtW7dWQkKCmjRpIknav3+/AgMD1b59ewUHB6ts2bK69VbX+3Lv3LnTaV15UaVKFf3www8Oy9555x29f9FvM48++qgmurujvRvatm2rxx9/XJL0zDPPaPLkyVq6dKkqV66sefPmKTMzU++//75s/x4XMWvWLIWGhiohIUEtW7o+gzqAgmPogaFaqnrSt47Lb7nlQnDasyf3Y3iioi4Ep7/+yn1sePiF4JSYmPvYwMALwen4cfPjiLKDU1JS7mMfe+xCcDp7NvexPXpkBaepUzPVrt1CtW3bVpKn6zsAuKkRnNx0+rTr2zwv+Y49csT12ItnvpGkvXsvu6QcmjVrpmnTpunMmTOaPHmyvLy8dN+//3vs3LlTKSkpatGihcN90tLSHELB1KlTNXPmTO3fv19nz55VWlqaateunedali9froCAAK1evVovv/yypk+fbr9t06ZN+u233zRnzhz7MsMwlJmZqT179qhq1arq3r27Zs6cqZEjR8owDH366af26eov5c5zi4mJUXJysn799VetXLnSHqZeeeUVSdLPP/+sp57KOrFfixYtVLZsWZUrV06tW7dW69atdc899yggIMDp+q/GJBWGYdgDSrbu3bvr+ecvnAI8NDT0itdzsezdJqWsLWMRERE68u+bd9OmTdq5c6fDMVeSdO7cOe3ateuq1gEg/5zOyPre6lT/b1VsXNK+/OI90qKjpX+//py6+O9GkZG5j80OY5JUvHjuY++888LPYWG5j23c+MLPISG5j82ewlvK2jU+t7F167q+DQAuRXByU16OOcqvseaPFWjf8jFz5kzVqlVLH3zwgfr06aPT/ya/BQsWqFSpUg73y57N7bPPPtPw4cM1ceJE1a9fXzabTdOnT9eaNWvyXEt0dLRCQ0NVuXJlHTlyRF26dNGyZVmnCT99+rQeffRRPeFkiqAyZbLOsN2tWzc988wz2rBhg86ePasDBw6oS5cuTtflznMLDQ1VrVq1lJCQoFWrVqlFixZq3LixunTpou3bt2vHjh32LU7BwcHasGGDEhIS9MMPP2jUqFEaM2aM1q5d6zS8VKxYUVu2bMlzjy62ZcsWRUdHOywrVKjQFW/Jys2ls+zZbDZl/ns8xOnTp1W3bl2HcJstPJzzdwDXm17N9+nu8SWd3lalivTqq+49Trly7o+NjHR/bPHi7o8tXNj9sYGB7o8FADMEpxuUh4eHnnvuOQ0dOlQPPvigqlWrJl9fX+3fv98eEC71yy+/qGHDhnr88ceVmZmppKQk7d69+4prGThwoOLi4vT111/rnnvuUZ06dfTnn3/mGgpKly6tJk2aaM6cOTp79qxatGihYsWKOR3rznOTpCZNmmjp0qVas2aNxo8fr7CwMFWtWlXjx49XiRIlVKlSJftYLy8vxcbGKjY2VqNHj1ZoaKiWLFmie++9N8fjduvWTQ8++KC+/fZbh8khpKwtSUlJSbke57R161YtWrRII9ydl/YaqFOnjubNm6dixYopJCTE6nIAXKZFlQYpc+PvCqj9gdWlAMB1j+B0A3vggQf01FNPaerUqRo+fLiGDx+uIUOGKDMzU40aNdKpU6f0yy+/KCQkRD179lTFihX18ccfa/HixSpbtqw++OADrV27NseWkLwKCAhQv379NHr0aHXq1EnPPPOM7rjjDg0aNEh9+/ZVYGCg/vzzT8XHx9uPyZKydlUbPXq00tLSNHnyZJePHxwcbPrcpKyZ5d566y2Fh4fbj7dq2rSp3n77bT3wwAP2x/vuu++0e/duNW7cWIULF9bChQuVmZmpypUrO11/586d9fnnn6t79+564YUX1LJlS4WHh+v333/X5MmT9X//93/26cjPnz+vw4cP55iOvHbt2vZdBS9XRkaGNm7c6LDM19dXVatWzfNjde/eXa+99pruvvtuvfjiiypdurT27dunr776Sk8//bT9GDbAKh4zZqjhjBnyfPNNzk+Ui7CNCZKk894F57x3AHC9IjjdwLy8vDRo0CC9+uqrGjBggF566SWFh4crLi5Ou3fvVmhoqOrUqaPnnntOUtbkA7/++qu6dOkim81mPzHrokWLrriWQYMGadKkSfr888/VuXNn/fzzz3r++ecVExMjwzBUvnz5HLvi3X///Ro0aJA8PT3twcMVs+cmZR3nlJmZ6bBVqmnTpnrjjTfUtGlT+7LQ0FB99dVXGjNmjM6dO6eKFSvq008/1S233OJ03TabTe+//74+++wzffjhhxo/fry8vLxUsWJF9ejRQ62yj35W1uyAJUqUkKenpwoVKqRq1appxIgROU6AezlOnz6dYxKL8uXLa+fOnXl+rICAAC1btkzPPPOM7r33XiUnJ6tUqVJq3rw5W6BQIHi88ILCXZzwGTkZJUpYXQIAXPdsxtU4sv06kr3b1LFjx1SkiOOJ7s6dO6c9e/YoOjpafhefmOkmlL2rXkhIiDwundECDujVBbl9htLT07VwYdasVZceX4UL6JN7jOBg2U6fVsbrr8uzpPNjdyC9/HVlrdknjZpWQ3Xq8H5yhc+d++iVe+iTewpCn7KzwalTp0z/OMwWJwDAdSuzfXt5utiNFtLXkzK1bp2Heu0/rzp1rK4GAK5vN/efxwEAAADADQQnAAAAADDBrnoAgOtOXNowzdM9qv50hOZ8e2F5ixauT0JeqZL0+ecXrnfsKO3b53xsZKT03XcXrnfpIm3d6nxs0aLSTz9duN6zp3TJBJd2QUHSL79cuP7YY9KqVc7HenpKGzZcuD5kiLRkifOxkrR2reTjk/Xzc89JCxZIv/3G30cB4GohODlxk82XAVw1fHZwrUxIG6IkFZL/vrMOy7dskQ4edO8xtm2Ttm93ftuZM47Xt2+XfvvN+diICMfru3a5Hnvpccd79rge6+npeH3vXtdjJenij9/+/Y5jy5ThswkAV4rgdJHs2TxSUlLk7+9vcTXA9SclJUWSmEEI+S7z3z3Nn370H0kXziv26adSaqrz+wQFOV6fNUv69y2bw6X/BUyfLiUnOx+bvZUn2+TJ0qlTzsdeGobi4iRXp3C79PRUY8ZIAwc6HytJF3/snn1W6tUr69xxu3b9rBo1Gru+IwDALQSni3h6eio0NFRH/t3PIyAgQLab9MSKmZmZSktL07lz5276KbbN0KusLU0pKSk6cuSIQkND5Xnpb4dAPrmlYprD9ZgY9+/bsKH7Y+vXd39svXruj83LTHe1ark/tnr1rEt6uqHU1NPu3xEA4BLB6RIR/+5zccTVTvI3CcMwdPbsWfn7+9+04dFd9OqC0NBQ+2cIAADgRkJwuoTNZlOJEiVUrFgxpaenW12OZdLT07Vs2TI1btyY3a5M0Kss3t7ebGkCAAA3LIKTC56enjf1L4Genp46f/68/Pz8buow4A56BQAAcOMjOAEArjsL/e9T5tlUlQh/z+pSAAA3CYITAOC608hzlWw6rXQ/ptkGAFwbN+cUYAAAAACQB2xxAoCCIiNDnnfdpfarV9+0U9u76720nkqXt7oke6io1cUAAG4KBCcAKCj+/lseK1ZYXcV1YZgm6rSCFetzmuAEALgmCE4AUMBkeHkpc9s2ZmnMTdVA6YwkX1+rKwEA3CQITgBQ0NhsUmSkRHByzcakEACAa4ud6AEAAADABMEJAAAAAEwQnAAAAADABMEJAAAAAEwwOQQA4Lrz2WcZWr16rSIibrO6FADATYLgBAC47rRsaej8+SMKCLC6EgDAzYLgBAAFzGkjUKePuJ6NPCxM8vr32/vMmayLK4ULX3iclBTp9GnXY0NDJR+frJ/PnpWSk12PLVTowimUzMaGhEh+flk/nzsnJSW5HhscLPn7Z/2cmiqdOuV8XHq6lJnp+nEAALjaOMYJAAqY8ZnPqXRpbxUvLqeXLVsujJ040fmY7Mv69RfGTpuW+9gVKy6M/eij3Mf+8MOFsZ9/nvvYb765MHbBgtzHfvrphbFLl7oeFxPjpSVLyuQa2AAAuJoITgCA686ePTYtXBht3zoFAEB+IzgBQAET5/m80tLSZRhyeqlR48LYUaOcj8m+3HHHhbHDhuU+9q67Lox97LHcx3bocGFsjx65j+3a9cLY++7Lfewjj1wY27q163FpaemaNOln+y6LAADkN/7LAYAC4tw5abWayMj0UCOriwEAAA4ITgBQQBw97qlmSpBvxjlx6A4AAAULu+oBAAAAgAmCEwAAAACYIDgBAAAAgAmCEwAAAACYIDgBAAAAgAmCEwAAAACYYDpyACggCgVnaoKels1DksZbXQ4AALgIwQkACoiQYENP6zVleHork+AEAECBwq56AAAAAGCCLU4AUECkpkq/6TZlZnqqjtXFAAAABwQnACggjvzjqdu1Vr4Z55RsdTEAAMABu+oBAAAAgAmCEwAAAACYIDgBAAAAgAmCEwAAAACYYHIIANeGYUgZGVkXD/5m41RGhtUVAAAAFwhOAPLfkSPyqlNHdx88aHUlBVxpSQesLgIAADhBcAKQ/379VTZCk6kQJWm0xuhcRLik/laXAwAALkJwAnDNJJUpI/81a+Tt7W11KQVSIUnPp6dr4apVVpcCAAAuQXACcM1kenpKYWESwcm19HTJZrO6CgAAcAmO0AaAAiI9XfrzT+nAgSCrSwEAAJdgixMAFBCHD0u1a3vL27upHn000+pyAADARdjiBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILpyAGggAgOloYOzdC+fbskRVtdDgAAuAjBCQAKiNBQ6ZVXMrVw4RYRnAAAKFjYVQ8AAAAATBCcAKCAOH9e2rtXOnLE3+pSAADAJdhVDwAKiEOHpEqVvOXt3Vy9emVaXQ4AALgIW5wAAAAAwATBCQAAAABMEJwAAAAAwATHOAHId4Yhfaau2nryVvm86qH77pOqVMm6bcsW6dtvXd+3XTupRo2sn3fulL74wvXYli2lOnWyft6/X5o71/XYZs2k+vWzfv77b+njj12PbdQo6yJJR49KH3zgemz9+lmPLUmnTknTprkeW6dOVs2SdOaM9MorrscCAABrEZwA5Lu12wvpQX0qnZD0glSp0oXg9Pvv0ogRru8bEXEhOG3blvvYkJALwWn37tzHvvrqheD011+5jx09+kJwOnIk97FPPXUhOJ04kfvYxx93DE7vvJP1s49PhiSb6zsCAIBrjuAEIN+dSM76qgn1OKlOPUIUFXVhL+HoaOmRR1zft2LFCz9HRuY+NjuMSVmBK7ex2WFMkooWzX3srbde+Dk0NPex9epd+DkoKPexDRpc+NnPL2tsZmamIiI2SrrV1d0AAIAFCE4ArplIr4OaMSNQ3t4XglO9eo5hIzc1a+a+m9zFqlRxf2y5cu6PLVXK/bFFi7o/NiQka2x6eoYWLjwkghMAAAULk0MAAAAAgAmCEwAAAACYYFc9APmuaKF0tdb3Ku17VFIlq8sBAADIM4ITgHxXt2KSvldbnSwaLamb1eUAAADkGbvqAQAAAIAJghMAAAAAmCA4Ach3P24IU5CS1fLvz60uBQAA4LIQnADku4xMm84oSOcMP6tLAQAAuCwEJwAAAAAwQXACAAAAABMEJwAAAAAwQXACAAAAABMEJwAAAAAwQXACkO8KB59XjJapls9mq0sBAAC4LF5WFwDgxnd75VNaptY6GR4t6R6rywEAAMgztjgBAAAAgAmCEwAAAACYIDgByHdLN4WpuA7r7kOfWF0KAADAZSE4Ach3aek2HVFxncgsZHUpAAAAl4XgBAAAAAAmCE4AAAAAYMLy4DR16lRFRUXJz89P9evX15o1a3IdP2XKFFWuXFn+/v6KjIzUkCFDdO7cuWtULQAAAICbkaXBad68eRo6dKhGjx6tDRs2qFatWmrVqpWOHDnidPzcuXP17LPPavTo0dqyZYs++OADzZs3T88999w1rhwAAADAzcTS4DRp0iT169dPvXv3VrVq1TR9+nQFBARo5syZTsevXLlSd955px588EFFRUWpZcuW6tatm+lWKgAAAAC4El5WrTgtLU3r16/XiBEj7Ms8PDwUGxurVatWOb1Pw4YN9cknn2jNmjW6/fbbtXv3bi1cuFAPP/ywy/WkpqYqNTXVfj0pKUmSlJ6ervT09Kv0bG482b2hR+bolbkA31TV1TpFex9Uenq01eUUaLyf3EOf3EOf3EOf3Eev3EOf3FMQ+pSXddsMwzDysRaX/v77b5UqVUorV65UgwYN7Muffvpp/fzzz/rf//7n9H5vvvmmhg8fLsMwdP78eT322GOaNm2ay/WMGTNGY8eOzbF87ty5CggIuPInAsBU+K+/quHYsToZHa2fJ0+2uhwAAABJUkpKih588EGdOnVKISEhuY61bIvT5UhISNDLL7+sd955R/Xr19fOnTv15JNP6qWXXtLIkSOd3mfEiBEaOnSo/XpSUpIiIyPVrFkzFSlS5FqVft1JT09XfHy8WrRoIW9vb6vLKdDolTmb14WvGvqUO95P7qFP7qFP7qFP7qNX7qFP7ikIfcreG80dlgWnokWLytPTU4mJiQ7LExMTFRER4fQ+I0eO1MMPP6y+fftKkmrUqKEzZ86of//+ev755+XhkfOQLV9fX/n6+uZY7u3tzRvZDfTJffQqFxcFJ/rkHvrkHvrkHvrkHvrkPnrlHvrkHiv7lJf1WjY5hI+Pj+rWrauffvrJviwzM1M//fSTw657F0tJSckRjjw9PSVJFu1xCMANy34vrHLapS6H37e6FAAAgMti6a56Q4cOVc+ePXXbbbfp9ttv15QpU3TmzBn17t1bktSjRw+VKlVKcXFxkqQOHTpo0qRJuvXWW+276o0cOVIdOnSwBygABc/ZVA/tUTkFZZy1uhQAAIDLYmlw6tKli44ePapRo0bp8OHDql27thYtWqTixYtLkvbv3++whemFF16QzWbTCy+8oIMHDyo8PFwdOnTQ+PHjrXoKAAAAAG4Clk8OMWjQIA0aNMjpbQkJCQ7Xvby8NHr0aI0ePfoaVAYAAAAAWSw9AS4AAAAAXA8ITgAAAABgguAEAAAAACYITgDyXaBfhqpoi8p6/WV1KQAAAJfF8skhANz4GlU/qS26QyeLR0vaZnU5AAAAecYWJwAAAAAwQXACAAAAABMEJwD57pfNoaqu39UzcarVpQAAAFwWjnECkO9On/XUZlWXx3mb1aUAAABcFrY4AQAAAIAJghMAAAAAmCA4AQAAAIAJghMAAAAAmCA4AQAAAIAJghOAfOfnk6lI7Vcxz6NWlwIAAHBZmI4cuBKpqbLNmaNyv/wij507JU9PqysqkJosWaz9WqSTEdGStlldDgAAQJ4RnIArMX++vPr0UQ2r67hOZPr4WF0CAADAZSE4AVfin38kSSnh4fJr3lweHuz96kqmpD+rVlV9qwsBAAC4DAQn4Cr4p2pVRXz8sTy8va0upUBavVp64olMBRw8qPhnrK4GAAAg7/jzOIB8d+qUtHath/bvD7a6FAAAgMtCcAIAAAAAEwQnAAAAADBBcAIAAAAAEwQnAAAAADBBcAIAAAAAEwQnAPnO21sqUsRQYGC61aUAAABcFs7jBCDf3XWXdOjQeS1cuFJSW6vLAQAAyDO2OAEAAACACYITAAAAAJggOAHId2vXSi1bemrq1FpWlwIAAHBZOMYJQL47flxKSPBQdHSo1aUAAABcFrY4AQAAAIAJghMAAAAAmCA4AQAAAIAJghMAAAAAmCA4AQAAAIAJghOAfOfhIfn5GfL2zrS6FAAAgMvCdOQA8l2LFlJS0nktXLhcUlurywEAAMgztjgBAAAAgAmCEwAAAACYIDgByHcbNkidOnnqvfdqWF0KAADAZeEYJwD57uhRaeFCD0VHh1ldCgAAwGVhixMAAAAAmCA4AQAAAIAJghMAAAAAmCA4AQAAAIAJJocArsDZNE99pEe1Z39dBb3iIU9PqWxZqXv3C2MmT5bOnnV+/5IlpV69Llx/6y0pOdn52PBwqV+/C9fffVf65x/nY0NDpccfv3B95kzp8GHnYwMDpSefvHB99mzpwAHnY318pOHDL1z/7DNp927nY202acQI57cBAABcbwhOwBWYt7GyBuj/pL2SRmUtu+sux+A0bpx0/Ljz+9ev7xicXn1V+usv52OrV3cMTpMnS9u2OR9brpxjcJo6NWtKcGeKF3cMTjNmSCtWOB8bFOQYnD78UFq82PlYD48LwalKFally0zt35/hfDAAAEABR3ACrsDJs76SpDJ+BxX7YAl5eHioShXHMQ8/LJ054/z+0dGO17t1k06ccD62VCnH6w884HorUni44/VOnaQ6dZyPDQlxvN6+vXI8h2y+vo7XW7eWIiOdj7XZLvxctqzUqVOmkpI2S2rg/A4AAAAFGMEJuArqBP+p6dOLyds752GDU6a4/zivvur+2Jdecn/syJHuj33mGffHDh7s/ti+fQ0tXOgiFQIAABRwTA4BAAAAACYITsAV6HX7n9qp8hpZfqrVpQAAACAfEZyAKxDqn6ry2q1wH3ZBAwAAuJERnAAAAADABJNDAFdgxe6S+k5xijySqv5WFwMAAIB8wxYn4AqsO1BcE/SsfvynodWlAAAAIB8RnAAAAADABMEJAAAAAEwQnAAAAADABMEJAAAAAEwQnAAAAADABMEJAAAAAEwQnIAr8FDdLfpNNfRM9AyrSwEAAEA+4gS4wBUoGnRORfWHDviFWV0KAAAA8hFbnAAAAADABFucgCvwv30R+kEvKOKYoV5WFwMAAIB8wxYn4Aqs2ltCo/SSFh5tYnUpAAAAyEcEJwAAAAAwQXACAAAAABMEJwAAAAAwQXACAAAAABMEJwAAAAAwQXACAAAAABMEJ+AKdKm9Tat0h4ZEzbK6FAAAAOQjToALXIEShVJUQv/TAX9fq0sBAABAPmKLEwAAAACYYIsTcAXWHyimBA1VkX+81N3qYgAAAJBv2OIEXIHlu0tpuCbq2yOxVpcCAACAfERwAgAAAAATBCcAAAAAMEFwAgAAAAATBCcAAAAAMEFwAgAAAAATBCcAAAAAMEFwAq7AvTV36kc118Ayc6wuBQAAAPmIE+ACV6BM4WSV0RIdCGxsdSkAAADIR2xxAgAAAAATbHECrsBvfxfVSj2qkBMBesDqYgAAAJBv2OIEXIElOyI1QNP1+eE2VpcCAACAfERwAgAAAAATBCcAAAAAMEFwAgAAAAATBCcAAAAAMEFwAgAAAAATBCcAAAAAMMF5nIAr0PGWXSr/zevyLF1cUlOrywEAAEA+ITgBV6Bc0SSV03c6ENzY6lIAAACQj9hVDwAAAABMsMUJuAJbEgtrnR5SwKlC6mh1MQAAAMg3bHECrsDirVHqodn65O+7rS4FAAAA+YjgBAAAAAAmLA9OU6dOVVRUlPz8/FS/fn2tWbMm1/EnT57UwIEDVaJECfn6+qpSpUpauHDhNaoWAAAAwM3I0mOc5s2bp6FDh2r69OmqX7++pkyZolatWmnbtm0qVqxYjvFpaWlq0aKFihUrpi+++EKlSpXSvn37FBoaeu2LBwAAAHDTsDQ4TZo0Sf369VPv3r0lSdOnT9eCBQs0c+ZMPfvssznGz5w5U8ePH9fKlSvl7e0tSYqKirqWJQMAAAC4CVkWnNLS0rR+/XqNGDHCvszDw0OxsbFatWqV0/v85z//UYMGDTRw4EB9++23Cg8P14MPPqhnnnlGnp6eTu+Tmpqq1NRU+/WkpCRJUnp6utLT06/iM7qxZPeGHuUuMzPT/jO9yh3vKffQJ/fQJ/fQJ/fQJ/fRK/fQJ/cUhD7lZd2WBadjx44pIyNDxYsXd1hevHhxbd261el9du/erSVLlqh79+5auHChdu7cqccff1zp6ekaPXq00/vExcVp7NixOZYvXbpUAQEBV/5EbnDx8fFWl1CgHU5Msf9Mr9xDn9xDn9xDn9xDn9xDn9xHr9xDn9xjZZ9SUlLMB/3rujqPU2ZmpooVK6YZM2bI09NTdevW1cGDB/Xaa6+5DE4jRozQ0KFD7deTkpIUGRmpZs2aqUiRIteq9OtOenq64uPj1aJFC/tukcip4srZqvO/rvIrFaYWLV6nV7ngPeUe+uQe+uQe+uQe+uQ+euUe+uSegtCn7L3R3GFZcCpatKg8PT2VmJjosDwxMVERERFO71OiRAl5e3s77JZXtWpVHT58WGlpafLx8clxH19fX/n6+uZY7u3tzRvZDfQpd9VKJKma5ulASGN65Sb65B765B765B765B765D565R765B4r+5SX9Vo2HbmPj4/q1q2rn376yb4sMzNTP/30kxo0aOD0Pnfeead27tzpcFzJ9u3bVaJECaehCQAAAACuBkvP4zR06FC99957+uijj7RlyxYNGDBAZ86csc+y16NHD4fJIwYMGKDjx4/rySef1Pbt27VgwQK9/PLLGjhwoFVPATe5HUdD9aXu1cakKlaXAgAAgHxk6TFOXbp00dGjRzVq1CgdPnxYtWvX1qJFi+wTRuzfv18eHheyXWRkpBYvXqwhQ4aoZs2aKlWqlJ588kk988wzVj0F3OQW/BmtIfpSnQ7Gq7XVxQAAACDfWD45xKBBgzRo0CCntyUkJORY1qBBA61evTqfqwIAAACACyzdVQ8AAAAArgcEJwAAAAAwQXACAAAAABMEJwAAAAAwQXACAAAAABOWz6oHXM9iK+3X++qj4BJBkppaXQ4AAADyCcEJuALVS/yj6pqpA6GNrS4FAAAA+Yhd9QAAAADABFucgCuw93iItqqVbKdLKsLqYgAAAJBv2OIEXIFvfi+vNlqk6Qe6WV0KAAAA8hHBCQAAAABMEJwAAAAAwATBCQAAAABMEJwAAAAAwATBCQAAAABMEJwAAAAAwATncQKuQNMKf+lN/Z8KF/eV1NTqcgAAAJBPCE7AFahd6qhq620dCGtsdSkAAADIR+yqBwAAAAAm2OIEXIGDJwO1W410PqWMIqwuBgAAAPmGLU7AFfh8UyU11nK9ua+H1aUAAAAgHxGcAAAAAMAEwQkAAAAATBCcAAAAAMAEwQkAAAAATBCcAAAAAMAEwQkAAAAATHAeJ+AK3Bn9t+L0rMKL2SQ1tbocAAAA5BOCE3AF6pVJVD1N0IEija0uBQAAAPmIXfUAAAAAwARbnIArkJgcoL9UR+fORijC6mIAAACQb9jiBFyBTzdU1m1ar9f39rW6FAAAAOQjghMAAAAAmCA4AQAAAIAJghMAAAAAmCA4AQAAAIAJghMAAAAAmCA4AQAAAICJPAWnHj16KDk52X5906ZNSk9Pv+pFAdeL28sc1gt6SS2LrrC6FAAAAOSjPAWnOXPm6OzZs/brMTExOnDgwFUvCrheNIw+pJc0Su3DE6wuBQAAAPkoT8HJMIxcrwMAAADAjcjL6gKA69nxM746ospKTi2iCKuLAQAAQL7Jc3D6888/dfjwYUlZW5y2bt2q06dPO4ypWbPm1akOKOA+XldNQ7RVnXbHa77VxQAAACDf5Dk4NW/e3GEXvfbt20uSbDabDMOQzWZTRkbG1asQAAAAACyWp+C0Z8+e/KoDAAAAAAqsPAWnsmXL5lcdAAAAAFBgXdbkEDt27NC3336rvXv3ymazKTo6Wp06dVK5cuWudn0AAAAAYLk8B6e4uDiNGjVKmZmZKlasmAzD0NGjR/Xss8/q5Zdf1vDhw/OjTgAAAACwTJ7O47R06VK98MILev7553Xs2DEdOnRIhw8ftgenZ599VsuWLcuvWgEAAADAEnna4jR9+nT17dtXY8aMcVgeFhamF198UYcPH9a0adPUuHHjq1kjUGDVKX1EQzVRZcNSJDW1uhwAAADkkzxtcVqzZo0efvhhl7c//PDDWr169RUXBVwvGpc/qIkarnuK/2h1KQAAAMhHeQpOiYmJioqKcnl7dHS0/eS4AAAAAHCjyFNwOnfunHx8fFze7u3trbS0tCsuCrheJJ/z1gGV1on0EKtLAQAAQD7K86x677//voKCgpzelpycfMUFAdeTD/5XXUN0QJ12xmu+1cUAAAAg3+QpOJUpU0bvvfee6RgAAAAAuJHkKTjt3bs3n8pAgbN/v6p9+KE8Fi+WPPK0R+fN5RsvSU2srgIAAAD5LE/BacmSJRo0aJBWr16tkBDHYzpOnTqlhg0bavr06YqJibmqReLa83jzTVX85hury7gOPClJyvTK816vAAAAuI7k6be9KVOmqF+/fjlCkyQVKlRIjz76qCZNmkRwugHYzpyRJGU2aSIPzsvl2v8aSD9IyWXZRRUAAOBGlqfgtGnTJk2YMMHl7S1bttTrr79+xUWh4DDuuksaNcrqMgquKZJ+kDJymW0SAAAA1788n8fJ29vb5e1eXl46evToFRcFAAAAAAVJnoJTqVKl9Mcff7i8/bffflOJEiWuuCjgelGjhtSvX4Zq1jxmdSkAAADIR3kKTm3bttXIkSN17ty5HLedPXtWo0ePVvv27a9acUBB17y5NHVqpmJj91tdCgAAAPJRno5xeuGFF/TVV1+pUqVKGjRokCpXrixJ2rp1q6ZOnaqMjAw9//zz+VIoAAAAAFglT8GpePHiWrlypQYMGKARI0bIMAxJks1mU6tWrTR16lQVL148XwoFCqKzZ6VTp6SzZ5mOHAAA4EaW59/2ypYtq4ULF+rEiRPauXOnDMNQxYoVVbhw4fyoDyjQ3n1XGjLEW40b19R991ldDQAAAPLLZf+ZvHDhwqpXr97VrAUAAAAACqQ8TQ4BAAAAADcjghMAAAAAmCA4AQAAAIAJghMAAAAAmCA4AQAAAIAJTj4DXIEqVaQHH8xUUNBxSRFWlwMAAIB8QnACrkDr1lLz5hlauHCvpGpWlwMAAIB8wq56AAAAAGCC4ARcgfPnpXPnpPR0m9WlAAAAIB8RnIAr8PbbUkiIt95661arSwEAAEA+IjgBAAAAgAmCEwAAAACYIDgBAAAAgAmCEwAAAACYIDgBAAAAgAmCEwAAAACY8LK6AOB6VqGC1KlTpsLCTkqKsLocAAAA5BO2OAFXoH17af78DHXsuNvqUgAAAJCPCE4AAAAAYILgBAAAAAAmCE7AFXjjDcnPz0uTJ9exuhQAAADkI4ITcAUMQ8rMtMkwrK4EAAAA+YngBAAAAAAmCE4AAAAAYILzOMGpwykh+kAv6HT8XSpZSHryyQu3TZwoHTvm/H5hYdJTT124/uab0qFDzscGB0vPPXfh+vTp0r59zsf6+kpjxly4PnOmtGOH87EeHtL48Reuz54t/fmn87GS9NJLkte/n4R586SNG12PHTVK8vfP+vnrr6URI1yPBQAAwI2D4ASnXv+9tSarpbRCqpnkGJxmzJC2b3d+v/LlHYPTrFmug0hEhGNw+uQT6ZdfnI8NCXEMTvPmST/84Hysp6djcPrqK+mbb5yPlbIeNzs4/fe/0pw5rsc+/fSF4LRokXTuXNbPfn4Zru8EAACA6x7BCU4lp/tKku6IPKB7H4p0uK1nT+noUef3K1rU8Xr37lLTps7HBgc7Xu/cWapXz/lYPz/H6/fcI1Wr5nysxyU7oHboIEVFOR8rZQWtbK1bS+Hhrsf6+l74uXlzKSBA8vbOUIUK2yWVcn1HAAAAXNcITshV24o79NRTjsHp4q1EZoYPd3/sE0+4P/axx9wf+8gj7o996KGsizs6d866pKdnauHCs+6vBAAAANcdJocAAAAAABMEJwAAAAAwQXCCU8X9k1RJ2xTmzy5oAAAAAMEJTr1Y91ttUxU9dvt6q0sBAAAALEdwAgAAAAATBCcAAAAAMEFwglMvbuigmtqk99fdanUpAAAAgOUKRHCaOnWqoqKi5Ofnp/r162vNmjVu3e+zzz6TzWZTp06d8rfAm9DBlFD9rpo6cibQ6lIAAAAAy1kenObNm6ehQ4dq9OjR2rBhg2rVqqVWrVrpyJEjud5v7969Gj58uGJiYq5RpQAAAABuVpYHp0mTJqlfv37q3bu3qlWrpunTpysgIEAzZ850eZ+MjAx1795dY8eOVbly5a5htQAAAABuRl5WrjwtLU3r16/XiBEj7Ms8PDwUGxurVatWubzfiy++qGLFiqlPnz5avnx5rutITU1Vamqq/XpSUpIkKT09Xenp6Vf4DG5chpH9r0GfTGT3hz7ljj65hz65hz65hz65hz65j165hz65pyD0KS/rtjQ4HTt2TBkZGSpevLjD8uLFi2vr1q1O77NixQp98MEH2rhxo1vriIuL09ixY3MsX7p0qQICAvJc883izBlvSdI/x//RwoULLa7m+hAfH291CdcF+uQe+uQe+uQe+uQe+uQ+euUe+uQeK/uUkpLi9lhLg1NeJScn6+GHH9Z7772nokWLunWfESNGaOjQofbrSUlJioyMVLNmzVSkSJH8KvW699/AlZKkImFF1LZtY4urKdjS09MVHx+vFi1ayNvb2+pyCiz65B765B765B765B765D565R765J6C0KfsvdHcYWlwKlq0qDw9PZWYmOiwPDExURERETnG79q1S3v37lWHDh3syzIzMyVJXl5e2rZtm8qXL+9wH19fX/n6+uZ4LG9vb97IuSjse1al9JdC/NLpk5t4T7mHPrmHPrmHPrmHPrmHPrmPXrmHPrnHyj7lZb2WTg7h4+OjunXr6qeffrIvy8zM1E8//aQGDRrkGF+lShX9/vvv2rhxo/3SsWNHNWvWTBs3blRkZOS1LP+GNuH2L/SXIvV/d7g3NTwAAABwI7N8V72hQ4eqZ8+euu2223T77bdrypQpOnPmjHr37i1J6tGjh0qVKqW4uDj5+fmpevXqDvcPDQ2VpBzLAQAAAOBqsTw4denSRUePHtWoUaN0+PBh1a5dW4sWLbJPGLF//355eFg+azoAAACAm5jlwUmSBg0apEGDBjm9LSEhIdf7fvjhh1e/IGjCpjb6j/qo369H9IjVxQAAAAAWY1MOnNqdXFSr1UAHk4KtLgUAAACwHMEJAAAAAEwQnAAAAADABMEJAAAAAEwQnAAAAADABMEJAAAAAEwQnOBUgFeaCuu4/LzOW10KAAAAYDmCE5yafMc8HVcRDb1ztdWlAAAAAJYjOAEAAACACYITAAAAAJggOMGpyb+3UKziNfe36laXAgAAAFiO4ASntp6K0E+K1d4ToVaXAgAAAFiO4AQAAAAAJghOAAAAAGCC4AQAAAAAJghOAAAAAGCC4AQAAAAAJghOcMrLlikfpcrTw7C6FAAAAMByBCc4NfXOOUqVn56J+cXqUgAAAADLEZwAAAAAwATBCQAAAABMEJzg1NQ/m6mjvtXnf1SzuhQAAADAcgQnOPXb8dL6rzpqxz9hVpcCAAAAWI7gBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBKfeafiJ0uWlZ2NWWF0KAAAAYDkvqwtAweTpYchDGcogWgMAAABscQIAAAAAMwQnOPXe1hh101x9s6Wy1aUAAAAAliM4wal1x6L0mbrpzyPhVpcCAAAAWI7gBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBKem3PGZTilEw+5cZXUpAAAAgOW8rC4ABZO/V7o8lKwMrwyrSwEAAAAsxxYnAAAAADDBFic49fGOBlqhO9Rxe6A6Wl0MAAAAYDG2OMGpXxIr6AP11aZDxa0uBQAAALAcwQkAAAAATBCcAAAAAMAEwQkAAAAATBCcAAAAAMAEwQkAAAAATBCcAAAAAMAEwQlOTaj3hf5WCf3fHWusLgUAAACwHCfAhVOhvmflocPK8E2zuhQAAADAcmxxAgAAAAATbHGCU5/tqqfVqqnWO4uordXFAAAAABZjixOcWnqoit7SE1p/sITVpQAAAACWIzgBAAAAgAmCEwAAAACYIDgBAAAAgAmCEwAAAACYIDgBAAAAgAmCEwAAAACYIDjBqZfqfqMdqqDH6q2zuhQAAADAcpwAF04V809WhHYpI+Cc1aUAAAAAlmOLEwAAAACYYIsTnPpqbx2tV3k131NKsVYXAwAAAFiM4ASnFv91i95XEwXsX0JwAgAAwE2PXfUAAAAAwATBCQAAAABMEJwAAAAAwATBCQAAAABMEJwAAAAAwATBCQAAAABMEJzg1Mhbv9Mm1VSfur9aXQoAAABgOc7jBKdKB55QGf2ujKAzVpcCAAAAWI4tTgAAAABggi1OcGrB/hrapOcVsy9STawuBgAAALAYW5zg1H/219ZIjdOyvWWtLgUAAACwHMEJAAAAAEwQnAAAAADABMEJAAAAAEwQnAAAAADABMEJAAAAAEwQnAAAAADABMEJTj1dc5FWqoF61N5kdSkAAACA5QhOcKp8yFE10GqVLpRsdSkAAACA5QhOAAAAAGDCy+oCUDDFH6ymzRqiO/4qpYZWFwMAAABYjC1OcOqLPXU1TJP0065oq0sBAAAALEdwAgAAAAATBCcAAAAAMEFwAgAAAAATBCcAAAAAMEFwAgAAAAATBCcAAAAAMEFwglODq/+oeMWqW80/rC4FAAAAsBwnwIVTVUMP6Rb9pIzCja0uBQAAALAcW5wAAAAAwARbnODUskMVtU39VefvCNWzuhgAAADAYmxxglNzdt2hx/SuFu2oYHUpAAAAgOUITgAAAABgokAEp6lTpyoqKkp+fn6qX7++1qxZ43Lse++9p5iYGBUuXFiFCxdWbGxsruMBAAAA4EpZHpzmzZunoUOHavTo0dqwYYNq1aqlVq1a6ciRI07HJyQkqFu3blq6dKlWrVqlyMhItWzZUgcPHrzGlQMAAAC4WVgenCZNmqR+/fqpd+/eqlatmqZPn66AgADNnDnT6fg5c+bo8ccfV+3atVWlShW9//77yszM1E8//XSNKwcAAABws7B0Vr20tDStX79eI0aMsC/z8PBQbGysVq1a5dZjpKSkKD09XWFhYU5vT01NVWpqqv16UlKSJCk9PV3p6elXUP2NzTCy/zXok4ns/tCn3NEn99An99An99An99An99Er99An9xSEPuVl3ZYGp2PHjikjI0PFixd3WF68eHFt3brVrcd45plnVLJkScXGxjq9PS4uTmPHjs2xfOnSpQoICMh70TeJM2e8JUn/HP9HCxcutLia60N8fLzVJVwX6JN76JN76JN76JN76JP76JV76JN7rOxTSkqK22Ov6/M4vfLKK/rss8+UkJAgPz8/p2NGjBihoUOH2q8nJSUpMjJSzZo1U5EiRa5Vqded0reNU7eD01UupoUqt33M6nIKtPT0dMXHx6tFixby9va2upwCiz65hz65hz65hz65hz65j165hz65pyD0KXtvNHdYGpyKFi0qT09PJSYmOixPTExURERErvd9/fXX9corr+jHH39UzZo1XY7z9fWVr69vjuXe3t68kXNxa9GDqqv/KiP8NnnSJ7fwnnIPfXIPfXIPfXIPfXIPfXIfvXIPfXKPlX3Ky3otnRzCx8dHdevWdZjYIXuihwYNGri836uvvqqXXnpJixYt0m233XYtSgUAAABwE7N8V72hQ4eqZ8+euu2223T77bdrypQpOnPmjHr37i1J6tGjh0qVKqW4uDhJ0oQJEzRq1CjNnTtXUVFROnz4sCQpKChIQUFBlj2PG83qI+W0W91VPbGYaltdDAAAAGAxy4NTly5ddPToUY0aNUqHDx9W7dq1tWjRIvuEEfv375eHx4UNY9OmTVNaWpruv/9+h8cZPXq0xowZcy1Lv6HN2n6n3tdzenHrEoITAAAAbnqWBydJGjRokAYNGuT0toSEBIfre/fuzf+CAAAAAOAilp8AFwAAAAAKOoITAAAAAJggOAEAAACACYITAAAAAJggOAEAAACACYITnOpTeYXmqpvurrrN6lIAAAAAyxWI6chR8Nwevkd36DNlFKtqdSkAAACA5djiBAAAAAAm2OIEpzYcK6P9ukeVjxbRLVYXAwAAAFiMLU5w6t2tTXSfvtJXf7KrHgAAAEBwAgAAAAATBCcAAAAAMEFwAgAAAAATBCcAAAAAMEFwAgAAAAATBCcAAAAAMEFwglMPVVit99RXbSrttLoUAAAAwHKcABdOxUTsUBN9oIwSZawuBQAAALAcW5wAAAAAwARbnODU5hMl9bdaKvp4YVWyuhgAAADAYmxxglNvbm6u1lqseb/fYnUpAAAAgOUITgAAAABgguAEAAAAACYITgAAAABgguAEAAAAACYITgAAAABgguAEAAAAACYITnCqc7m1ekNPqEWF3VaXAgAAAFiO4ASnmpfcqif0luqV+tvqUgAAAADLEZwAAAAAwISX1QWgYNpxqpiO6k6VPhWiKKuLAQAAACzGFic49frvrRSjFZq9sabVpQAAAACWIzgBAAAAgAmCEwAAAACYIDgBAAAAgAmCEwAAAACYIDgBAAAAgAmCEwAAAACY4DxOcKpT2V9Vbtsi3RldyepSAAAAAMsRnOBUm8g/1E4fKKPMWKtLAQAAACzHrnoAAAAAYIItTnBqX3KYTuhWFUsOUmmriwEAAAAsxhYnOPXypnaqqw2ataG21aUAAAAAliM4AQAAAIAJghMAAAAAmCA4AQAAAIAJghMAAAAAmCA4AQAAAIAJghMAAAAAmOA8TnCqTenfVXzbcjUsE2l1KQAAAIDlCE5wqlPURt2rD5QRPdbqUgAAAADLsaseAAAAAJhgixOcOpwSomRVUuEUfxWzuhgAAADAYmxxglOjN9ytKtqmd9fWtboUAAAAwHIEJwAAAAAwQXACAAAAABMEJwAAAAAwQXACAAAAABMEJwAAAAAwQXACAAAAABOcxwlONS+5RcHb1qteac7iBAAAALDFCU51LrdOkzRMLcrvtroUAAAAwHIEJwAAAAAwwa56cOpEaoDOqpQCz/mosNXFAAAAABZjixOcenbtfYrUX3r7f7dbXQoAAABgOYITAAAAAJggOAEAAACACYITAAAAAJggOAEAAACACYITAAAAAJggOAEAAACACc7jBKcaFd8hj21bVbtEsNWlAAAAAJZjixOcerjiar2rx9S20k6rSwEAAAAsR3ACAAAAABPsqgenzqT7KF2F5ZPupSCriwEAAAAsxhYnODX0f11URMc1eeUdVpcCAAAAWI7gBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILzOMGp28P36Oy2A6penLcIAAAAwBYnONWn8gp9oofVscp2q0sBAAAALEdwAgAAAAAT7IcFp9IzPSX5SBk2eVpdDAAAAGAxtjjBqUErH5SfUvXqijutLgUAAACwHMEJAAAAAEwQnAAAAADABMEJAAAAAEwQnAAAAADABMEJAAAAAEwQnAAAAADABOdxglO1ixzQPfpKlYtmWF0KAAAAYDm2OMGpAVUT9JXu0323bLG6FAAAAMByBCcAAAAAMEFwAgAAAAATBCc4NeCXh+SldMUta2R1KQAAAIDlCE5wKtOwKUNeMgyrKwEAAACsR3ACAAAAABMEJwAAAAAwUSCC09SpUxUVFSU/Pz/Vr19fa9asyXX8559/ripVqsjPz081atTQwoULr1GlAAAAAG5GlgenefPmaejQoRo9erQ2bNigWrVqqVWrVjpy5IjT8StXrlS3bt3Up08f/frrr+rUqZM6deqkP/744xpXDgAAAOBmYXlwmjRpkvr166fevXurWrVqmj59ugICAjRz5kyn49944w21bt1aTz31lKpWraqXXnpJderU0dtvv32NKwcAAABws/CycuVpaWlav369RowYYV/m4eGh2NhYrVq1yul9Vq1apaFDhzosa9Wqlb755hun41NTU5Wammq/npSUJElKT09Xenr6FT6DG1eVQn+rpRYrKjSZPpnI7g99yh19cg99cg99cg99cg99ch+9cg99ck9B6FNe1m1pcDp27JgyMjJUvHhxh+XFixfX1q1bnd7n8OHDTscfPnzY6fi4uDiNHTs2x/KlS5cqICDgMiu/8bWq9oN6pKzT/jKxWrjQ2+pyrgvx8fFWl3BdoE/uoU/uoU/uoU/uoU/uo1fuoU/usbJPKSkpbo+1NDhdCyNGjHDYQpWUlKTIyEg1a9ZMRYoUsbCygi29RQvFx8erRYsWqulNcMpNenq6vVfe9Mol+uQe+uQe+uQe+uQe+uQ+euUe+uSegtCn7L3R3GFpcCpatKg8PT2VmJjosDwxMVERERFO7xMREZGn8b6+vvL19c2x3NvbmzeyG+iT++iVe+iTe+iTe+iTe+iTe+iT++iVe+iTe6zsU17Wa+nkED4+Pqpbt65++ukn+7LMzEz99NNPatCggdP7NGjQwGG8lLV5z9V4AAAAALhSlu+qN3ToUPXs2VO33Xabbr/9dk2ZMkVnzpxR7969JUk9evRQqVKlFBcXJ0l68skn1aRJE02cOFHt2rXTZ599pnXr1mnGjBlWPg0AAAAANzDLg1OXLl109OhRjRo1SocPH1bt2rW1aNEi+wQQ+/fvl4fHhQ1jDRs21Ny5c/XCCy/oueeeU8WKFfXNN9+oevXqVj0FAAAAADc4y4OTJA0aNEiDBg1yeltCQkKOZQ888IAeeOCBfK4KAAAAALJYfgJcAAAAACjoCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYILgBAAAAAAmCE4AAAAAYMLL6gKuNcMwJEnJycny9va2uJqCKz09XSkpKUpKSqJPJuiVe+iTe+iTe+iTe+iTe+iT++iVe+iTewpCn5KSkiRdyAi5uemC0z///CNJio6OtrgSAAAAAAVBcnKyChUqlOuYmy44hYWFSZL2799v2pybWVJSkiIjI3XgwAGFhIRYXU6BRq/cQ5/cQ5/cQ5/cQ5/cQ5/cR6/cQ5/cUxD6ZBiGkpOTVbJkSdOxN11w8vDIOqyrUKFCvJHdEBISQp/cRK/cQ5/cQ5/cQ5/cQ5/cQ5/cR6/cQ5/cY3Wf3N2YwuQQAAAAAGCC4AQAAAAAJm664OTr66vRo0fL19fX6lIKNPrkPnrlHvrkHvrkHvrkHvrkHvrkPnrlHvrknuutTzbDnbn3AAAAAOAmdtNtcQIAAACAvCI4AQAAAIAJghMAAAAAmCA4AQAAAICJmy44TZ06VVFRUfLz81P9+vW1Zs0aq0sqcJYtW6YOHTqoZMmSstls+uabb6wuqcCJi4tTvXr1FBwcrGLFiqlTp07atm2b1WUVONOmTVPNmjXtJ7Zr0KCBvv/+e6vLKvBeeeUV2Ww2DR482OpSCpwxY8bIZrM5XKpUqWJ1WQXSwYMH9dBDD6lIkSLy9/dXjRo1tG7dOqvLKlCioqJyvJ9sNpsGDhxodWkFSkZGhkaOHKno6Gj5+/urfPnyeumll8T8YjklJydr8ODBKlu2rPz9/dWwYUOtXbvW6rIsZ/a7pWEYGjVqlEqUKCF/f3/FxsZqx44d1hSbi5sqOM2bN09Dhw7V6NGjtWHDBtWqVUutWrXSkSNHrC6tQDlz5oxq1aqlqVOnWl1KgfXzzz9r4MCBWr16teLj45Wenq6WLVvqzJkzVpdWoJQuXVqvvPKK1q9fr3Xr1umuu+7S3Xffrc2bN1tdWoG1du1avfvuu6pZs6bVpRRYt9xyiw4dOmS/rFixwuqSCpwTJ07ozjvvlLe3t77//nv9+eefmjhxogoXLmx1aQXK2rVrHd5L8fHxkqQHHnjA4soKlgkTJmjatGl6++23tWXLFk2YMEGvvvqq3nrrLatLK3D69u2r+Ph4zZ49W7///rtatmyp2NhYHTx40OrSLGX2u+Wrr76qN998U9OnT9f//vc/BQYGqlWrVjp37tw1rtSEcRO5/fbbjYEDB9qvZ2RkGCVLljTi4uIsrKpgk2R8/fXXVpdR4B05csSQZPz8889Wl1LgFS5c2Hj//fetLqNASk5ONipWrGjEx8cbTZo0MZ588kmrSypwRo8ebdSqVcvqMgq8Z555xmjUqJHVZVx3nnzySaN8+fJGZmam1aUUKO3atTMeeeQRh2X33nuv0b17d4sqKphSUlIMT09P47vvvnNYXqdOHeP555+3qKqC59LfLTMzM42IiAjjtddesy87efKk4evra3z66acWVOjaTbPFKS0tTevXr1dsbKx9mYeHh2JjY7Vq1SoLK8ON4NSpU5KksLAwiyspuDIyMvTZZ5/pzJkzatCggdXlFEgDBw5Uu3btHL6nkNOOHTtUsmRJlStXTt27d9f+/futLqnA+c9//qPbbrtNDzzwgIoVK6Zbb71V7733ntVl/X979x5UY/7HAfx9KqfoStrTie10o5Kk5FINWVq0NpcZStOYLlhGIV0Ma2yUEuMS1i3tHIaw1sqy7kKLcW0dqx2yiLGjWPeNcanz/f1hnJ+jdHL5/Z6D92vmzPR8n+/5nvfzdDjP5zzf58moPX36FGvXrkVCQgJkMpnUcYxKcHAwiouLceHCBQDAmTNncPjwYYSHh0uczLjU1NSgtrYWFhYWeu1NmzblmfEGVFRUoKqqSu+zz9bWFl27djW6Y3QzqQP8v9y6dQu1tbVQKBR67QqFAufPn5coFX0MtFotkpOTERISgvbt20sdx+icPXsWQUFBePz4MaysrFBUVIR27dpJHcvobNiwAb///jvnwhvQtWtXrFq1Cp6enqisrMSMGTPQvXt3lJWVwdraWup4RuPy5ctYtmwZUlJS8O233+LkyZMYP3485HI5YmNjpY5nlLZs2YJ79+4hLi5O6ihGZ/LkyXjw4AG8vLxgamqK2tpaZGdnIyYmRupoRsXa2hpBQUHIysqCt7c3FAoF1q9fj6NHj8LDw0PqeEarqqoKAOo9Rn+xzlh8MoUT0f9KYmIiysrK+G3Sa3h6ekKj0eD+/fvYtGkTYmNjUVJSwuLpJdeuXcOECROwd+/eOt9Ukr6Xv+Hu0KEDunbtCpVKhY0bN2LEiBESJjMuWq0WgYGByMnJAQD4+/ujrKwMy5cvZ+H0Gj/88APCw8Ph5OQkdRSjs3HjRhQWFmLdunXw8fGBRqNBcnIynJyc+H56xZo1a5CQkIBWrVrB1NQUAQEBiI6ORmlpqdTR6D34ZKbqtWzZEqamprhx44Ze+40bN+Do6ChRKvrQJSUl4ddff8WBAwfQunVrqeMYJblcDg8PD3Tq1AmzZs2Cn58fFi5cKHUso1JaWoqbN28iICAAZmZmMDMzQ0lJCRYtWgQzMzPU1tZKHdFo2dnZoW3btrh48aLUUYyKUqms8+WEt7c3pzW+xtWrV7Fv3z6MHDlS6ihGKT09HZMnT8awYcPg6+uL4cOHY+LEiZg1a5bU0YyOu7s7SkpKUF1djWvXruHEiRN49uwZ3NzcpI5mtF4ch38Ix+ifTOEkl8vRqVMnFBcX69q0Wi2Ki4t5vQW9MSEEkpKSUFRUhP3798PV1VXqSB8MrVaLJ0+eSB3DqPTu3Rtnz56FRqPRPQIDAxETEwONRgNTU1OpIxqt6upqXLp0CUqlUuooRiUkJKTOn0i4cOECVCqVRImMm1qtxmeffYb+/ftLHcUoPXr0CCYm+oeMpqam0Gq1EiUyfpaWllAqlbh79y52796NgQMHSh3JaLm6usLR0VHvGP3Bgwc4fvy40R2jf1JT9VJSUhAbG4vAwEB06dIFeXl5ePjwIeLj46WOZlSqq6v1vr2tqKiARqNBixYt4OzsLGEy45GYmIh169bhl19+gbW1tW4Orq2tLZo2bSpxOuMxZcoUhIeHw9nZGf/++y/WrVuHgwcPYvfu3VJHMyrW1tZ1ro+ztLSEvb09r5t7RVpaGiIiIqBSqXD9+nVkZGTA1NQU0dHRUkczKhMnTkRwcDBycnIQGRmJEydOID8/H/n5+VJHMzparRZqtRqxsbEwM/ukDosaLSIiAtnZ2XB2doaPjw9Onz6N+fPnIyEhQepoRmf37t0QQsDT0xMXL15Eeno6vLy8PvljTUPHlsnJyZg5cybatGkDV1dXTJs2DU5OThg0aJB0oesj9W39/t8WL14snJ2dhVwuF126dBHHjh2TOpLROXDggABQ5xEbGyt1NKNR3/4BINRqtdTRjEpCQoJQqVRCLpcLBwcH0bt3b7Fnzx6pY30QeDvy+kVFRQmlUinkcrlo1aqViIqKEhcvXpQ6llHatm2baN++vTA3NxdeXl4iPz9f6khGaffu3QKAKC8vlzqK0Xrw4IGYMGGCcHZ2FhYWFsLNzU1MnTpVPHnyROpoRufHH38Ubm5uQi6XC0dHR5GYmCju3bsndSzJGTq21Gq1Ytq0aUKhUAhzc3PRu3dvo/w3KROCf/aZiIiIiIioIZ/MNU5ERERERERvi4UTERERERGRASyciIiIiIiIDGDhREREREREZAALJyIiIiIiIgNYOBERERERERnAwomIiIiIiMgAFk5EREREREQGsHAiIqK3cuXKFchkMmg0Gqmj6Jw/fx7dunWDhYUFOnbsKHUcSbi4uCAvL6/BPtOnT/9k9w8R0dti4URE9IGKi4uDTCZDbm6uXvuWLVsgk8kkSiWtjIwMWFpaory8HMXFxa/tV1VVhQkTJsDDwwMWFhZQKBQICQnBsmXL8OjRo/95zp49e0Imk9V5jBkzptFjrFq1CnZ2dnXaT548iW+++Ua3LJPJsGXLFr0+aWlpDe4fIiKqy0zqAERE9PYsLCwwe/ZsjB49Gs2bN5c6znvx9OlTyOXyt3rupUuX0L9/f6hUqtf2uXz5MkJCQmBnZ4ecnBz4+vrC3NwcZ8+eRX5+Plq1aoUBAwa8bfxGGzVqFDIzM/XamjVr9s7jOjg4GOxjZWUFKyurd34tIqJPCc84ERF9wMLCwuDo6IhZs2a9tk9907Ly8vLg4uKiW46Li8OgQYOQk5MDhUIBOzs7ZGZmoqamBunp6WjRogVat24NtVpdZ/zz588jODgYFhYWaN++PUpKSvTWl5WVITw8HFZWVlAoFBg+fDhu3bqlW9+zZ08kJSUhOTkZLVu2RN++fevdDq1Wi8zMTLRu3Rrm5ubo2LEjdu3apVsvk8lQWlqKzMxMyGQyTJ8+vd5xxo4dCzMzM5w6dQqRkZHw9vaGm5sbBg4ciO3btyMiIkLX9969exg5ciQcHBxgY2ODXr164cyZM3rjLVu2DO7u7pDL5fD09MSaNWvqfd1XNWvWDI6OjnoPGxsbAP+dBrl582Z88cUXaNasGfz8/HD06FEAwMGDBxEfH4/79+/rzla92N6Xp+q9+B0PHjwYMplMt1zfe6KgoADe3t6wsLCAl5cXli5dqlv39OlTJCUlQalUwsLCAiqVqsH3HBHRx4iFExHRB8zU1BQ5OTlYvHgx/v7773caa//+/bh+/Tp+++03zJ8/HxkZGfj666/RvHlzHD9+HGPGjMHo0aPrvE56ejpSU1Nx+vRpBAUFISIiArdv3wbwvPDo1asX/P39cerUKezatQs3btxAZGSk3hirV6+GXC7HkSNHsHz58nrzLVy4EPPmzcPcuXPxxx9/oG/fvhgwYAD++usvAEBlZSV8fHyQmpqKyspKpKWl1Rnj9u3b2LNnDxITE2FpaVnv67w8zXHo0KG4efMmdu7cidLSUgQEBKB37964c+cOAKCoqAgTJkxAamoqysrKMHr0aMTHx+PAgQON3OsNmzp1KtLS0qDRaNC2bVtER0ejpqYGwcHByMvLg42NDSorK1+7vSdPngQAqNVqVFZW6pZfVVhYiO+++w7Z2dk4d+4ccnJyMG3aNKxevRoAsGjRImzduhUbN25EeXk5CgsL9QpvIqJPgiAiog9SbGysGDhwoBBCiG7duomEhAQhhBBFRUXi5f/eMzIyhJ+fn95zFyxYIFQqld5YKpVK1NbW6to8PT1F9+7ddcs1NTXC0tJSrF+/XgghREVFhQAgcnNzdX2ePXsmWrduLWbPni2EECIrK0v06dNH77WvXbsmAIjy8nIhhBChoaHC39/f4PY6OTmJ7OxsvbbOnTuLsWPH6pb9/PxERkbGa8c4duyYACA2b96s125vby8sLS2FpaWlmDRpkhBCiEOHDgkbGxvx+PFjvb7u7u5ixYoVQgghgoODxahRo/TWDx06VHz11VcNbktoaKho0qSJ7jVfPNauXSuE+O++LSgo0D3nzz//FADEuXPnhBBCqNVqYWtrW2dslUolFixYoFsGIIqKivT6vPqecHd3F+vWrdPrk5WVJYKCgoQQQowbN0706tVLaLXaBreLiOhjxjNOREQfgdmzZ2P16tU4d+7cW4/h4+MDE5P/fiwoFAr4+vrqlk1NTWFvb4+bN2/qPS8oKEj3s5mZGQIDA3U5zpw5gwMHDuiuqbGysoKXlxeA59cjvdCpU6cGsz148ADXr19HSEiIXntISMg7bfMLJ06cgEajgY+PD548eaLLXl1dDXt7e738FRUVuuznzp1rMFNhYaHecw8dOqTrFxMTA41Go/d49dqqDh066H5WKpUAUGf/v6uHDx/i0qVLGDFihF7WmTNn6rYzLi4OGo0Gnp6eGD9+PPbs2fNeMxARfQh4cwgioo9Ajx490LdvX0yZMgVxcXF660xMTCCE0Gt79uxZnTGaNGmityyTyept02q1jc5VXV2NiIgIzJ49u866F4UAgNdOm3vfPDw8IJPJUF5ertfu5uYGAGjatKmurbq6GkqlEgcPHqwzTn13s6vPgAED0LVrV91yq1atdD/b2trCw8Ojwee/vP9fTCF8k/3fGNXV1QCAlStX6mUFnhfLABAQEICKigrs3LkT+/btQ2RkJMLCwrBp06b3moWIyJixcCIi+kjk5uaiY8eO8PT01Gt3cHBAVVUVhBC6g+/3+beXjh07hh49egAAampqUFpaiqSkJADPD7h//vlnuLi4wMzs7T9ybGxs4OTkhCNHjiA0NFTXfuTIEXTp0qXR49jb2+PLL7/E999/j3HjxjVYsAUEBKCqqgpmZmavvZ7H29sbR44cQWxsrF6mdu3aAQCsra1hbW3d6HxvQi6Xo7a21mC/Jk2aNNhPoVDAyckJly9fRkxMzGv72djYICoqClFRURgyZAj69euHO3fuoEWLFm+Vn4joQ8PCiYjoI+Hr64uYmBgsWrRIr71nz574559/MGfOHAwZMgS7du3Czp07dXdwe1dLlixBmzZt4O3tjQULFuDu3btISEgAACQmJmLlypWIjo7GpEmT0KJFC1y8eBEbNmxAQUGB7oxGY6SnpyMjIwPu7u7o2LEj1Go1NBoNCgsL3yjv0qVLERISgsDAQEyfPh0dOnSAiYkJTp48ifPnz+umDYaFhSEoKAiDBg3CnDlz0LZtW1y/fh3bt2/H4MGDERgYiPT0dERGRsLf3x9hYWHYtm0bNm/ejH379hnM8ejRI1RVVem1mZubN/q28i4uLqiurkZxcTH8/PzQrFmzem9n7uLiguLiYoSEhLx2/BkzZmD8+PGwtbVFv3798OTJE5w6dQp3795FSkoK5s+fD6VSCX9/f5iYmOCnn36Co6Njo8+8ERF9DHiNExHRRyQzM7POVC5vb28sXboUS5YsgZ+fH06cOFHvHdjeVm5uLnJzc+Hn54fDhw9j69ataNmyJQDozhLV1taiT58+8PX1RXJyMuzs7PSup2qM8ePHIyUlBampqfD19cWuXbuwdetWtGnT5o3GcXd3x+nTpxEWFoYpU6bAz88PgYGBWLx4MdLS0pCVlQXg+dS4HTt2oEePHoiPj0fbtm0xbNgwXL16FQqFAgAwaNAgLFy4EHPnzoWPjw9WrFgBtVqNnj17GsyxcuVKKJVKvUd0dHSjtyM4OBhjxoxBVFQUHBwcMGfOnHr7zZs3D3v37sXnn38Of3//evuMHDkSBQUFUKvV8PX1RWhoKFatWgVXV1cAz8+czZkzB4GBgejcuTOuXLmCHTt2vPHvkIjoQyYTr058JyIiIiIiIj38qoiIiIiIiMgAFk5EREREREQGsHAiIiIiIiIygIUTERERERGRASyciIiIiIiIDGDhREREREREZAALJyIiIiIiIgNYOBERERERERnAwomIiIiIiMgAFk5EREREREQGsHAiIiIiIiIy4D/KZqGu80D/SwAAAABJRU5ErkJggg==\n"},"metadata":{}},{"output_type":"stream","name":"stdout","text":["Total number of geo-entities in fake reviews: 52188\n","Total number of geo-entities in real reviews: 438321\n","Most common geo-entities in combined reviews:\n","nyc: 18730\n","new york: 11723\n","N: 11296\n","philly: 9737\n","brooklyn: 8708\n","manhattan: 7052\n","yelp: 6512\n","philadelphia: 5930\n","ny: 5218\n","chinatown: 4128\n"]}]},{"cell_type":"code","source":["#Number of geo entites in the fake dataset\n","len(geo_entities_list_fake)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"gK42mZun5BMF","executionInfo":{"status":"ok","timestamp":1722833771275,"user_tz":420,"elapsed":211,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"5aac0d43-a14c-444d-bb7b-1c69f22a7440"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["60450"]},"metadata":{},"execution_count":71}]},{"cell_type":"code","source":["#Number of geo entities in the real dataset\n","len(geo_entities_list_real)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"T0NdOkHQ5Sfs","executionInfo":{"status":"ok","timestamp":1722833790580,"user_tz":420,"elapsed":179,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"1199e5fe-3941-49ee-b390-de7723e83364"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["513449"]},"metadata":{},"execution_count":72}]},{"cell_type":"code","source":["#Number of reviews in the fake dataset\n","len(geo_entity_counts)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"r-KY0p0L5b6S","executionInfo":{"status":"ok","timestamp":1722833825993,"user_tz":420,"elapsed":181,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"17c9bb08-27c4-4426-fa66-1851d41b4ea5"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["26870"]},"metadata":{},"execution_count":73}]},{"cell_type":"code","source":["#Number of reviews in the real dataset\n","len(geo_entity_counts_real)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"LWZ8vqf-5b_v","executionInfo":{"status":"ok","timestamp":1722833845719,"user_tz":420,"elapsed":211,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"d4e10076-c291-4c80-caae-b0b15c54baa0"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["205522"]},"metadata":{},"execution_count":74}]},{"cell_type":"code","source":["# Use a set to collect unique geo-entities\n","geo_entities_set_fake = set()\n","\n","index = 0\n","for entry in examples_fake:\n"," index += 1\n"," review = entry[0]\n"," print(\"Sentence \" + str(index) + \": \" + entry[0] + \"\\n\")\n"," doc = nlp_trf(review)\n"," print(\"Geo-Entites in Sentence \" + str(index) + \": \")\n"," for ent in doc.ents:\n"," if ent.label_ in ['FAC', 'ORG', 'LOC', 'GPE']:\n"," geo_entities_set_fake.add(ent.text) # Add to the set, duplicates are ignored\n"," print(ent.text)\n"," print(\"\\n\")\n","\n","geo_entities_list_fake = list(geo_entities_set_fake)"],"metadata":{"id":"RuWYEviKBzAE","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716530314575,"user_tz":420,"elapsed":166276,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"19b871f4-77da-43a0-f0c3-76301053b7e6"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Sentence 1: we are local residents . we had high hopes for agricola . local farm to table . ex french laundry chef . i called on a wednesday evening at Npm to see if a table for two was available . \" can you hold please . \" i was put on hold for N minutes . just as i was about to hang up and call back the hostess came back on the line . i asked for a table for two for tonight . \" we can seat you at N Npm . \" i accepted the reservation . we arrived at N N and were ignored when standing at the hostess desk . they did not greet us . i finally got one of them acknowledge our reservation for N N and told them we would have a drink in the bar while waiting for our table . the acknowledgement was brisk , cold and unwelcoming . we sat at a community table in the bar . we ordered two martinis . it took longer than it should have to receive our drinks . when the drinks arrived i noticed that they were N N full . the glasses were room temperature . i took a sip . it tasted strongly of a sweet low grade vermouth with a nasty aftertaste . this was the worst martini i ' ve ever tasted . i spoke to the waitress and politely pointed out that the bartender did not know how to make a martini and asked why was the glass N N full . she told me that they measure out all of their drinks using a \" template \" and that they would not pour more . i said fine , but it tastes overly sweet and bad . the waitress went to the manager with our feedback . they decided to comp us two glasses of wine with dinner . next the hostess arrived and told us that our reservation was for friday night not tonight ( wednesday ) . i politely but firmly pushed back that this was not the case , reciting the phone call we had an hour earlier . then she said \" oh well you are in luck as we have a table we can seat you tonight . do you want to keep your reservation for friday ? \" i told her that no , our reservation was for tonight and we would not be need a reservation for friday night . we were seated immediately . the bar waitress told the hostess to make sure we got two glasses of wine on the house with dinner . we had to tell our waiter to comp the red wine when we ordered it . he smirked . interestingly , red wine came in a white wine glass . the olive oil provided for dipping bread was extremely low grade and rancid tasting . we could not eat it . we ordered the parsnip soup special . the soup was over processed and loaded with sugar which covered up the taste of the parsnip . not something we would expect at an expensive farm to table with an ex french laundry chef . i ordered the arctic char and my wife ordered the scallops . her plate came with a smear of turnip puree and three scallops . nothing else on the plate . more like an appetizer than a dinner plate . the scallops were well cooked and high quality . a small plate for N was not a good value . my fish was a small tail end cut . the plate was cold and the meal was lukewarm . no where near french laundry standards . the owner was walking the floor stoically , arms folded , with a pained look on his face . we did not see him speak with any customers . he seemed focused on observing the staff . no smiles . minimal interactions . the boss inspecting , not coaching . this seemed demotivating to the staff . they kept in constant motion . trying to look busy for the boss . the customers were less important . we skipped desert , paid the check and left . we will not be back . we recommend that you stay away from agricola until they focus on customer experience . this will require a properly trained and motivated staff , better food quality , and more value for the prices charged . and let it flow in bar . \n","\n","Geo-Entites in Sentence 1: \n","agricola\n","N N\n","N N\n","desert\n","agricola\n","\n","\n","Sentence 2: i came to pitaziki with a friend . having eaten plenty of mediterranean food-- with a few disappointing experiences-- i walked in unsure of what to expect . the layout was strikingly similar to the chipotle set-up that ' s all the rage nowadays . but , merely stepping into the restaurant took me on a trip that was undeniably mediterranean . the smell instantly dispelled any impressions of chipotle that had lingered -- something that i would be very thankful for . following my nose led me to the counter where a very friendly worker greeted me . although i was unfamiliar with the menu and many of the items that were offered , the delightful colors and textures drew my eyes . with the wonderful help , and recommendations of the worker , who perfectly constructed a rice bowl to my tastes , i was able to dig in after just a few moments . although i cannot name half the items in my meal , the chicken shwarma rice bowl took me on a journey , full sails ahead ! the food was comparable to the best restaurants that i have been to for a mere pitance of the price and many knots quicker . the seasoning and the preparation of each item was perfectly in harmony with each other , creating a unique ecosystem in my mouth , bustling with activity , yet ever so delicately in balance . oh wait , the food almost made me forget i was supposed to be eating with my friend . she simply loved her pita as well . although there are a lot of options in downtown new haven , i strongly recommend that you visit pitaziki . the food is wonderful , and the workers simply make the meal that much more enjoyable . cheers ! \n","\n","Geo-Entites in Sentence 2: \n","pitaziki\n","chipotle\n","chipotle\n","new haven\n","pitaziki\n","\n","\n","Sentence 3: i was excited to try this place . all my friends that went when it first opened said it was awesome . they all went before it had it ' s liquor license and they were giving out free booze . that should have said it all . . . i was extremely dissapointed . i have no problem with cramped busy restaurants , i enjoy that type of atmosphere . however , i felt the staff was extremely rude . i asked about two different wines and all i got from the waiter was \" they are both good . \" i know the restaurant was busy , but el vez across the street is also very busy , and when i go there i still get nice service . . . and at a wine bar , i expect to get an opinion on wines . . . besides that , the waiters were yelling to each other over our table , i had to wait twenty minutes for my wine ( they brought me the glass after i ordered but no one actually came over to fill it until i asked ) and when we left , i looked right at the hostess and cheerfully said \" have a good night \" and she gave me a blank stare and said nothing . the chef at the front looked horrified , looked at us , and said \" have a great night , thanks for coming . \" the staff seemed like they were overwhelmed and didn ' t want to be there . definately not customer oriented . as for the food ? it was okay , nothing special . the pizzas at garces trading co . definately trump these . plus , garces is byo but has a wine store right there , so you can get great food and wine for less money and better service ! the pizzas at zavino did not taste fresh , were extremely salty and oily , and the topping choices were boring . bottom line , if you are going to have a restaurant that is known for wine , make sure the wait staff actually know about wine . and if you are going to have a restaurant located next to awesome restaurants , make sure you have a staff that make it worth choosing this place over any of the restaurants with better food a half block away . after leaving i had wished we had just gone to lolitos , el vez , garces , or anywhere else . won ' t be going back . \n","\n","Geo-Entites in Sentence 3: \n","el vez\n","garces trading co\n","garces\n","byo\n","zavino\n","lolitos\n","el vez\n","garces\n","\n","\n","Sentence 4: my wife and i went to rubirosa during our christmas season trip into manhattan . we saw great reviews on yelp and in new york magazine and made a decision to eat a pizza for lunch . the restaurant is very easy to find , just being a block from the spring street N subway stop . we ordered an appetizer of fried calamari and a small fresca pizza . the circles and tentacles of the calamari were crisp , lightly breaded , and not greasy and were served with a small cup of delicious marinara sauce . the pizza was unlike any we ' ve ever eaten . the crust was flavorful , very thin , and crisp . a slightly chunky tomato pizza sauce covered the crust with wonderful globs of fresh mozzarella scattered about and topped with chopped bits fresh basil . there were small bowls of oregano , crushed red peppers , and parmesan for sprinkling . the amazing thing about the pizza was that it got better with each bite . our only mistake was ordering the small instead of the large pizza . our server was very good and placed a carafe of water on the table before taking our drink orders . the pizza was one of the finest tastes we enjoyed during a N day trip . \n","\n","Geo-Entites in Sentence 4: \n","rubirosa\n","manhattan\n","yelp\n","new york magazine\n","spring street N subway\n","\n","\n","Sentence 5: i live about a block and a half from here and i am writing this review because basically i have had it . first off , the food there is not all that . people go on and on about it but it really isn ' t that special . on top of it , they go out of their way not to advertise their happy hours , the afternoon evening one and the late night one especially . people should not have to call and ask nor should they have to seek out that special menu and ask when it starts when it ' s over . it ' s crap . places that are actually on the square like devon , have no problem doing this advertising and letting people know when the happy hours start and what is included ( food and or drink ) outside of the above issues there ' s also the fact that the other night ' s visit constituted maybe the Nrd or Nth time i have ordered a burger there and it did not come out the way i ordered it . i always ask for it medium well which means that there should not be a lot of pink in the center . again it comes out underdone . it was basically medium . and my issue with that is i really do not like underdone meat and the server who knows me by name knows this and has been there when i sent burgers back before -- which i hate to do because i don ' t like to make a fuss and i also don ' t think kitchen staff takes it well when you send things back-- and still the burger was not right . i took N bites and could see the bright pink . thank goodness i had ordered take out because i was able to microwave it and get it to the temperature i like . i need people in these restaurants to start listening . annoying . \n","\n","Geo-Entites in Sentence 5: \n","devon\n","\n","\n","Sentence 6: we had friends who went the first night to enjoy the bar and said it was an amazing vibe and was just a beautiful space . they couldn ' t have been more right ! chef ' s designer and partner hit the mark to a t . i love history and i loved hearing all of the ways they kept the integrity of the train station an old station bench , the clock . the wall fixtures and the ticket booth lights on the bar add the ambiance of the space . and we were so welcomed by a friendly face from passionne with madison hosting . unfortunately , she ' s not a permanent fixture but hopefully after her world wide adventure she ' ll be back to p p ! now the important stuff . . . . we had such a hard time choosing what to order on our first visit . so alas we decided to share the lobster tagliattle and the elote as our apps . so glad we did . the housemade pasta was melt in your mouth delicious , they def did not skimp on the amt of lobster in the dish and the lobster reduction sauce was unreal ! the elote , a corn dip of sorts was a delicious creation , i need the recipe for my next dinner party . a nice simple kick to it but a really creative combination of ingredients . our entrees were a venison you didn ' t even a knife to cut w the best collards i ' ve had outside of north carolina . truly i ' m at a loss of words as to how delicious this dish was , besides melt in your mouth cooked to perfect - a must order . we then had to order cod dish that was a staple on the chefs previous menu at passionne . an oldie but goodie , chef could make this dish in his sleep i ' m sure , each and every time it ' s a culinary delight . we also shared a small portion of the mushroom risotto , man o man ! ample mushrooms , risotto cooked to perfection , a truly delicious and hearty dish , i ' ll come back in the winter for that dish ! for dessert we had the chocolate souffle that is accompanied by an amaretto ice cream that ' s to die for . my wife had the key lime pie , she loves those , it did not disappoint , a delicious crust with a beautiful presentation , another must order . chef ' s attention to detail in creating this menu was apparent , his dedication to local retention of his of product is admirable and appreciated . i absolutely love that this chef knows his farmers , births a lot of his animals , picks which lamb cow duck vension is for his establishment . i don ' t believe any chefs in the area go to the extent that chef carrino does , chef know , it ' s appreciated . the beer list is extensive , local for the most part and so affordable that i was shocked and asked the server if there was a misprint ! my wife tried the az stronghold wines by the glass and they were surprisingly wonderful being fro arizona , who knew ! ! our server could answer every single question we had about the food and the drink list . honestly , i expected a few rough patches in service , timing , etc . . . . . didn ' t have a single complaint , except it did get a little loud while the bar was full , but it didn ' t really affect our experience . i ' ll def request her on our next visit , which i ' m hoping is next weekend . i plan to stop here nightly for my \" walk home from the train \" beer . . . and i can catch a game in the bar . chef really outdid himself on this one . . . . . . now we see why he closed passionne , which was an amazing spot for us , but more of a special occasion place . p p will be a multi night week joint . pop in for a drink , head home . dinner w the wifey . drinks w friends b f a show . work dinners . i can see this place doing very well , i should get my reso ' s locked in soon . . . . . . so should you ! \n","\n","Geo-Entites in Sentence 6: \n","chef '\n","north carolina\n","passionne\n","az stronghold\n","fro arizona\n","passionne\n","p p\n","\n","\n","Sentence 7: will not be going there again . service is bad , long time between ordering and food being delivered . drinks are not refilled by servers unless asked , that is if you can find your server . owners are too busy taking up space at tables and talking to some \" regulars \" about personal issues . even when the owners see customers waiting for drink refills they ignore it . this service has been happening the past N times i have been there . the food is okay , not worth the prices . they charge new york prices in central new jersey . the reuben is prepared strange , the bread is not grilled , it is toasted so basically it is not a reuben , but a corned beef sandwich with sauerkraut , swiss cheese and russian dressing on toasted rye bread . when server is questioned , they said this is the way it is always prepared . have never had such a bad reuben sandwich . my child , who is N , ordered from the kids menu and the server said that he could not order from the kids menu because he was too old . i have never had any server any where tell a child that they could not order from the kids menu or question the ages of children . \n","\n","Geo-Entites in Sentence 7: \n","new york\n","central new jersey\n","\n","\n","Sentence 8: i should title this review \" the front of the ship \" , as in \" the back of the bus . \" i have wanted to go to the moshulu for a long time , because i ' ve heard good things about the food and service and also because i ' m interested in the ship and its history . the food and service were terrific , but there was one major problem . when we were seated , the hostess took us to the back left room in the dining area , which is actually toward the bow of the ship . my companion , who is black and has experienced being put in the corner in many restaurants , thought we were sent to this inconspicuous area because we are an interracial couple . she said , could we sit at another table , next to where we were seated but not in the back room . the hostess explained that they have to seat tables in a way that will balance the number of parties each of the servers is helping . however , within three minutes , the table we had asked for was filled , i believe by two or three white men . i was skeptical about what my companion said , or should i say naive . the waiter asked if we wanted to speak with the manager , but we didn ' t ( we should have ) . when we were seated , another interracial couple was seated in the back room , and within short order two additional black couples were seated there , where there may be eight or ten tables . in fairness , when i went to the men ' s room , i found that there were a couple of black couples seated elsewhere . needless to say , this experience ruined our evening at the moshulu . the restaurant needs to do something about what seems to be a discriminatory policy , whether it is or not . maynard r \n","\n","Geo-Entites in Sentence 8: \n","moshulu\n","\n","\n","Sentence 9: worst restaurant manager by the name of andrea lucignani , who is more concerned about having power over customers rather than understanding . although all three of us in our group were there a minute before his prescribed deadline , he gave away our table saying dismissively that a minute or two didn ' t make a difference ( at least to him , not even wanting to hear that one of our friends came all the way from Nrd and madison navigating through all the un street closures ) . earlier , two of us who were there before the reserved time , made an offer to sit and start ordering wine and appetizers since our friend was just a few blocks away but was stuck in traffic . we even offered to eat as fast as possible to make room for another turnover . andrea would not listen to any of it , snootily saying that it ' s the restaurants policy . period . this is the kind of restaurant that makes you feel that they don ' t really need your patronage because they are so hip and busy . although i ' ve been here many times before , i ' m never going back there and i ' m telling all my friends and business associates not to . unfortunately for them , my friends and i eat out a lot and we have a lot of friends who do too . \n","\n","Geo-Entites in Sentence 9: \n","Nrd\n","un\n","\n","\n","Sentence 10: so , N beers on tap . . . . . . um yes please ! city tap house is a great place for a great beer and a bite ! the beer selection is amazing , with the likes of russian river pliny the elder , brewworks hopsolutely , and hitochino , just to name a few ! the beer list is constantly changing , and they often have exclusive beers that no one else in philly gets ! the out door fire pits are great for grabbin a beer and hanging with friends , but fill up fast ( first come first serve ) . the food is nouveau gastro-pub and quite good . here are some highlights N spice dry rub wings---awesome , slow roasted for like N hours at low temp , so they get crispy but stay juicy ! served with a housemade bluecheese ranch dipping sauce . calamari-buttermilk battered with jalapeno peppers with awesome basil aoli and thai chilli dipping sauces . sweet potatoe fries-they soak them in a vanilla brine before frying them so they come out candied ! med plate- hummus , feta , roasted peppers , olives , cumin yogurt cucumbers , and homemade flatbread-a real winner with a big group ! the pizzas are also great made from scratch , my fav is the tartuffo-a white pie with portabella , crimini , and button mushrooms . it is topped with a open-face egg , has tellagio cheese , and is drizzeled black truffle oil ! you can add guanciale--high end italian bacon ( similar to pork belly ) i highly recommend it ! the burger ' s amazing , housemade from shortrib and brisket and you can actually get it rare to med-rare ! yay ! the grouper is delicious with a pesto sauce that can ' t be beat . the ribs are quite good , dry rubbed and done in a calvados based bbq sauce served with slaw and fries . always find out the specials , they do some pretty original stuff for such a large venue . ( duck cassoulet and oatmeal stout braised lamb shanks ) i find the best time to visit is during the week in the evening or on sundays . cth definitely worth checking out ! \n","\n","Geo-Entites in Sentence 10: \n","N\n","city tap house\n","philly\n","nouveau\n","cth\n","\n","\n","Sentence 11: wow ! its a shame that if i could , i would give this place N stars after my last experience here . let me begin by stating , i loved verlaines , loved it ! past tense . within the last N months , i had probably been there about N times and each time , i brought a new friend to experience it with and each time , the said friend enjoyed it just as much as me ! the same way i fell in love with the ambiance , the drinks and the food , so did they . it also goes without saying that every-time i visited , not only did myself and my guests order multiple drinks and platters , but we were always generous with tips . this past saturday i visited verlaines with yet another new patron ( and friend ) . friend and i entered the restaurant at about Npm , as expected , the place was packed but there was at least N open table available in the back . this table did not have any reservation sign , nor was there any indication it was being held . it appeared perfectly open . not even a minute after we had sat down , a guy with spiky blonde hair approaches us and informs us we cannot sit there for long because , it is \" reserved for N Npm \" . at this point , me and my new guest are highly confused . amid our bewilderment , the spiked hair guy assures us that he can serve us , but we will only have \" N minutes \" to eat drink . now this is where i got pissed . i inquired as to why , if literally every table in the restaurant was booked up , why were we not informed upon entering the restaurant ? had we known there was a waiting list upon entering we would have just explored other options ! the guy again , dismissively , informs me that there was someone at the door informing customers of such and we must have just missed them . now this was a flat out lie . at this point , i got up and began actively looking for this \" host \" i seem to have missed upon entering the establishment . i end up encountering this small brunette girl , i inform her that me and my guest we not made aware the place was entirely booked and there was a \" waiting list \" . she assured me the waiting list had \" just began \" and me and my friend would be the Nst chosen . ok . fine . returned to the table , and by this time it was about N Npm and the guy comes back and informs us the guests had arrived and we would have to move to the lounge . again , we are reassured that within the lounge we will be served . the lounge hostess guides us over , i attempt to sit in one spot and she quickly taps me and says , \" no , no , no that ' s reserved too \" and then ushers me over to another seat . wow . even in the most high end restaurants i have never been made to feel like cattle . my friend and i are then left with menus , being that my friend was new to the restaurant , she needed a moment to make up her mind . please let me emphasize , she needed a \" moment \" . not nearly N more minutes . by this time we were both starving and i was mortified . never have i experienced such careless , flippant customer service . i was so embarrassed for even dragging my friend a long , especially after speaking so highly of it beforehand . my friend was not impressed whatsoever and after more than N min of being bused around , with no drink or food , she asked me if we could just leave and we did . i can count the number of times i have walked out on a restaurant on one hand . with verlaines being the Nst nyc restaurant i have ever walked out on . truly , truly disappointing experience . i really did love this place ! \n","\n","Geo-Entites in Sentence 11: \n","verlaines\n","verlaines\n","verlaines\n","Nst nyc\n","\n","\n","Sentence 12: going down hill as we speak . this place was good a few years ago . since the time , the non-indians have taken over the cooking and preparation , it ' s definitely gone down hill . the owner seems miserly . neither does he smile nor is he courteous even if you smile and say hello . agreed , our culture isn ' t about \" hey ! how is it going or hi ! welcome to dosa express - how can i help you ? however , sans mannerisms , the food is not exotic that i can rave about . also , there are only a couple of items that you can have . due to the cheap prices , i guess this place gets loaded with indians . don ' t be fooled by the crowd . it ' s not the food quality but the price that attracts the indian bees . i was again there last week and frankly speaking that was the last visit . the hispanic population must not be entrusted to prepare indian dishes . also , you cannot tell the owner that the food is not good . . neither will he take it back nor offer an apology . it ' s time to try a better place . p . s . wonder whether the chefs have been moved to parsippany where the new branch of this restaurant is opening . either way , the quality is not something i will endorse for any culture to try out . true indian \n","\n","Geo-Entites in Sentence 12: \n","dosa express\n","parsippany\n","\n","\n","Sentence 13: yesterday i was on vacation in nyc staying at a hotel a few blocks away and wanted to hit a great nyc breakfast spot . penelope ' s was recommended by the hotel concierge . i arrived and put my name in . i was by myself . the host asked me if i wouldn ' t mind sitting at the bar and i said i would love to . the expected wait for a seat at the bar was about N minutes . other people in groups were told N minutes to an hour wait for a table . the restaurant was very busy and after about N minutes of waiting outside on a beautiful day , i went inside to check on my seat and the host said it would be a few minutes longer . a few minutes later i was seated . i was thrilled to see that they had crab cake eggs benedict as a special . i ' ve never had it before but i love crab cakes and i love eggs benedict so it seemed like the perfect choice for me . when my meal arrived i was immediately disappointed by its appearance . eggs benedict is supposed to be topped with holladaise sauce and the egg yolks are supposed to be soft and runny . my egg yolks were hard as rocks and there wasn ' t a drop of hollandaise sauce to be found . i tried the dish anyways , but the taste of dry hard cooked eggs on top of crab cake with no sauce was a complete turn off and it was quite shocking to me that such a dish would be allowed to leave the kitchen of a reputable restaurant . i re-read the description of my dish to make sure i didn ' t misunderstand it and indeed the description said that the dish was prepared with hollandaise sauce . i spoke with the manager on duty and explained to her that my dish wasn ' t prepared properly and the reasons why . she was very professional , apologized , and i didn ' t have to pay for it . as an added token , she gave me a cupcake in a cute little to go cup and said that she hoped i would come back again . on my way out i visited the restroom first , and as i stepped through the hall where the kitchen is into the restaurant to make my exit , i noticed another plate of crab cake eggs benedict leaving the kitchen looking exactly as mine did . . . rock hard dry eggs and no hollandaise sauce . . . unbelievable ! i was disappointed with my experience here . my meal was not prepared properly and the fact that i was a party of one and waited so long for a spot at the bar was too much . i was a hostess and server in restaurants for several years back in the day and in my experience a party of one is seated quite quickly . however , people don ' t line up at this place for an hour every saturday and sunday morning for nothing so next time i am in nyc i will give it a second chance and maybe order something more safe like bacon and eggs . \n","\n","Geo-Entites in Sentence 13: \n","nyc\n","nyc\n","penelope ' s\n","nyc\n","\n","\n","Sentence 14: i am a trenton native and after some time away from my fair city , it is nice to finally have a place in trenton that has a great ambiance and a good vibe ( lounge set-up , outside patio , local art exhibited , dim lighting , etc . ) . so why don ' t i go there more often ? why am i not a regular ? three words service by benny . by far service here is slow and inattentive , even if you are sitting at the bar in plain view with an empty glass . but in all fairness , it is not all the service that gets under my skin . i actually enjoy the friendliness espoused by the owner , the chef , the girls that serve on the floor and even the owner ' s fianc e ( she is super sweet and has good business acumen - be friendly with the patrons ) . however , behind the bar seems to be the most rude bartender ever - benny . mind you , i bartended for over N years and understand the mix of personalities that come into a bar , i \" get \" being busy and trying to run a one-man show , but that is no excuse . against my better judgment , i took some out of town guests to trenton social on saturday . i actually made a silent prayer on my way there that benny wouldn ' t be on shift so early in the day ( sad , i know ) . note the other bartenders may not be the best cocktail makers , but they are polite . at first , i kept my opinions to myself to not bias my guests . however it didn ' t take long before they were all disgusted with his attitude and lack of service . after making us wait , he rushed us to take our drink order and then proceeded to get annoyed because we were ready to order our food . when one guest asked regarding the filet mignon sandwich , he snidely responded \" its filet mignon on bread , what else do you want to know \" . really ! ! ! the rest of the service pretty much went the same , he returned with drinks after a while and made no effort to give drinks or food to the person that ordered the meal , and instead he placed them down and left us to pass plates across a table of N of us . it ' s a shame a great place like trenton social has such an ill-mannered bartender at the helm of service . jackie trenton native \n","\n","Geo-Entites in Sentence 14: \n","trenton\n","trenton\n","trenton social\n","trenton social\n","\n","\n","Sentence 15: my husband and i have come to miya ' s many times and always have a great time . we find the staff approachable , entertaining and the mood of the restaurant to be electric . that being said this last visit was the first time since the menu change away from tuna shrimp . i applaud them for attempting the sustainable menu - and for allowing the local catches priority on the menu . i really do ! i do however feel like it has taken the quality of the food down a notch . i ' m still giving N stars because i just love the concept the restaurant so . . . but mackerel is mackerel no matter how it ' s prepared and snobby seafoodies like myself hate the oily , fishy , nasty taste no matter how a chef attempts to dress it up . long island sound mussels and clams taste like they come from the long island sound no matter what you do . not sure what to order ? try the multi -course \" le wind \" . there ' s something for everyone and the lobster kanibaba is worth every penny of it ' s N N piece price . . . i am still salivating for it now a month later . \n","\n","Geo-Entites in Sentence 15: \n","miya ' s\n","N\n","\n","\n","Sentence 16: i stopped by damons on a thursday at N pm , i ordered a beer , sat back and kind of took it all in . i asked myself is this a sports bar ? because it has so many tvs ? \" not really the atmospheres a litle to upscale \" . kids all over the place eating with thier parents . i also couldent picture a bunch of guys watching the game with football jerseys yelling for thier teams while thurston howell the third sat in the booth near the bar eating his salmon dish . its a restraunt with a lot of tvs basicly . service was very slow N servers at bar trying to keep up during happy hour and the cardinal sin of any bar ! they ran out of bud light bottles ! ! ! i was told it would be delivered friday ( iwould have stayed and waited but i didnt bring a change of clothes . . well my friends went in saturday and they told me that the bud light bottles were still out ! ! ! you would think the owners could have made an effort to replenish thier stock from somewhere ? ? ? oh well if the meatloaf muffins ran out all hell would have broke loose ! oh well i am sure i will run into chef gordon ramsey hanging out at damons restaurant ( i mean tavern ) . he just better not order a bud light ! ! ! thats all . \n","\n","Geo-Entites in Sentence 16: \n","damons\n","damons restaurant\n","tavern\n","\n","\n","Sentence 17: i was majorly disappointed when i heard that union picnic closed , but jimmy ' s diner fills up ' s shoes nicely in the southern food department . i ' ve eaten in once and by the time my bowl of tater heaven came , i was too full to eat most of it because i ' d been filling up on the free donuts and oh my god they just had to go and fry their deviled eggs , didn ' t they ? our waiter was absolutely the nicest i ' ve ever had in brooklyn . the place has southern hospitality to go along with their southern inspired menu , which is hard to come by in this great state of new york . i ' ve ordered out twice and the first time i got the cowgirl veggie burger which was out of this world and a side of fries which were nice and crunchy and perfect . the second time i was violently hungover and ordered the cheese grits and tater heaven once again . being a grit ( girl raised in the south ) myself , i know there is a right way and a wrong way to make grits . and jimmy ' s does them up right . the tater tots in the tater heaven are very interesting , almost more like hush puppies than taters , but still delicious . for dessert , i would definitely recommend splurging on their mocha malted milkshake because it is definitely worth the N . \n","\n","Geo-Entites in Sentence 17: \n","jimmy ' s\n","brooklyn\n","new york\n","jimmy ' s\n","the tater heaven\n","\n","\n","Sentence 18: from the first time i entered this place , i decided that it would be my home away from home . it is one of my haunts and always will be . i love the decor and the whole general vibe of the place . you can really pretend that you are in france , the wait staff speaks french and they never rush you out . they brought with them the whole relaxed attitude of the south of france . if i lived in williamsburg , i would never cook again as this place would be too tempting to pass up for a nice after work dinner and glass of wine . the \" p tes \" in the name implies that they sell pasta , don ' t confuse this word with pate which is a whole different type of food . yes , that little circumflex above the letter a does have a meaning . if you have a big appetite or you are extremely hungry , try to any of the pasta dishes . if you have less of an appetite have a savory crepe . if you are somewhere in between , the appetizers on the menu are all excellent . i highly recommend the socca as an appetizer , it is even better than any socca that had on a recent trip to nice , france ! i don ' t know how they do it ! this restaurant specializes in the cuisine of the south of france , a . k . a . the french riveara , c te d ' azur . the region at one time belonged to italy , the food reflects that as well as a melange of cultural influence over time . the restaurant p tes et traditions very accurately reflects the food of the c te d ' azur , as the owners are actually from nice , france . it doesn ' t get any more authentic that . enough of me trying to impress you with my knowledge of france and back to the food . when you come here , always ask if they have any specials . they may be more money , but they are always really , really good and the portions are generous . don ' t forget dessert . they have an entire menu of sweet crepes and desserts . i used to have to drive to qu bec city just to get good crepes and that ' s a long haul , but now i can simply go to p tes et traditions . this is a romantic place , so enjoy it with someone special today . if i could give it six stars i would , five stars just doesn ' t reflect how i really feel . \n","\n","Geo-Entites in Sentence 18: \n","france\n","the south of france\n","williamsburg\n","socca\n","nice , france\n","the south of france\n","riveara\n","c te d ' azur\n","italy\n","p tes et traditions\n","the c te d ' azur\n","nice , france\n","france\n","qu bec city\n","p tes et\n","\n","\n","Sentence 19: five professional woman one evening after work went to cuban pete ' s to relax , have some sangria , and eat . when the waiter came over i asked if we could have two checks . he said no they didn ' t do that . i requested he ask the manager to make an exception . he returned to our table and said the answer was still no . i asked to speak with the manager . this so called manager came over to the table and i explained to him that i needed a separate check for business purposes . he replied with , \" no . i don ' t want any trouble from you \" . with that i thought he was joking . he then told us to leave . i then realized this man was serious . he then escalated and told us to \" get out now \" . i asked him for his name and he wouldn ' t give it . i asked if he were the owner and he said no he wasn ' t . we left . he then followed us to the parking lot where i stopped a young man to ask if he could recommend a good restaurant in the area . this \" manager \" started yelling telling this person to not tell us anything . this man was insane . in my life i have never been to a restaurant that didn ' t split checks . i have never been to a restaurant where the manager flew off the handle and behaved like a lunatic . i have never been to a restaurant where the manager was so rude and obnoxious . now for the icing on the cake - this \" manager \" was the owner ! can you imagine the owner of any business behaving this way ? his name is dominic and apparently dominic has issues as he was arrested back in N ! in today ' s world people who exhibit this type of inappropriate behavior and who fly off the handle so easily cannot be trusted . how far would his temper take him ? so , restaurant goers , beware of the crazy owner of cuban pete ' s . do yourself a favor and stay away . too many wonderful restaurants out there who will actually treat you with respect and appreciate your business ! \n","\n","Geo-Entites in Sentence 19: \n","cuban pete ' s\n","cuban pete ' s\n","\n","\n","Sentence 20: i have seen bad restaurants , michael ' s is the worst of the worst , the first impression when i drove in the parking lot michael ( the owner ) was parking car , as i walked in ( the room is an l shape ) i notice a band playing in one side of the room while the other side had not speakers and you were not able to hear the music ( i am wondering if the owner noticed that ) on the rectangular table of N they had only one pitcher of water , and one pitcher of coke to serve half of the table , and a small plate of some short of antipasto good for two people ( full of papers and very little of anything else ) in front of my seat i had a photo copy of the menu cut by scissors . my other observations were N ) sorry looking salad ( it was cut the previous day and it was black ) N ) penne vodka . total submerged in a sauce very unappealing presentation N ) service not existing , one person in almost N to N tables of N N ) the water had a strong odor of chlorine ( not drinkable ) N ) missing silverware N ) first an second course on time ( walked in the room N N pm ) by N N pm first and second course were served , by N N pm the main course was not served ( an hour and half later finally they started to serve the main course ) N ) sorry looking presentation of the main course N ) after N minutes we completed our meal and they collected the plates , i was hopping to have a coffee after the meal , guess what , at N N pm i asked my wife to leave she said that why dodnt we wait for the coffee , by that time my patient was gone and we left . by the time we left not coffee was served . can you imagine the experience i had after N N hours of torture not coffee . this the worst experience i had , i hope the owners is able to make the necessary changes or i dont think he is going to last very long in the business \n","\n","Geo-Entites in Sentence 20: \n","michael ' s\n","N\n","\n","\n","Sentence 21: do not eat at the bar . when you eat at the bar , the sushi is made with profit in mind . the fish designed to be in the middle is missing most of the time and all you find is cucumber and rice . the drinks other than beer are a short pour , especially if management is watching . ever hear of a steak place that does not have a burger ? they have it only for lunch . so it ' s a N steak or no beef for you . ruth chris , on the bone , kc prime and salt creek grille all have burgers . i ordered collasal shrimp at N . N per and received medium at best . the explanation was they were out of the big ones so too bad . asking to see the manager is a waste of time . all she wants to do is explain to you how you are wrong . i even showed her a picture of the shrimp and she claimed it was a doctored picture . yeah , i do not even know how to do that . in the words of a very close friend \" i do not beg people to take my money \" i am gone from there forever . in addition , after Npm specials expire , you can experience great privacy at the bar . the place just empties out . tells you something about value for the buck . \n","\n","Geo-Entites in Sentence 21: \n","kc prime\n","salt creek grille\n","N . N per\n","\n","\n","Sentence 22: this place is run by people who do not understand service or simply do no care . to serve a customer requires not only to be efficient but also to accommodate those small requests that make for a general pleasant eating experience . just as the reviewer above was treated badly because she requested consideration when she was cold , so were my daughter and i . it starts when on the menu , not very prominently , they notify you that there is a minimum consumption of ten dollars a person . there are numerous dishes on the menu below that price , but obviously if you are not hungry , they do not want to serve you . the just do not want to be bothered . i ordered a dish that included noodles with a fried spring roll . while the spring roll was good , the bed of noodles on which it was served was totally cold , which in turn made the rest of the dish just as disagreeable . my daughter ordered a dish of shrimp served similarly , and her noodles were also cold . we agreed that while the flavors were good the dishes were mediocre as served . my daughter wanted dessert . so she ordered a taro root with coconut milk concoction that was indeed delicious . but as she could not finish it because she was no longer hungry , i asked the owner for a small container so we could carry it out . he got visibly disturbed and told me that the restaurant does not sell desserts to go . well . i proceeded to remind him that we ordered the dish to eat it in the restaurant , not to take out , and that only because we could not finish it we wanted the leftovers to go . the gentleman got even more angry and rushed to retrieve a menu with the apparent reason to show me that they do not sell desserts to go , as if that were the issue . at that point my daughter , more mature that both the owner and i , got up and told me that she did not want the dessert that badly , that it was not worth it . so we left , sans the dessert but six dollars richer from the tip i did not leave . philadelphia has tons of great restaurants , and dozens of vietnamese restaurants that do not skimp on gracious service . why anyone would want to patronize this place is beyond me . \n","\n","Geo-Entites in Sentence 22: \n","philadelphia\n","\n","\n","Sentence 23: caske has an extensive beer menu , but that is where the positive attributes end . at night caske pulls a jekyll and hyde act , transforming from low key beautiful beer bar into a lame club with loud thumping pop radio hits drowning out any attempt at conversation . the beer selection is massive but it is clear that they are catering to a clientele that doesn ' t want to try the latest craft brew on tap , which leads to a lot of beers being tapped longer than they should be . the food is so-so at best , i have repeatedly given in to the temptation to eat there when having an evening pint and other than the hamburger i have left unfulfilled . i am not gourmet chef but even i can cook a better mac and cheese than what i was served at caske . i have spoken to some who love there food and love caske but for my money i would much rather go around the corner to prime N . all this being said i still do stop in for a beer now and again as the interior is beautiful with good tunes ( on weeknights ) , friendly bartenders and good beer . \n","\n","Geo-Entites in Sentence 23: \n","caske\n","caske\n","caske\n","caske\n","prime N\n","\n","\n","Sentence 24: this is such a nice little place . i don ' t know why some people feel the need , the compulsion , to be ' spoilers ' , but we live with technology all around us , and we see these people in every stratum . i grew up in a world where computer technology went from non-existent to bare-bones fledgling technology . mobile phones were things that weighed about eight pounds , and people carried them around in small black suitcases . there were no graphics . no pictures at all . that ' s where \" smilies \" come from , btw , . . . using punctuation marks just to have any pictures at all . i ' ve played whole video games made up that way ( shivvver ! ) . and only two colors green or yellow ( either or , not both at the same time ) . . . . and there were guys like that \" petty gripey \" fellow even back then . the internet , per se , didn ' t actually exist , at the time . it was a loose affiliation of dedicated bulletin board systems ( bbs ' s ) . and use of capital letters in very lengthy ' rants ' are a sort of legacy , and as such , a couple of the things that we ' ve inherited that we ' re all familiar with ( that we all probably could do without ) . this is a very pleasant , homey little place . it ' s not haute cuisine , but it is cozy and comfortable , and the food is nice . shrug talk to yasser about his food ( and food in general ) . he ' s the owner , and he ( and kate ) prepare the meals . it ' s pretty obvious that he loves food . the place is relaxing . it ' s nice . again , shrug \n","\n","Geo-Entites in Sentence 24: \n","bbs\n","\n","\n","Sentence 25: the food was mediocre at best and the price did not reflect its quality . saigon shack is a very small restaurant so seating is greatly limited . it also implies that you will have a long wait until you will be seated and you will be rushed out as soon as possible . the waitresses came by , attempting to snatch our plates before we were even half finished with our meals several times just within the first N minutes after being served ( they also forgot one of the beverages we ordered ) . after being harassed with \" are you finished yet ? \" questions with their hands literally attached to our unfinished plates , we just gave up and let them snatch away our food . in the rush they were in to kick out their customers for the next to enter , liquid was spilled onto the shirt of our friend . the waitress ignored it and pretended like it never happened . service was terrible , food was mediocre , and the price was relatively expensive for the quality . if you ' re looking for true vietnamese food of great quality , this is not the place . \n","\n","Geo-Entites in Sentence 25: \n","saigon shack\n","\n","\n","Sentence 26: i exited the restaurant after a hearty goodbye to the kind host who had seated us at one of the many luxuriously furnished booths . i exchanged a look with my brother , whose legendary magnanimity had , once again , allowed me to eat at my favorite restaurant without paying a cent . he is a hero . the look communicated supreme contentment and transmitted the knowledge that we both would never feel as human , as ready to take on the world , than after we ate a meal at the mount olympus of restaurants , satish palace . as i passed a fleeting glance over my shoulder upon walking back into the bitter cold , i thought my eyes deceived me . the elaborate and ornate paintings that satish had hanging on his gold trimmed walls of heroic indian deities and vicious battles began to change . shiva the destroyer ' s face began to elongate , and become more circular . before i knew what i was witnessing , satish himself had become the very gods he worshipped . transfixed by the sight of the palace ' s proprietor becoming a demigod , i scarcely noticed the cadilac careening down the snow-packed slopes of bloomfield avenue . all i could do was leap out of the way as the car skidded across the barely visible double yellow and collided with the glass storefront that had so recently protected me against the winter ' s chill , a storefront which was now glowing a bright yellow . i saw my brother to my left , who had apparently not noticed the out of control car . he was pushed down in the commotion , and was lying with his face to the ground . but he maintained a curious pose his belly was the only thing touching the ground , and he was pivoting on it like N degree rocking chair . his curry-bloated stomach had saved him from sure hospitalization . that ' s when things became crazy . a pair of hands grabbed me from behind , and a curry soaked rag was placed over my mouth so i could not scream . i was dragged away from my brothers and was pulled underneath one of the booths . before i knew what was happening , i was tied to a floor and satish was standing over me grinning disturbingly . all of a sudden , the room started to get hot . he poured some sticky white stuff all over me and it was then i realized what was happening- he was baking me into naan ! \" oh heavens ! at least make it garlic ! \" i said i thought i was doomed to die in the pillowy pile of bread . but there was hope yet . i felt a firm grip on my second to last toe , which , at the last possible moment before the naan became so solid that nothing would have passed through its carbohydrate clutches , pulled me with at once great force and delicate finesse out of the darkness of the oven and into the dry cold of the winter ' s night . it was , of course , my brother , the hero . during the rescue he had broken my toe , but , anticipating that eventuality , had reset my toe in its socket , and gave me a pat on the head . i turned my startled head to search for the hero , satish , but when i saw him i gasped . he had morphed from mere mortal , to demigod , to steaming flaming pile of doodie . \n","\n","Geo-Entites in Sentence 26: \n","the mount olympus\n","bloomfield avenue\n","\n","\n","Sentence 27: big dishes . no food . premium pay . seriously , i hate all these classy restaurants with no food on the plates and each dish cost around N ( - N ) . my first impression was - wow . . . very nice and lovely . service is very professional , but . . . i left the place hungry , so as my friend who came to visit me from california . we spent about N and left the place hungry . so if you got a thick wallet and you are on a very restricted diet - this place is fo you . however , i should mention that there is a bar lounge on the first floor ( below the ai fiori ) - fantastic . . . and they serve food too ( stakes hamburgers , etc ) . i didn ' t try the food , because we already had a few pieces of complementary desert at ai fiori , but me and my friend ordered a chocolate sampler for like N . . . wow . . . worth every penny . so if you want to sit down somewhere nice i ' d recommend downstairs place rather than ai fiori ( upstairs ) . . . ( the downstairs place also have nice live music , not sure which days though ) . so the bottom line is - ai fiori sucks , just as any of those classy bs-places where they serve no food on the plates and charge you premium . \n","\n","Geo-Entites in Sentence 27: \n","california\n","ai fiori\n","ai fiori\n","ai fiori\n","\n","\n","Sentence 28: this review is basically for the lack of service , courtesy or humane treatment , for lack of better terms , that my party and i experienced last night . first of all , they never put down our reservation , even though we had called the day before to make them . mind you , we had N people in the party and were celebrating a birthday . i was the first to arrive , and was told that there were no reservations at all for a party of N or under the name of the person who made the reservations . so , i asked that we be put on the wait list . this was not a problem , until the owner came over and told the hostess to tell me that it would be a N hour wait . it started raining outside and they obviously did not have enough tables indoors to seat everyone who had made reservations and those waiting already . anyway , when i asked the owner what time they close ( as it was N already ) , he told me N . so , i said , with a N hour wait , our party will not be seated , right ? he said yes , that ' s right . at that point , i was beyond aggravated , but had to wait for the other members of my party to arrive so that we could decide what to do . everyone was huddled inside by the hostess stand , as it was raining outside . this is a nice way to put this , but the patrons waiting were treated like cattle , herded from one spot to another , with the owner vigorously telling the staff to \" get them out of here and tell them to stand and wait in that corridor if they want to wait inside ! \" or to move everyone from the stairs to the side . where were we , and the N other people waiting to be seated , supposed to go ? ! it was pouring outside . the space by the hostess stand is small as it is . but with everyone from the outside who was having dinner when it started pouring coming inside to find shelter , it was like a can of sardines . and the owner and staff being condescending and plain mean did not help . after all of us arrived , and we were again informed that we would not be seated , we decided to do the next best thing - find somewhere else to eat that would seat N on short notice that was relatively close . i was very pleased when we went to spice ii , which is a thai place just down the street . pleasant service , quick , and good food . plus it was byo and accommodated a party of N on N minutes notice . we ended up having a great night . never again will i subject myself to the rude , inappropriate and condescending treatment that myself and my party received at cuban pete ' s . thanks , but no thanks ! \n","\n","Geo-Entites in Sentence 28: \n","spice ii\n","byo\n","cuban pete ' s\n","\n","\n","Sentence 29: clearly much has been said about how great mama ' s vegetarian is . i ' m just here to add to the crowd of people in philadelphia who cannot get on with life without some of the tastiest falafel in the city . their timings and rapidly selling out stocks make for an adventur-esque experience especially if you don ' t live close-by , but i still relish the challenge of trying to get there in time and while stocks last . the falafel , pita , salad , hummus , latkes are all to die for . and their fries are a different experience all-together . i love that they offer whole pita as an option . the prices are just right , a sandwich and my brain is shut off for the next N-N hours . however they accept only cash , though they have an atm on the premises . also if you need extra tahina sauce feel free to ask them for a container to carry it . i just love my sandwich drowned in tahina , thus . anyways , i really have nothing great to add , the place is great , possibly the best falafel in philadelphia , and highly recommended . if they ever started delivering , i think i would die of overeating ( but that would be a beautiful death ) \n","\n","Geo-Entites in Sentence 29: \n","philadelphia\n","philadelphia\n","\n","\n","Sentence 30: needs improvement , but overall , N stars . hands down , the best sandwich in new york . panini and crustini options are creative , yet the ingredients are simple . everything you eat gives you that wholesome feeling , but never makes you feel uncomfortable or overwhelmed . must try the pupu platter the first time you come here , because it ' s your chance to sample different flavors and find out what taste is right for you . the decor and atmosphere is cabin central united states americana meets pre-hipster brooklyn . not pretentious , very genuine , warm , pit-stop-during-a-long-road-trip-through-colorado kind of feel to it . that said , there ' s plenty of room for improvement . first , one sweet wine on the menu ? try throwing in a bartenura muscato di asti , or a N year old port . second , drink options are standard and limited . the panini and panna cotta are the main attraction , but a few out-of-the-ordinary-but-not-too-crazy hot chocolate , milkshake , or even egg nog options wouldn ' t hurt . third , the menu is not in compliance with the nyc administrative code - it doesn ' t break down how many calories everything is . that aside , people use apps like mynetappdiary to track what they eat . if what they ' re eating is hard to input and keep track of ( grams of fat , carbs , protein ) , they ' ll move on to something more standard and easier to input . try making the menu easier for the conscious eater friendly and those customers ( mostly in queens manhattan ) will love you for it . lastly , the panna cotta is absolutely amazing . i would keep ordering more of them if those chocolate covered corn flakes were smaller or \" pre-cracked \" . i feel like julia roberts with the snail in pretty woman every time i try to actually break those things into a manageable size . \n","\n","Geo-Entites in Sentence 30: \n","new york\n","united states\n","brooklyn\n","colorado\n","queens manhattan\n","\n","\n","Sentence 31: i went to la viola a few times over the summer while i was in philly . the food is very good and reasonably priced . the atmosphere isn ' t super fancy , and the tables are small and close together , but none of that bothers me . the reason la viola gets a N star rating for me is the service . my experience was so amazing one night , it convinced me to write this review . my boyfriend and i were having a late dinner , with reservations around N N . it was a beautiful summer night , so we chose to sit outside . right as our dinner was almost over , i noticed it was starting to lightning , so my boyfriend ran inside to pay the quickly pay so we could leave before it started raining . however , before he returned , it started violently raining . after a few minutes trapped in the rain ( under an awning ) i chose to dash into the restaurant . my boyfriend and several others were just standing in the covered doorway , trying to figure out what to do . after a few minutes of this , the man i presume to be the head waiter invited us back inside to sit at a table until it stopped raining . we decided that while we were inside , we would order dessert , even though our dinner bill had already been settled . i had the coconut gelato , and it was delicious . once we noticed it was starting to lighten up outside , we asked for our dessert bill . the hostess , who handles the bills , came over and told us our deserts were on the house because they were sorry for the inconvenience of the rain . it is rain . it wasn ' t their fault . when i took out money to place on the table anyhow , at least N waiters protested saying our dessert was on them because they just wanted us to have a good evening . i left them an extra tip anyhow . i will go back to la viola the next time i am in the area . \n","\n","Geo-Entites in Sentence 31: \n","la viola\n","philly\n","la viola\n","la viola\n","\n","\n","Sentence 32: i walked inside cuban pete ' s with high expectations tonight being the fact that the food did smell good and my family and i were celebrating three birthdays . but high expectations turned into a nightmare we came in at N N to reserve our our table of N and they told us the wait would be N N N hours . the more we waited the more people who came with us began to leave because of the wait . we ended up waiting for N hours and on top of that half of our party left because they had work in the morning . the manager , dominick , had a repulsive attitude and was very rude . he showed no interest in what my family had to say about the long wait or that people who came after us were being called before us . we ended up being the last party being called . a shameful restaurant to be served in . i , myself ended up leaving cause i couldn ' t stand to eat in a restaurant where the employees work ethic was horrible towards their customers and the manager and employees could care less on their customers thoughts . whenever we spoke about how long we waited , big headed dominick would act like he didn ' t hear a word you said , which made me wanna slap the fat off his neck . never will i ever step foot in that place again . left in anger and hunger . wouldn ' t spend a dime of my money in that shit hole of a wannabe cuban restaurant . fuck cuban pete ' s . \n","\n","Geo-Entites in Sentence 32: \n","cuban pete ' s\n","N N N\n","cuban pete ' s\n","\n","\n","Sentence 33: i recently had the unfortunate experience of dining at basta located on chapel street in new haven . two friends took me out for my birthday in early september . they asked me what type of food i would like to have and i told them italian . they made a reservation at basta at N N pm on a monday evening . we arrived at basta promptly at N N pm and were seated and handed menus . although the restaurant was not very busy , we sat at our table for a half hour before the hostess finally asked us if we had been waited on yet . we told her that we hadn ' t been waited on at that point and she sent one of two waiters to our table . we ordered two drinks and two appertizers . the drinks came about N minutes later and the two appertizers showed up about thirty minutes after that ! the appertizers that we ordered were a clam dish and a fried calamari dish . when i asked the hostess where our appetizers were and she informed me that the kitchen had to change the frying oil to make sure that the calamari were properly cooked . in fifty years of dinning out ( and by the way i come from a restaurant family ) i have never heard of a kitchen changing frying oils in the middle of dinner service . this is extremely poor preparation on the part of the kitchen . to say that the appertizers were disappointing would be an understatement . both dishes were over cooked and not ' very appetizing ' . the fried calamari was actually burned and was as tough as rubber . after being served these highly disappointing , and i might add expensive appetizers , we were ready for our main courses . again , we waited for what seemed like an eternity for our main courses . when i asked the hostess where our main courses were , she replied , with a great deal of attitude , that because everything was prepared ' fresh ' ( a statement that i seriously doubt ) it takes time to prepare . i would have thought that the kitchen would have started to prepare our main courses the minute that our appetizers were completed . i pointed out to the hostess that four or five tables that had been seated after us and were finished and gone before we were served our appetizers . ok , even though the service was extremely slow and bad and the appertizers were dreadful to say the least , i still had hoped that the evening could be saved with our main courses . but , alas , even the main courses were dreadful . one of the main courses was a seafood dish over pasta . the seafood certainly was not freah and the dish was tasteless . a second dish , some sort of chicken dish was barely edible . the chicken was way over-done and certainly should not have been served . our third dish was a ceasar salad which was barely passable . i am not even sure how one can screw-up a salard ! all in all , the two and one half hour experience at basta was a diaster . not an experience one wants to have on their birthday . the service was extremely poor and slow to say the least . the food , despite its extremely high price was just plain horrible and unacceptable . in all the years that i have dined out , i have never had such a bad experience where i felt compelled to write a letter to a restaurant owners . in this case i made an exception and wrote a very long letter to the owners which they have failed to even acknowledge . i would think if one owns a restaurant such as this and one got even one complaint , as an owner i would at the very least acknowledge the letter and try to apologize for such a dismal experience . i guess the owners do not care what their customers think or what horrible fare they serve . a very poor business decision to say the least . one can only hope that this place goes out of business soon . over the past three weeks i have told all my friends to avoid this place like the plague . it is obvious that the owners don ' t care if the service they provide is poor and if the food they serve is extremely bad . i would recommend to all to avoid basta . there are too many good to excellant restaurants in new haven to be ' stiffed ' by a place such as this . the owners would be better off to open a hamburger joint then to try to pass bastas off as a high end italian eatery . avoid , avoid , avoid ! \n","\n","Geo-Entites in Sentence 33: \n","basta\n","chapel street\n","new haven\n","basta\n","basta\n","basta\n","basta\n","new haven\n","bastas\n","\n","\n","Sentence 34: i went to hu kitchen on a friday night because after a few days of splurging on burritos and bar food , my friends and i were looking for something healthier . the look atmosphere wasn ' t my cup of tea , but wasn ' t offensive or anything either . the server taking my order seemed annoyed that i even existed , and when i asked for a reccomendation between the chicken and the meat loaf i was given a disdainful stare and told \" i don ' t know . chicken \" . sometimes employees have bad days though , i could get over that . i got the quarter chicken with a side of sweet potatoes . with the prices and style of the restaurant i was surprised when imy food was just pulled out from under a heat lamp and put on a plate . the chicken was tough and overcooked , and had clearly been sitting under the lamp for a while , and parts of it weren ' t even hot . the sweet potatoes weren ' t awful , but the sweet potatoes themselves must not have been very fresh , as they had no flavor at all other than that of the seasoning , which was a bit over-done . \n","\n","Geo-Entites in Sentence 34: \n","hu kitchen\n","imy\n","\n","\n","Sentence 35: we went with a group of N on a saturday night and had a superb meal with friendly and top notch service . several of our group had lived in london and hadn ' t had great indian food since moving back to the u . s . until eating here . the dosas were delectable , crisp , hot delicious with wonderful and creative chutneys and sauces . this is not your tired , out of the jar stuff . they are handmade with fresh and vibrant spices . everything we had was spiced as requested those who wanted hot got it just the way they wanted and the \" less heat \" versions did not mean bland . the complex spices were still present even without the heat . don ' t miss the goat curry , the table ' s favorite , but the okra curry , eggplant curry and the tandoori breads rocked it as well . i know , who orders dessert in an indian restaurant ? you should here . they served us a dessert sampler plate that blew us away . the service was awesome , our waiter double checked with the kitchen in every order to make sure our gluten free friend stayed gluten free while she ate . he helped us choose quantities which is hard with a large group and didn ' t let us order too much or too little . great place and not to be missed ! \n","\n","Geo-Entites in Sentence 35: \n","N\n","london\n","the u . s\n","\n","\n","Sentence 36: N parking scam . beware severe physical intimidation and threats of being arrested for felony theft . on its website where it advertises N parking ( readingterminalmarket . co ) , there is no mention of time limits , except N hours . the site says to pay N to a merchant and parking for N hours is N with discounted rates after that . it ' s a scam , and a frightening one at that . my family , including my N-year-old son ( on spring break from phoenix , az ) visited the market specifically to get a cheese steak sandwich . our lunch was great ( about N ) and we had a blast in the market . we walked around outside , too , taking photos . we stayed a little over N hours . i gave the parking attendant our validated receipt and was told our parking was N . i asked to speak with a supervisor . a huge man - well over N feet tall and close to N pounds came storming out screaming at me . he shouted until his face was red saying i would be arrested for felony theft if we did not pay N . he stopped a police officer and had me get out of my car . my son was terrorized and still is . the cop said i had to pay it . under duress , we did , of course . reading terminal market stole at least N from us and truly frightened my family . we are filing complaints with the bbb , philadelphia tourism ( visitphilly . com ) and the philadelphia convention and visitors bureau ( discoverphi . com ) . and we are contacting philadelphia media outlets to report this scam . \n","\n","Geo-Entites in Sentence 36: \n","phoenix\n","az\n","terminal market\n","bbb\n","philadelphia tourism\n","visitphilly\n","the philadelphia convention and visitors bureau\n","discoverphi\n","philadelphia\n","\n","\n","Sentence 37: i can easily say i ' ve been stopping in to le barricou for brunch at least once a month for the past N or so years . . . until now . i can no longer ignore their steady decline . i ' d say that things started to change towards the end of this past summer . first they took away the complimentary croissants and then portion sizes got smaller and smaller . i used to leave brunch feeling full , now i leave hungry ! when they say dishes come with a side of home fries and salad , that means about Nish pieces of potato and N pieces of lettuce . and i used to love their salad dressing , i think it was a simple lemon vinaigrette not anymore . my boyfriend used to love their french toast , it used to come with N slices , now N and it used to come out hot , now it comes out at room temperature if you ' re lucky . i go in today and for the first time i ordered the side of fruit with my meal for N . when it came out i was shocked ! they gave me a small bowl with N strawberry , N small pieces of honeydew , N blueberries , N blackberry and a couple small pieces of pineapple . for real ? i could still see the bottom of the bowl ! anyway , so i eat a few pieces of fruit and not only was it a stife portion , but the fruit tasted like onion . bleh , i ' m over it ! ! ! ! time to find a new brunch spot . \n","\n","Geo-Entites in Sentence 37: \n","le barricou\n","brunch\n","\n","\n","Sentence 38: my wife and i ( and our kids ) have been going to jose ' s since it opened in N or N ( i think ) . anyway , we ' ve been going there a long time , and its simply a favorite of ours . first and foremost you all need to understand jose ' s isn ' t a mexican or a tex-mex restaurant . its modeled on the hole in the wall mesquite grills on the outskirts of houston , tx . those places are far more eclectic than the traditional mexican or tex-mex places you ' ll find in more mex-centric places like san antonio , el paso and even denver . so , the menu at jose ' s reflects that houston eccentricity and influence . they have a bit of mexican , but they also have a bit of southern louisiana cajun and good ol ' houston mesquite as the centerpiece . so , stop comparing it to mexican restaurants , because jose ' s isn ' t trying to be one ! as for the food , sometimes they can be a little heavy handed with the cayenne , but overall it never disappoints . if your dish is too spicy , tell the waiter and they will fix it . this place is consistantly accommodating . yes , the crowds can be huge , and i have walked away at the prospect of a N minute wait . but there ' s a reason why people wait that long for this place . its that good ! fyi , jose ' s sister restaurants up in wayne , nj and down in christiana , de are just as good . \n","\n","Geo-Entites in Sentence 38: \n","jose ' s\n","N\n","N\n","jose ' s\n","mesquite\n","houston\n","tx\n","san antonio\n","el paso\n","denver\n","jose ' s\n","houston\n","houston\n","jose ' s\n","wayne\n","nj\n","christiana\n","\n","\n","Sentence 39: was there for takeout lunch three weeks ago . i ordered a meatball sub , or a meatball between a bread roll sandwich . . with cheese . simple enough right . . . . not ! i waited N minutes from the time the sandwich went into the oven until i got out of there . the bread was doughy and dry and quite horrible . it was like it was never baked at all , the meatballs were cut in half ( or sliced ) and destroyed with bread crumbs . a chewy horrible mess . i wont go there again ! to be honest the staff seemed lost and were literally bumping into each other like robots . i eyed some of the lunches going out to diners and none of them looked good to me . our office goes to an italian place for our meatballs ! they may have won paltry prizes in the advocate , the so not an authority on food in the area , from their place in wethersfield but glastonbury is another story altogether ! ! tried again yesterday . . . awful ! ! ! just bad ! cant believe this place is still open ! miffed . . . . . . . . . . . . . . \n","\n","Geo-Entites in Sentence 39: \n","wethersfield\n","glastonbury\n","\n","\n","Sentence 40: maialino deleted my original post , please find my original post below . -------------------------------------------------- ------------ terribly over rated . . . awful waitress who took another table of N ' s order before my table ( party of N ) even though we sat down first . she also took about N minutes to explain the specials to us , sorry to tell you lady you do not need to tell me every step by step detail as how the specials are made . needless to say her delay in taking our order ( we waited about N minutes for her to take our order ) caused our food to come about N hr after we sat down . our grilled octopus was cold and the bed of potatoes it was on was also cold . . . . my squid ink pasta had a squid ink sauce ( gross , do not use squid ink in your sauce ) and was under cooked . this dish was over salted , under cooked and all in all it looked like a black plate with black pieces of doodie on it . my gf ' s pasta was better , but still missing the mark as it was incredibly salty . for a restaurant that boasts a N lobster spaghetti this place is underwhelming and really needs to be knocked down from its N start status on yelp . do the right thing and go to shake shack instead , at least there the food does not take N hr to hit your table . never coming back \n","\n","Geo-Entites in Sentence 40: \n","yelp\n","shake shack\n","\n","\n","Sentence 41: i was visiting new york and staying over for the first time in my adult life . i was N hours into recovering from redeye and N hours into shell shock of everyday manhattan . wow , it is different . i took a taxi to where i thought my buddy ' s studio would be , using my faulty memory to recall the address , and ended up having wasted a precious day and precious taxi money running around roosevelt island miles from his place . anyway i was told riverwalk near the metro might have wifi and it was not a starbuck ' s so i dropped in and had a beer while trying to figure out my next move . the bartenders-- all of them-- were unfailingly helpful and friendly . i took the bartenders ' suggestions for an afternoon snack and wine and it was all good and not expensive . ( hi riverwalk grill guys from california . . . you all rock ) not only that but even the customers seemed nice and upbeat . not like friends or cheers , just mellow and laid back . i had a chat with a lady at the bar who for some reason i assumed was down and out but it turned out she was a successful trader just cooling off for the evening ( and friendly , even to me ) . i stopped by for what i thought would be a few minutes to rest and spent a few hours enjoying myself . it was the turning point in my sojourn to nyc . that ' s the kind of place this bar is . \n","\n","Geo-Entites in Sentence 41: \n","new york\n","manhattan\n","roosevelt island\n","riverwalk\n","riverwalk grill\n","california\n","nyc\n","\n","\n","Sentence 42: i came to new york from california to check out the restaurants owned by various food network chefs i had come to respect , scott conant being one . so i made reservations for a saturday night at Npm for myself and N other friends to come and dine at scarpetta . we arrived on time but had to wait in the bar over a half-hour to get a table . by the time we were seated it was past N Npm . due to the lateness of the hour and one friend who felt it would be bad for her to eat so late in the night , due to a digestive disorder , we opted to just have dessert and drinks . after we requested dessert menus from our waitress the maitre de came to our table to inform us we must either order dinner or sit in the bar . at this point there were very few patrons awaiting tables , none-the-less we were embarrassingly bumped from our dining table and relocated at a rather ill-positioned table by the stairs in the bar . i will not return to scarpetta due to what my friends and i can only say was arrogant and snobbish treatment . i do not care how great your food is nor how famous your owner is , your patrons are your most important asset ! ! treat them like you know that and they will return . \n","\n","Geo-Entites in Sentence 42: \n","new york\n","california\n","scarpetta\n","scarpetta\n","\n","\n","Sentence 43: if i had my druthers , i ' d give this place N . N stars , but i don ' t , so i decided to give them the benefit of the doubt and round up . if i ' d written this review after my first visit , it would have been an enthusiastic N stars , but last night ' s visit was definitely a N star experience . first , the beer . i ' ve tried N beers at local N that i ' ve never had anywhere else , and all but one of them were spectacular . st . bernardus didn ' t do it for me , but allagash white , franziskaner dunkel weisse , hennepin , and the others were all exceptional . the cask beers are delicious . i disagree with many of the other reviewers who ' ve claimed that the beer is overpriced . N . N-N . N is perfectly reasonable in the city for good beer . there are a lot of places nearby where you would pay N for a lager . i come from amherst , ma , home of the moan and dove , an exceptional beer bar with hundreds of beers on tap or in bottles . comparing local N to the moan and dove was the only thing that kept me from giving local five stars . i hope they continue to expand their already large beer list . moving into the bottled realm is not a bad thing ( their website says they ' ve added a bottled beer , though i don ' t think i saw it on the menu last night ) . to add to my comment above about beer prices , i checked out the moan and dove ' s online menu to see what they charge , and as far as i can tell local N charges the same or just slightly more than a rural bar in a small town . that ' s not a bad deal , at all . i do think the food is moderately overpriced , but what i ' ve had has been very well done . the blt was messy and cumbersome , but very tasty . my friend gave high marks to his cuban . the fish tacos are great , and my girlfriend ' s chili was perfect . i would like to see the entire menu brought down a dollar or so , but i ' m going to be going there mostly for the beer anyway . reviewers giving low marks because the place was crowded need a reality check . it ' s been open for less than three weeks . the entire west philly crowd has descended upon it regularly , and it sounds like people are coming from all over philly to check it out . it ' ll calm down in a month or two , and they ' ve got enough space in there to keep it from being too crowded on non-peak times . the thing that almost brought down my rating after my more recent visit was the service . the first time i went i sat at a half-full bar and had a very enjoyable bartender waitress , who didn ' t seem super knowledgeable about the beer but at least had enthusiastic and accurate recommendations . on the second visit , we were seated and served quickly , which was great , but as soon as we put the last bites in our mouths our plates were gone and the check was on the table . no big deal , people were waiting . we thought we ' d at least sit until the women finished their beers , but before they got a chance the waiter was leaning over us , collecting every last thing he could grab from our table . we took what was obviously a clear hint , the girls chugged their beers , and we left . if we ' d stayed at our table , we would have ordered another round , but there was no where at or around the bar for four people to get comfortable . i ' m hoping this is the kind of thing that will cease when the crowds die down , but for now i probably won ' t go back to eat . high hopes for you , local N , though it looks like there are some wrinkles to iron out . i ' ll be back . \n","\n","Geo-Entites in Sentence 43: \n","local N\n","amherst\n","the moan and dove\n","local N\n","the moan and dove\n","local\n","the moan and dove '\n","local N\n","\n","\n","Sentence 44: one wouldn ' t expect street food in new york to be anything special , but when you see about N people lined up at a street vendor ' s cart , you know that it has to be something good . on the corner of Nrd and Nth in midtown manhattan stands a little food cart , the halal guys , serving up massive amount of authentic middle eastern dishes each day . thriving off of the multiple ethnic groups new york has to offer , the halal guys aren ' t limited to one specific cultural demographic . even tourists from around the globe are recommended to experience the halal guys . with prices ranging from about N to N , it is an easy , non-bank breaking meal for the whole family . coming in portable tins allows you to take your food to go or eat it right there on the street . although lines tend to wrap around the corner the halal guys are able to take your order , prepare your food , and send you on your way in just a few minutes . their assembly line of N to N men allows for one of them to take your order , the other two to prepare the food , and the last one to bag up your order . since they have this technique down to a science , waiting in the cold or even in the heat doesn ' t seem too horrible since you know it won ' t be for too long . when looking at the small and semi-limited menu , you want to be able to enjoy multiple items that they serve up . the mixed plate is the perfect accommodation to that desire . the smells of warm , tender pieces of gyro and juicy , well-seasoned slices of chicken upon a steaming serving of delicious yellow rice , fills your nose and makes your mouth water almost instantly . included in these N inch tins are four pieces of soft pita bread to go with your meat or to just eat on the side and as well as an accompanying small salad . you have your choice of fiery hot sauce and creamy tzatziki completes this delightful meal with a little kick and a refreshing sensation from the hot sauce . since not everyone eats meat , the halal guys offer up a order of crispy falafel . mashed garbanzo beans and seasoning , fried to a golden perfection will fill the needs of any non-meat eater or anyone really . there are even options for children or adults with picky palettes . the chicken and rice plate is a perfect option for these types of people . succulent grilled chicken breast on top of aromatic rice with a side of pillow-like pita bread can be enjoyed by even the pickiest of eaters . being middle eastern myself i am accustomed to the flavors that the halal guys put to the table , but even someone not familiar with the tastes that middle eastern cuisine possesses is bound to enjoy it as well . although the menu is small , the portions are not and the food does not lack in flavor . if ever in midtown manhattan , the halal guys is a definite must on your list of things to do . \n","\n","Geo-Entites in Sentence 44: \n","new york\n","Nrd\n","Nth\n","manhattan\n","the halal guys\n","new york\n","the halal guys\n","the halal guys\n","the halal guys\n","the halal guys\n","midtown manhattan\n","the halal guys\n","\n","\n","Sentence 45: do not eat here . i have never received such slow service , or had to deal with such complacent management , in any previous experience . we met with two friends for a late dinner--N N p . m . --and chose rooftop N as an \" adult \" restaurant that may be able to service a later dinner time . we had no idea how wrong we were . we were seated outside . N minutes after we sat down , we were first greeted by our server , sarah . one member of our party hadn ' t yet decided on a cocktail , so sarah said that she would be \" right back . \" my friend apologized and quickly picked a strawberry daiquiri , and we waited for our server ' s return . it turns out , \" right back \" meant \" in N minutes . \" so , at this point , we had been there for half an hour--a consequence , apparently , for one of our party needing another minute to look over the drink menu . when she returned , sarah was indeed very kind , and offered great suggestions on menu favorites . however , at this point , we ordered our drinks , our appetizers , and our entrees all at once , anticipating that the rest of the evening was not going to go by quickly . approximately N minutes after we ordered everything , our drinks and appetizers arrived . so we have been there nearly an hour . the drinks were fine , and the appetizers--spring rolls and lettuce wraps--were also good . N additional minutes after our appetizers arrived , half of our order showed up . we were seated outside on a chillier-than-usual evening , so half of our party watched our food get cold while , N minutes later , the other half ' s order of fried chicken arrived . at this point , i asked to speak with the manager . the only thing more appalling than the delays in our service was the manager ' s response . i was willing to concede that the restaurant was busy , and despite the slow service , our waitress sarah had remained friendly and courteous . my purpose to notify the manager was simply to let her know about the speed of service , and how--by the time our food arrived , all at once , it was N N . i was appalled at the response i received . rather than apologize , and indicate that they would watch for the rate of service more carefully going forward , the manager formulated a list of explanations as to why service could have been delayed , without once acknowledging that this may be an inconvenience to patrons . ignoring anything i said about the time of our first greeting , or the arrival of our drinks , she explained that food orders can usually take approximately N minutes to process . she stated that we had two fried chicken orders and that these may take longer than most . when i pointed out that the table seated next to us , who arrived after we did , had already finished their drinks and food by the time our appetizers showed up , she explained that they only ordered a simpler chicken dish , which was easy to prepare . my father spent his entire life as a restaurant manager for establishments ranging from chain restaurants to fine dining in five-star hotels , and regardless of what the customer complaint may have been , his motto was always to give the customer the benefit of the doubt . we had no interest in the manager comping any portion of our meal--we simply wanted an acknowledgement for the disservice , and an apology , which was apparently too much to ask . the manager stated that she would check on the timing of our ticket placement , as well as the timing of our reservation , to verify that everything had indeed come out delayed . this is something i would expect any manager to do--to confirm the validity of the customer ' s complaints--but to suggest it as a means of rectifying the issue indicates that we were somehow lying to her about the amount of time we had been there , or that we were misinformed . check on whether i ' m wrong , but don ' t tell me that to my face . needless to say , whether she checked on the timing of the tickets or not , we never heard back from her . our plates were cleared , and dessert menus were dropped off . as expected , in accordance with the rate of service the entire evening , N minutes later , sarah asked us if we were interested in a dessert item , at which point we declined , and immediately gave her our credit cards , anticipating that the bill itself would take an additional N minutes to process . she returned promptly with the receipts , and we could not have left rooftop N faster . we arrived at the restaurant at N N , in accordance with our reservation . we left the restaurant nearly two hours later , at N N . we had ordered four drinks , two appetizers , and four entrees . if anyone from rooftop N is reading this , i would love to know how two orders of fried chicken can explain service this negligent . \n","\n","Geo-Entites in Sentence 45: \n","rooftop N\n","N\n","rooftop N\n","N N\n","N N\n","\n","\n","Sentence 46: in early july N , we were looking for a meaningful gift to give to our aunt and uncle for their Nth wedding anniversary and we have received christmas presents from our niece from this bakery so when we were looking for a bakery to make a cookie cake , we decided to call mozzicato ' s bakery . in hartford , ct . we asked if it was possible to order a N pound cookie cake for a Nth anniversary and the person we spoke to said they usually only send out N or N pound cookie cakes , but that hey could do this and we ordered the cookie cake which was shipped to our home in batavia , ny , when it arrived , we noticed that the cookies at the bottom of the cookie cake we cracked and crushed . it was too late to go out and get a replacement cookie cake so we called the bakery and spoke to N people gina and then paulo who said to send photos of the cookie cake for them to see which we did . paulo told us that he was very sorry for the crushed cookies and that he would replace the cookie cake , but would prefer we pick up the cookie cake instead of shipping it out . since our daughter and son live in boston , i asked paulo if it would be possible for our daughter yo pick this up when she comes home for christmas and he said this could be done and just to call the shop a few days before and they would get this ready for her . today my daughter called the bakery to get the cookie cake done and gina mozzicato stated that she had no knowledge of an N pound cookie cake order and we needed to show the pictures , credit card receipt and email to this effect and either way she said they never make a N pound cookie cake and said she would not replace this . this person gina was very unprofessional in he reply to my daughter and luckily we do have proof of the conversations and what was said to myself as well as my daughter . we are also planning on reporting this to the better business bureau since paulo made a verbal promise to me that the cookie cake would be replaced with no problem whenever we could arrange to pick it up . i am a professional person and an italian american and i would think that a verbal statement would be honored by this bakery and by paulo instead of gina denying ever even making up and shipping this cookie cake to us . i had promised my aunt and uncle that i would bring over the cookie cake as soon as i got it and feel very bad that i will be disappointing them . i have N photos of the cookie cake which at least N of the cookies were crushed . i din ' t think this bakery deserves any stars and want you to know i signed up for yelp just to post this review , . \n","\n","Geo-Entites in Sentence 46: \n","mozzicato ' s\n","hartford\n","batavia\n","N\n","boston\n","the better business bureau\n","yelp\n","\n","\n","Sentence 47: i have to agree with autumn e . green line fantastic coffee , best cinnamon raisin bagel i ' ve ever had , and adorable local charm . but , embarrassing and unpleasant service , at least on the part of one particular barista , who i fear is the same person autumn e . complained of . my husband and i live close by to this green line pv , and we visit the one on baltimore ave in west philly often . however , our numerous experiences with miss unpleasant at green line pv now start conversations about whether to head over for some coffee and reading - \" i wonder if she ' ll be working . \" what a sad day for our favorite cafe . we ' ve taken to drinking our coffee at home these days . we ' ve had a few recent mishaps with miss thing , including her slamming the tip jar furiously when my husband went to pour cream in his coffee before tipping her on our , gasp , N . N purchase and complaining loudly that \" she ' s got to eat . \" this past week , she became irritated with me when i showed up when the cafe opened to pick up some treats for guests who were in for the marathon . green line pv , you ' re missed . such a shame . . . \n","\n","Geo-Entites in Sentence 47: \n","green line\n","green line pv\n","baltimore ave\n","west philly\n","green line pv\n","\n","\n","Sentence 48: cafe renata is an amazing addition to west philadelphia , filling the void left by cafe clave that continues to cater to loyal customers while welcoming in new faces . the all day breakfast menu is a treat , and the blend of cuban and mediterranean food options are delicious and make you want to come back for more . i would recommend the shok shuka for any first time visitor . their coffee ( la colombe ) is amazing , as is their variety of espresso products . try the coffee brewed chemex and you won ' t regret it . i have yet to try the new dinner menu , but if it is anything like the rest of the food than i expect nothing but the best . currently , the cafe is able to beautifully blend a sit-down experience with a traditional coffee shop vibe . there is plenty of space and a number of tables that allow you to come and send emails or bring your family for post-graduation brunch . there is a healthy amount of chatter that breaths life into the cafe but doesn ' t take away from the dining experience . even more amazing is that the cafe ' s small staff is able to keep up with the growing business . the owner is extremely friendly and hustles to make sure everything is done quickly and all demands are met . she isn ' t afraid to come out and chat with you either , and her knowledge of coffee and the coffee scene in philadelphia is great . i give cafe renata N stars not because they aren ' t deserving of N , but because i am extremely excited to see this gem grow . with increased advertising , greater awareness of their new dinner options , and maybe one extra waitress , cafe renata could be poised for perfection . \n","\n","Geo-Entites in Sentence 48: \n","cafe renata\n","west philadelphia\n","cafe clave\n","philadelphia\n","cafe renata N\n","cafe renata\n","\n","\n","Sentence 49: \" worst sandwich ever \" eager for a new dining experience , my friends and i recently tried out hawthorne . sadly , we were extremely disappointed . from the get go , something seemed askew as we sat down and waited quite a long time before the waitress came to greet us and give us our menus . if you are dining at the restaurant and want a beer , you have to go up to the coolers in the back , pick it out , and take it to the cash register to be added to your check . the problem is that they do not have prices on the beer and so it ' s kind of a gamble . there wasn ' t much variety on the menu , but i was willing to look past that . many of the items on the menu , however , are smaller portions and they suggest getting at least N-N plates . for instance , a regular burger is not available at hawthorne , only a \" baby \" burger- which comes in a set of premature twins . fries are extinct in hawthorne land- only homemade chips or a few onion rings are possible sides . once we ordered , we waited an extremely long time for our food . i was starving by the time my meal came out , which was served way ahead of my friend ' s meals . each meal was served separately and one item was forgotten completely , which added to the feeling that this place needs to get more organized . i was so hungry that i gobbled up the homemade chips- which tasted like nothing . my sandwich was burnt so badly that the bread it came on was literally black . the mushrooms inside the sandwich were so hard , i could hardly bite through them . the indeterminable sauce and cheese inside was just a greasy mess . i gave up after one bite . i felt more than a little ripped off after shelling out a combined N for dinner and still felt undernourished . i rushed home to scrounge up any loose bits of chocolate that were hiding in my cabinets and stuffed my face along with some trail mix in order to erase the atrocities that had taken place in my mouth earlier at hawthorne . too negative ? the fireplace was a nice touch . \n","\n","Geo-Entites in Sentence 49: \n","hawthorne\n","hawthorne\n","hawthorne\n","hawthorne\n","\n","\n","Sentence 50: first off , let me say what a lovely little place this was . i been for brunch and dinner and the food was amazing . reminded me of my last trip to italy . and if this review was only on the actual meal itself , i would have given it N stars , hands down ! unfortunately i have to report beyond the meal . last saturday , the wait staff was great although i do not know how the kept smiles on their faces . a taller man , with light-ish hair color , was yelling at them the whole night . he was disrepectful to the staff insulting and berating them in front of customers . he had an attitude with anyone who came in contact with . it was so obvious , it ruined my meal . . . and i was so uncomfortable , at one point i almost said something to him , but i was trying to enjoy a meal with close friends from out of town ( i was embarrassed in front of my friends as well ) . after that , we left our kind waiter a generous tip ( we felt that we could at least make up for some of the abuse he had sustained ! ) , and vowed never to return ! it is unfortunate because the food was great , and the other time that i went to eat at aurora , that man wasn ' t there and the atmosphere was a lot lighter and much more pleasant for all . and it was not just me that noticed it , an older couple sitting next to us was also commenting on his blatant disrespect to his staff . they said that he was the manager . so , overall , great food , great service , poor management ! \n","\n","Geo-Entites in Sentence 50: \n","italy\n","aurora\n","\n","\n","Sentence 51: harvest table is a welcomed oasis in the middle of bustling newark ! it has a great location on halsey ave . near raymond blvd . , which makes it convenient to the many office bldgs and schools in the area . the cafe itself is warm and inviting with eclectic decor , good lighting , ample seating , and free wi-fi . the staff is friendly , courteous , and competent . now on to the best part , which is the food ! just like the name harvest table implies , it ' s all about fresh ingredients . . . from the produce , to the meats , to the cheeses , to the baked goods . the made to order salads and pannini cater to any taste , and they are put together right in front of you assuring the freshness of each combination . the baked goods are also to die for . . . ht has made quite a name for itself in the area with good ol ' , reliable favorites like brownies and chocolate chip cookies . prices are very reasonable for the quality of food you get . in short , you ' ve just got to have lunch at harvest table to see for yourself . you won ' t be disappointed . \n","\n","Geo-Entites in Sentence 51: \n","harvest table\n","newark\n","halsey ave\n","raymond blvd\n","ht\n","\n","\n","Sentence 52: ever hear of di fara ' s pizzeria in midwood on ave . j and e . N st ? it ' s been reviewed extensively by the n . y . times and written up both in print and online . people rave about di fara ' s and the joint definitely has a following . i ' ve been meaning to go there for years and today was the day . the pizza is definitely hand made , with fresh chunky sauce , polly-o mozz , lots of grated cheese , olive oil and fresh basil . but the pizza just didn ' t work for me . the sum wasn ' t greater than its parts . the slices are smallish . the sauce and cheese slid right off onto the plate . and each slice cost N . N ! ! ( N per pie ) . this is the most expensive pizza that i ' ve ever had . not to mention , the place is a dirty dump . after di fara ' s i drove straight to l b for a real slice ( only N . N ) to chase down di fara ' s lest i return home to long island completely disappointed . many may like di fara ' s . i just don ' t see it . personally , i ' d rather have pizza at totonno ' s , grimaldi ' s , patsy ' s , lombardi ' s or l b spumoni gardens . \n","\n","Geo-Entites in Sentence 52: \n","di fara '\n","midwood\n","ave\n","the n . y . times\n","di fara ' s\n","l b\n","long island\n","totonno ' s\n","grimaldi ' s\n","patsy ' s\n","lombardi ' s\n","l b spumoni\n","\n","\n","Sentence 53: uva has a nice atmosphere . sort of rustic looking . tables aren ' t too close together . great spot for a date . for whatever it ' s worth , we didn ' t wait at all for a table on a monday at Npm . the food was quite good . i ' m not an expert on italian food , so take this review for what it ' s worth . i had the pappardelle al ragu di vitello ( N home made poasta ribbons sauteed with ragout of veal and montasio cheese ) . lots of flavor . wouldn ' t say it was amazing , but it was quite good . my date had anello di capesante e speck ( N sea scallops wrapped in smoked prosciutto with sauteed spinach and white wine sauce ) . this was incredible . until i tried it , i actually didn ' t think i liked scallops . i think i ' ve just never had scallops made well . we also had the antipasto vegetariano , which was pretty impressive given how simple it was in it ' s description . and we shared a nice bottle of malbec . service was excellent . friendly and very prompt . prices were very reasonable given the quality . i thought the restaurant was a great value . i ' ll definitely come here again soon . \n","\n","Geo-Entites in Sentence 53: \n","uva\n","N\n","\n","\n","Sentence 54: getting a N star rating , as you cannot write a ' no star ' review . so , i ' m not the person that would normally write reviews , and i understand that businesses have good days and bad days . i felt compelled to write this review , because there ' s just too much competition out there , that my experience should have been handled better . my wife called ameti ' s and placed an order ( N N pm on a friday night ) for two dinners ( a pasta dish , and scallops in scampi sauce ) . she was told that it was a N minute wait for pick-up . okay , i get it it ' s friday night , and we ordered around peak dinner time . well , N minutes later , i left my house and went to pick up the food . when i walked in , i was immediately greeted and asked to be helped . one girl behind the counter rang up my order , i paid , and thought i was going to walk out a few seconds later , as she said it ' ll just be a few minutes . after about N minutes of waiting , someone advised me that they ran out of scallops , but could give me baby , or regular shrimp . i said whatever is easiest , and didn ' t complain . after another N minutes of waiting , another woman said \" sir , what are you waiting on ? \" i told her i believed i was now waiting for a pasta dish , and a shrimp scampi dish . her reply was \" sorry for the wait , it ' ll just be a minute . \" i then said , ' really , just a minute ? cuz i ' ve been waiting a long time now . \" her reply was , \" sir , we told customers it was about a N minute wait for pick up orders . \" , to which my reply was \" right , that ' s what you told my wife when she ordered . i waited N minutes at home , and now i ' ve been waiting here an additional N minutes , and you don ' t even have what i originally ordered . \" i then told her that if i hadn ' t already paid as soon as i walked in the door , i would have left already and gone somewhere else . i said this calmly , as i certainly didn ' t want to be a jerk . after all , she ' s just one of many people working there . she said it would just be another minute . . . . . five minutes later ( it ' s now N hour and N minutes since the order was placed ) she said \" sir , here ' s your order , sorry for the wait , enjoy your dinner . \" i left . that ' s it . no , \" i ' m sorry , we ' ll take a couple of dollars off the bill we included ' whatever ' at no charge \" . . . nothing . for the record , they also gave us two incorrect salad dressings , and the food was mediocre , at best . i walked out saying to myself that i will never go back there , but that ' s not true . i will make one more trip there tomorrow to speak directly with the owner to express my dissatisfaction with their business . i will also tell everyone i know about this experience . i ' m sorry , but there ' s just too much competition out there , and to survive , you have to stand apart form the norm . everything is about customer experience now , and ameti ' s is clearly not a customer oriented business . i now put them on the same list as stefano ' s which is just a few miles away . on my final visit to stefano ' s , they gave me the wrong pizza , which i didn ' t realize until i got home . when i called them and told them , they told me to bring it back ! when i did , he gave me the correct order ( a plain pizza ) , but then failed to reimburse me for the toppings that he charged me for on the other pizza . of course , i brought that to his attention . i should have gotten the pizza for free , and it should have been delivered to me . the sad part is , it was the owner ' s son that i was dealing with . okay . . . who ' s next ? \n","\n","Geo-Entites in Sentence 54: \n","ameti\n","ameti ' s\n","stefano ' s\n","stefano ' s\n","\n","\n","Sentence 55: i was soooo excited to try amada . after N years living in philly i had been hearing its praises over and over again . we had to make reservations over a month in advance to get the time slot we wanted . so , maybe it was my high expectations that caused the meal to fall short , but anyway . . . we arrived on time and our table wasn ' t ready so we sat in the bar for about N minutes . no problem it was a friday night , totally understandable . the sangria we drank at the bar was delish and the bartender was amazing . five stars for her ! she was lightning fast , made delicious drinks , and had a huge smile even with a million people trying to get her attention . i wish i got her name . once we got to the table is when the trouble began . our server was knowledgeable , but kind of bored-seeming and even seemed a little irritated when my dad had to take out his reading glasses and look closely at the drinks menu before ordering a beer . we got the tasting menu and most of the food was solid but nothing spectacular . the grilled calamari was cold and rubbery , the mussels dish was mostly broth . the worst part of the meal was that they rushed us through the whole thing . servers were trying to clear our plates before we were finished with a course and rushing to put down the next course . it ' s great that your restaurant is so popular that you are packed to the gills on a friday night , but don ' t take so many reservations if you have to rush folks through their meals . i probably won ' t be going back to amada , but i would still like to try the other jg restaurants and hopefully they have a more laid back vibe . \n","\n","Geo-Entites in Sentence 55: \n","amada\n","philly\n","amada\n","jg\n","\n","\n","Sentence 56: worth a N month wait . had to unfortunately cancel two separate reservations and finally got to keep tonight ' s . honestly , this is my first review . i ' ve been lurking for quite some time on yelp and this is the first restaurant to linger enough in my mind and my mouth to warrant a real review . well . . . home run , a , greatest dinner ever ! , whichever works for you . from the quality choice gin martinis at the bar to the appetizers ( meatballs , scallops , and pork belly ) to my striped bass w shortbreads , even the sides of brussel sprouts which i can ' t even believe i ' m typing about , they were that good . we also ate the edamame falafel which is a definite order for anyone who has ever experienced homemade and freshly fried falafel . my family ordered the lobster special and the fluke . we also indulged in N desserts simply because we were too compelled to taste more creations from this flawless kitchen . service was on point . our server made helpful suggestions that lead me to the most flavorful striped bass that i ever have , and probably ever will have . . . at last until my next return to perilla . if you ' ve you read this far , you obviously understand how great my dining experience was . therefore , this restaurant is an absolute must for diners who seek excellence with their food and service , but also those looking for perfectly seasoned , well thought out , and perfectly balanced dishes . i hope i don ' t have to wait another N months for my return to perilla , but i am certain that if it is , it ' ll sure be worth the wait . \n","\n","Geo-Entites in Sentence 56: \n","yelp\n","N\n","perilla\n","perilla\n","\n","\n","Sentence 57: this is my first yelp . the food is that good ! there is only one word to describe this place family . the food tastes like it just came out of the garden and some italian grandmother cooked it for you . we had the gnocchi and the pizza . as for the service , i see a lot of people complaining about it here . think of it this way . this isn ' t applebees . it ' s like you ' ve been invited to someone ' s home . the staff is small . pull up a chair , be patient , be considerate if you have a large group . we walked in at the same time as several other groups . they apologized over and over again about the wait even gave us a free cookie . in fact , we only waited twenty minutes ( while we ' re used to waiting two hours for clinton street bakery around the corner ! ) the food is to die for . the portions are small but filling , and if you really want more . . . hey , it ' s cheap ! order another plate ! this is a gem ! if you had food that tasted this great at a restaurant that cost three times as much , you ' d be happy to get a reservation a month in advance . get it while you can , before someone convinces them to do just that ! \n","\n","Geo-Entites in Sentence 57: \n","applebees\n","clinton street bakery\n","\n","\n","Sentence 58: having been coming here for more nearly N years since i was a kid , here is the real deal the pizza is great . this is why people come , and why you should go if you have never been . no one else makes a sicilian pie this good . the restaurant end of things , however , is seriously lacking . tonight was my second time dining in the restaurant , and it was truly sub-par . the food in the restaurant is typical non-gourmet southern italian , and the prices are a bit higher than many better local italian places . the house salad was boring , the baked clams were fresh , and the penne with vodka was drowned in what was basically a salty pink cream sauce . what really makes the restaurant a place to which i will never return , however , is the unendurable wait for a table , and the horrible service from the hostess . at N N on a friday , the wait was a full hour , and you must wait in the completely freezing and unheated area where take out orders are served . the hostess slips in the \" regulars \" ahead of you , and never seems to get to your name on the list unless you keep pestering her about how long you ' ve been waiting . even after being seated , we waited about N minutes for appetizers , and another N or so for entrees . summary don ' t bother going for the restaurant . wait until the weather is warmer , get a slice and a spumoni , and leave it at that . \n","\n","Geo-Entites in Sentence 58: \n","N N on\n","\n","\n","Sentence 59: now , i ' m no ramen expert . but i bet you aren ' t either . i bet you just like good food and you ' re looking for a nice meal in a nice restaurant with nice servers and nice atmosphere . chuko fits the bill on all counts . my only previous experience with ramen was through a different restaurant on vanderbilt which shall remain nameless--a more casual spot that shuttered rather quickly after its opening due to the mediocrity of its food . based on that experience of overly salty strange-tasting brothy vegetables , i couldn ' t quite imagine what all the hubbub over ramen was about . chuko convinced me halfway through our appetizers that it could deliver seriously delicious food in unexpected combinations . the spicy pickle special wowed me , as did the surprisingly complex and savory kale salad . my dining companions were bowled over by the brussel sprout dish , of which i only had a small though tasty bite . then came the ramen . i opted for the vegetable broth with market veggies and soft-poached egg . two sips in and i totally understood the hype of ramen . the broth was utterly satisfying and flavorful without at all being overly salty . the egg gave a lovely richness , and the veggies which included some kind of green sprouts , winter squash , and what appeared to be roasted parsnips provided texture and a pleasant subtle sweetness . i may know nothing about ramen , but i do know that i finished every last morsel of food placed in front of me . two hours later i was craving for more and when i woke up this morning my first thought was about how much i enjoyed dinner last night . i can not wait to go back to chuko . and i can not wait to see what kinds of wine and beer they serve after they get their liquor license . \n","\n","Geo-Entites in Sentence 59: \n","chuko\n","vanderbilt\n","chuko\n","chuko\n","\n","\n","Sentence 60: here ' s why you shouldn ' t go to geno ' s steaks . of course there was the controversy over the sign posted a couple of years ago requiring customers to order in english and there was a lot of back and forth about this being offensive , possibly discriminatory or a violation of the owner ' s right to free speech ( if only the general public really understood what the right to free speech meant , ugh ) . anyway , the owner of geno ' s ( joe vento ) led a recent trip with a tour company called conservative tours . the company is designed to appeal to more conservative minded folks ( no real problem with that , but a little odd considering the group most likely consists of those who are white , correct me if i am wrong ) . well this group recently visited italy led by joe vento , owner of geno ' s steaks and the mastermind behind the sign mentioned above about ordering in english at his place of business . well , word on the street is that mr . vento ordered his food in italy in english or tried to . he had the help of an interpreter when english was not understood by whomever was taking his order . mr . vento was also handing out t-shirts to italians and guests of his tour with his famous slogan about ordering in english . is this guy that out of touch that he believes that others should be required to place their orders in english at his establishment , but that he can visit another country ( where english is not the native language ) and that it ' s okay for him to not order in that country ' s language ? yes , he is completely out of touch , out of his mind and beyond hypocritical . why do the words conservative and hypocrisy always seem to work so well together ? go to pat ' s across the street . the steak is better anyway . geno ' s may have more flash and more lights , but that is just another example of this man ' s extraordinary ego . i have always liked the idea that \" less is more \" plus i would not intentionally patronize an establishment owned by someone who would display such arrogance by demanding something of others that he could not produce himself . imagine going to italy wearing that t-shirt and then not even attempting to follow his own belief . italians shouldn ' t have to take his order in english especially when they are not welcome to place their order in italian at his restaurant . oh , i forgot , it is the mexicans ( or those that speak spanish ) that he was really addressing with that sign . discrimination and hypocrisy at its finest . also , i heard the italians laughed at the t-shirts and thought the guy was a total joke ( and not the good kind ) . \n","\n","Geo-Entites in Sentence 60: \n","geno ' s\n","geno '\n","conservative tours\n","italy\n","geno ' s\n","italy\n","pat ' s\n","geno ' s\n","italy\n","\n","\n","Sentence 61: a nice small bar in a small town , versatile enough for people in their N ' s and people in their N ' s and N ' s . this is definitely not an old man ' s bar , but it ' s not overwhelmed by young people either . though it may looks like a nightclub , this place is for people to hang out with their friends . not for single people to meet other people . go with people you already know , or you probably won ' t have a good time . the food is quite good , but expect to wait a half hour for it ( which isn ' t a big problem , since it ' s a nice place to stick around , but still really long ) . maybe the rationale is that they want you to wait so you can order more drinks . it ' s very metro looking for a small-town pub and very modern . they put a lot of work into the look and aesthetic . great dark night-scenery with neon lights and six large flat-screen televisions . this looks like a miniature version of something you may find in hoboken . but there ' s a price you pay , literally . while i really enjoy the food and drinks , they are a bit pricy for what you get . a drink and a meal is N . not completely unmanagable , but higher than average for a small town bar grill . in the end though , ive certainly seen better ( and worse ) . but for what it is , its definitely nice . \n","\n","Geo-Entites in Sentence 61: \n","hoboken\n","\n","\n","Sentence 62: i ' ve been to barbacon before and our waiter was very nice and the food was ok , however , some friends wanted to try it out this past friday night . when we got there and requested a table for N at N N , the host was extremely rude and said we could only have the table for N hour and N minutes then we would have to give it up . i told him i had never heard of a time limit before and he said \" it ' s an open space and we don ' t want people to linger too long . \" we were so upset that i said to forget it and my party and i went outside to find another place to go . while standing out there , the owner chef was outside doing the trash and heard us complaining about the N N N hour policy and he just kept giving us side glances and never once came up to us to see what the problem was ! if a person is worth their weight in salt as a business owner , he should have stopped hauling trash and came up to us to find out what the problem was and fixed it ! all he did was give us snide looks and went back into his dingy establishment after he was done with his trash duty . very unwelcoming environment and guess what , this is new york city and it ' s packed everywhere and places do not have a time limit ! will never go here again ! ! \n","\n","Geo-Entites in Sentence 62: \n","barbacon\n","N N N hour\n","new york city\n","\n","\n","Sentence 63: my friends brought me here for dinner and brunch during a weekend in philadelphia . i must admit that it was totally worth it . here ' s the stuff i got , and was able to steal off my friends ' plates . lamb burger ( dinner ) . the lamb itself was cooked perfectly moist , flavorful , a touch of sweet char on the outside . i ordered in the style of the chicken ( fresco ? ) sandwich , which has sundried tomato and tzatziki , and the chef was more than accommodating . the bun was buttery and crisp from grilling , and had enough heft to keep the burger together . truly delicious , but . . . . . . the pork hash ( brunch ) . holy mother of god , this stuff is off . the . hook . i could have--and should have--ordered N orders of this stuff so i could take N home after brunch . the pork is perfectly garlicky , but even though the ingredients sound heavy , the entire thing has a well-balanced palate-feel and doesn ' t weigh you down . the slight citrusy-ness-osity of the pork works well with the buttery potatoes . if i were on death row , i would order this with a couple of lime slices , fresh bird chilis , and warm corn tortillas on the side . seriously , this needs to be a featured item--not just a side dish on the menu . i ' ve tried the brisket hash from el camino real ( near Nnd and girard ) and this is light years beyond that , flavor-wise . brunch peaches-and-cream-stuffed french toast . the toast itself was fluffy , low-key sweet , nyummy egg battered goodness . the peaches and cream . . . i could bathe in this stuff . it ' s heaven--i can ' t even explain it . get this ! . the brunch burger hollandaise . the beef was cooked perfectly just as the lamb burger was , but i definitely did not expect two ( N ) patties of meat . portion wise , it was hefty--expect to bring some home ) the horseradish gave the hollandaise a nice kick , and the english muffin is the perfect platform for the burger patties . - - - in addition to the food , the decor is really cute indoors , but the outdoor seating area is where you wanna be when it ' s sunny out . everyone at this place is super nice and welcoming they treat you like family , and answer any questions you may have . what can i say ? i ' m psyched for the next visit ! \n","\n","Geo-Entites in Sentence 63: \n","philadelphia\n","el camino real\n","Nnd\n","girard\n","\n","\n","Sentence 64: i went to cask republic with my friends and husband a couple weekends ago and had a great time ! it was really busy , which is expected on a friday night so we had to wait for our table but they have couches with waiter service to get drinks while you wait . you can not get that from a lot of places in new haven that is for sure . the beer selection is out of this world and everyone who works there seems to know their stuff . our waiter was even able to help us pick out what to get because we were so lost . once we got to our table our hostess could tell that we were really hoping for a booth , but there weren ' t any opened . even though she was really busy she was able to get us a booth like N minutes later which was so amazing . the bar atmosphere while sitting in the booths is the best seat in the house . our waitress was amazing and recommended great food . my husband got the burger which he loved and i got the clam chowder and it was great . we decided to linger and drink for a couple of hours and had a great time . cask is a trendy new spot that i really like to go to , even if it is just for a drink after work . great service and awesome food and drinks ! thanks cask ! ! ! \n","\n","Geo-Entites in Sentence 64: \n","cask republic\n","new haven\n","cask\n","cask\n","\n","\n","Sentence 65: bottom line great american bistro on a side street in the heart of the flatiron district that has a billiards room in the back ! tips check-in to almond on foursquare for a free app side dish ! ask for brad as your waiter - he ' s as sweet as the french toast . food it ' s hard not to fill up on the delicious biscuits and jam that come to the table as soon as you ' re seated . but knowing what ' s still to come , pace yourself ! so much goodness , so little space in the belly ! as a foursquare check-in special , we selected a side order of the homemade brioche french toast with bananas , walnuts and dried cranberries - perfect french toast ! not too thick , syrup on the side , and just the way i like it - crunchy on the edges . the presentation of my huevos rancheros with red and green chili and black bean refritos was nice ( see pic below ) but it soon became a mish mosh of eggs , tortilla , beans , and chili on the plate . probably not the best choice on a brunch date , but if you don ' t mind asking for extra napkins and owning the messiness , go for it ! just a hint of spicy , too ! omelette of braised greens with goat cheese was described by my friend kathleen as \" one of the best omelettes i ' ve ever had \" - and she is even more of a brunchaholic than i am ! she did ask to have the dish without the tomatoes , but the braised greens and fluffy eggs were cooked to perfection . drink no drink specials , but an extensive wine list ! atmosphere rustic , casual , spread out . even as it gets crowded , there ' s always room to move about - even in the coveted outdoor space , you won ' t feel crammed in . the billiards room adds a special charm that you can ' t find everywhere . \n","\n","Geo-Entites in Sentence 65: \n","great american bistro\n","the flatiron district\n","almond\n","\n","\n","Sentence 66: paesano ' s is one of those places that everybody knows about . i only ever hear great things about pasesano ' s , most commonly , \" best sandwich in philadelphia . \" being the sandwich lover that i am , i had to see for myself . to be entirely honest , after trying their flagship sandwich , the paesano , with a side of their potatoes , i was a little let down . i ordered my sandwich over the phone , and picked it up , which was super convenient . arriving in a timely manner , i picked up my sandwich , paid the kind paesano folk , and walked back to my close friends apartment in the northern liberties . with much excitement and anticipation , i unraveled a pair of soggy buns and a greasy slob of meat in between those said buns . nevertheless , i ate it as if i ' ve never had a meal in my life , but could only think about those dang soggy buns . nobody likes soggy buns , it ' s the equivalent to a wet blanket . my close friend assured me that is was abnormal and that i should go back a few more times to make a better judgement . i N believe that statement . the flavors were there , packed with a delicious horseradish sauce and a fried egg , i ' m positive that this experience was just a fluke . i will definitely go back to the shop and try it out a few more times . until then , i ' m stuck with the memory of the dreaded soggy buns . updates will come to this review with each visit . \n","\n","Geo-Entites in Sentence 66: \n","paesano '\n","pasesano\n","philadelphia\n","paesano\n","\n","\n","Sentence 67: after all the great ratings on yelp from the other reviewers , we decided to try out ekta ( fishtown ) . we ' re an indian family , so while we may be pickier than some , most of the time yelp reviews have not steered us wrong . that is until we ate at ekta . ( for those of you that don ' t want to read the whole review , in short the service was poor and very slow , and the food was okay at best . i won ' t be going there again , and i would not recommend it ) . we came in for lunch ( Npm ) on a weekday , and the entire place was empty . not a big deal since it is a weekday , so we decided to sit down anyway . the waiter brought the papad and chutneys to our table while we looked over the menu to order . the papad was good and crisp , and tasted fresh . the tamarind chutney was also very tasty ( tart and not overly sweet ) , but the mint chutney , while it was spicy and not bad , had a sweet undertone that shouldn ' t ever be present when making mint chutney in the traditional way . over all though , we were still enjoying our little snacks while we were figuring out what to order . we ordered the samosa chaat and onion bhaji as our appetizers . this is where our disappointing experience really began . we had asked for the chutneys and yogurt to be brought out on the side and not mixed in to the samosa chaat so that we could add those things in to our taste ( a lot of restaurants make it too sweet for our taste , so it ' s just easier this way ) . asking for all three of these things on the side was like a N minute conversation , so when they brought out the dish and it was soaking in chutneys but had the yogurt on the side , we were a little miffed , but understood that everyone can make mistakes and decided to try it and see how we liked it before we complained . that ' s when things just got worse . samosas are supposed to be served hot . . . even when they are used in samosa chaat . the samosas in the samosa chaat we were served was cold . . . like straight out of the fridge cold . in addition , there was so much tamarind chutney in the dish that the samosa were basically swimming in it ( not an exaggeration ) . so at this point we reminded the waiter nicely how we had originally ordered it , and since the samosa was cold if they could serve it to us hot instead . while the waiter admitted that most people serve the samosa hot and add all the cool cold ingredients on top , their restaurant did not and only served it cold . as a restaurant , if you have a microwave in the kitchen ( which we know they did ) , why not just make a customer happy and heat up the samosa before serving it ? i ' ve never been to a restaurant that refused to accommodate the customer . in the end , they brought out another very cold samosa in the samosa chaat , and didn ' t bring out any chutneys to go with it at all , expecting us to eat it dry . on an upside , the onion bhaji was very good , but again they forgot to bring out the chutney accompaniment that goes with it , and we had to remind them to bring it for us . for lunch we had ordered the saag paneer and vegetables with unripe mango ( can ' t remember the name , but it seemed really interesting ) and two orders of garlic naan . after a while the waiter brought out the saag paneer and mango vegetables , but didn ' t clear our table first , so he had a lot of trouble placing things . when we stacked and collected our appetizer plates and dishes for him he took them away ( another thing i don ' t usually have to do for a waiter to clear the table , which added to the poor service i mentioned in the first paragraph ) . we waited N minutes for our garlic naan to be served to us after he brought out our vegetables and it was only after one of us walked over to the door of kitchen takeout area where the N workers where and asked about our naan since our vegetables were now getting cold . the response was \" oh , do you only want N now ? \" really ? ! N minutes is absurd when those items should have been brought out together since they are meant to be eaten together ! every other restaurant i have ever been to gives you all the portions of your entr e at the same time . did i mention there was still no one else in the restaurant , so it ' s not like they were busy serving other guests . there also didn ' t seem to be many take out delivery orders at the time since we were sitting close to the door and would have been able to see another customer or delivery person . the entrees we ordered were okay in taste and appropriately spicy for what we ordered . i would still prefer tiffin , karma , or palace at the ben to this place because their food and service are both good . if anyone was wondering , we were nice to the waitstaff despite the trouble and even told them our opinions as to how to improve service , but it didn ' t seem like they cared . all in all , i will not be going back and i won ' t recommend this place to anyone because of their poor slow service and just okay food . \n","\n","Geo-Entites in Sentence 67: \n","ekta\n","fishtown\n","yelp\n","ekta\n","tiffin\n","karma\n","palace at the ben\n","\n","\n","Sentence 68: well , mixed impression . . . walked in , not sure if to seta and wait for the waiter , order by the counter , etc . . staff was busy . . . chose a table , and waited for a while . realized that no one is coming , went to order . they accept cash only . no cappucino , regular coffee only . order breakfast sandwich , sloppy presentation , roll not toasted ( in the description mentioned as toasted ) . . overall ok . had to go back to get a fork , the waitress forgot to bring it to my table together with the order . very modest decor , on the cheaper side . dusty artificial flowers in a small vase , a long dark hair among the napkins placed in a bucket . . . i guess for bayonne this place is ok , but they should take an example from other successful businesses that cater to busy morning crowd . small things do make a difference . attention to your customer instead of having a conversation among the staff members , checking up on the people in the other room , coffee refill might be offered . . . overall there is a potential , and other portions also seem good - but there is also a lot of room for improvement . giving the place N stars , only because it is better compared to other bayonne breakfast spots . in the city this place would have been between N and N stars . \n","\n","Geo-Entites in Sentence 68: \n","bayonne\n","bayonne\n","\n","\n","Sentence 69: i tried the new chat buffet tonight and it was amazing ! ! ! there is sooo much variety ! there was tons to choose from and everything was soo tasty and i left with a very full but happy stomach ! if you are a fan of indian vegetarian food , you don ' t want to miss this ! the chat night is every wednesday starting at Npm . i ' ve also eaten at shahi palace during lunch hours and they have a great buffet . they have vegetarian as well as non-vegeterian items . they ' re bound to have all your favorite indian dishes and your sure to leave with new ones . i just love this restaurant because the food just tastes so fresh and authentic . being of indian dissent , i ' m not very often pleased with the taste of the dishes at typical indian restaurants . they always have a generic menu and the food just lacks good authentic flavor , but shahi palace truly has it all and they really impressed me . besides the food , they also have great service . the waiters are very courteous , helpful and patient . the atmosphere within shahi palace is also very nice and comforting . it has been remodeled and taken under new management and let me tell you they ' ve done a great job ! the design of the restaurant is very elegant , rich and inviting . shahi palace is sure to please your eyes as well as your taste-buds ! so i definitely recommend to check this new place out ! \n","\n","Geo-Entites in Sentence 69: \n","shahi palace\n","shahi palace\n","shahi palace\n","shahi palace\n","\n","\n","Sentence 70: i am split on trumbull kitchen , hence the N star rating . i have been to tk a number of times for different occasions , from a pre-drink before going clubbing at N , after a late night for drinks , to just hanging with friends and to grab dinner . let me first say that i like the atmosphere , it ' s a nice swanky place that overall has a nice vibe to it . each time we have gone we have been seated at different areas , once at the normal tables , another time we grabbed lounge sofas up front ( which were great to sit and chat by ) , and another time at a long table that was shared by probably N strangers . it was a bit odd and made making a trip to the rest rooms a bit of a challenge having to play leapfrog to get out . the food is overall very good and if you judge this place solely on food then i most likely would have given it N-N stars . even their drinks for the most part are very good , they are typically strong and my girlfriend loves the apple martini . the food alone , however , is not everything in a restaurant . now to where the problems lie for me . it is the service . i have never received good service at tk no matter the occasion or time . every person whether they are the door staff or waiters has been rude and seemingly pretentious . the last three times we came we stood by the front obviously waiting to be seated or to have someone acknowledge our existence . two times ago N people walked right by us and the girl at the front desk ignored us , chatting with friends before i had to step in . another time we were sent to a table even though we made it clear we were only getting drinks . when the server realized we were only having drinks ( which weren ' t cheap by the way , they probably totaled a meal by themselves ) he was so rude with his remarks , attitude , rolling eyes , and even throwing a napkin to the point where i should have called the manager over in hind-sight . too bad as the place has nice bones but is shrouded in a pretentious facade . \n","\n","Geo-Entites in Sentence 70: \n","trumbull kitchen\n","tk\n","N\n","tk\n","N\n","\n","\n","Sentence 71: had a fantastic meal here N months ago , so was psyched when i needed a last minute spot for dinner and reserved via opentable . . . there was tons of availability every N minutes on a monday night . . . arrived and had to wait N minutes for hostess to figure out what was going on , even though restaurant was only N N full . she directs us to a table right next to the door ( it ' s N outside ) that has one window seat bench ( fine ) and the other is a tiny stool , N \" high . we politely ask to sit away from the door . she looks blankly at us and said this is the only table available . we point to the near empty restaurant and say that surely she could fit us in at one of the N open tables . she half apologizes and says unfortunately she can ' t . bizarre , frustrating , disappointing , stupid . we left and went to morandi , without a reservation , got a corner booth , had incredible food ( as you always do there ) and warm , friendly , top-notch service . one of these restaurants will be around for a long time . \n","\n","Geo-Entites in Sentence 71: \n","morandi\n","\n","\n","Sentence 72: i ' m a foodie and a beer fanatic . of course i checked this place out . i was very disappointed . you claim to be a gastropub with only six beers on draft ? seriously ? the menu is very hard to understand . i felt like i needed a translator to explain it to me . very complex , almost too complex . the menu imposes on itself . the location is also very bad . it ' s in the heart of lackawanna plaza and it ' s parking lot is riddled with drug dealers and homeless people begging for money . i ' m new to the area and i ' ve already seen it . it ' s a beautiful place , but i don ' t know what they were thinking opening it in that location . it ' s also considerably over priced when you consider it ' s next to a pathmark . this place is borderline an insult . the severs don ' t really have a grasp on serving . they don ' t look you in the eye and they are very unsure of themselves . the bussers and food runners are just as nervous . this place means well but just doesn ' t deliver . and it ' s a shame because they have some great food ( when you can figure it out ) and a nice atmosphere . \n","\n","Geo-Entites in Sentence 72: \n","lackawanna plaza\n","pathmark\n","\n","\n","Sentence 73: good i really like the atmosphere with the wood tables , high ceilings , exposed brick and white twinkle lights . good awesome soups , good food . this place has better flavors than any other lunch spot i ' ve found in burlington . prices are a little lofty but not beyond expectation for tasty thoughtfully prepared offerings . ok the sliced baguettes that are served with the soups are boooooooring and pre-slicing them makes them dried out . that ' s totally cutting corners on already sub-par bread offerings to go with great soup . fixing this detail would be easy and would elevate the quality by a lot . poor although no one wants a surly server , it would be nice if the staff could contain their jovality to a professional level . i am frequently one of a very few customers sitting here enjoying lunch and the employees get silly and rowdy to the point where it makes me uncomfortable , as though i am intruding on their happy fun time . poor place where we ' re supposed to put our dirty used plates should be more clearly indicated . poor i can ' t reach the back row of the salad bar without contorting myself in a ridiculous fashion . i am an average size female ( probably your target clientele ) and if i can ' t reach the stuff in the back row then most of your customers can ' t . maybe invest in longer tongs ? bad tables need to be wiped off more often . it ' s a very rare thing for me to come here and not have crumbs mess on the table which i wipe myself . bad i visit facebook every day to see the specials , and then i base my lunch break on whether or not i want something being offered . frequently items become sold out here at ccse and it would be polite to update your facebook if when the items are no longer available . \n","\n","Geo-Entites in Sentence 73: \n","burlington\n","ccse\n","\n","\n","Sentence 74: i used to be into this place . it ' s one of the few places in the neighborhood that regularly shows football . the food is decent , but pricey for the portions . if it weren ' t for tonight i ' d give it N . N or N stars . however . . . so , tonight i go there after working all day til N pm . i just want to watch the game quietly and eat some food . i order a N cheeseburger and a N petri dish of beans and rice . like , tiny portion , one can of beans equals at least four servings for them . my burger arrives and i ask for some ketchup , but unfortunately , no , i cannot have any ketchup . why ? because the ' chef ' of this bar has decided that ketchup would ruin the ' authentic cajun experience ' of eating their burger . i then ask if mustard is part of the authentic cajun experience . nope . no ketchup , no mustard . it ' s either hot sauce or a dry burger . and this is my beef . not just with them , but with almost every spot in the neighborhood . i didn ' t come to heavy woods for an authentic cajun experience . i just wanted to watch the game after a long day of work and eat a burger . a burger , not a po ' boy , not jambalaya , not crawfish , a fucking burger . last i checked burgers weren ' t invented by cajuns . what do i want with my N cheeseburger ? some ketchup , maybe some mustard if i ' m feeling saucy . but instead of providing these basic condiments , they serve up some insane snobbery about the authenticity of the cajun experience in a bar in the middle of north brooklyn . listen , you want to be creative about your food , great . so long as it ' s tasty , and not overpriced i ' m all for it . but the moment you start putting on airs in a neighborhood spot . . . that , to me , is bullshit . this isn ' t per se . this is a corner bar . buy some fucking ketchup . \n","\n","Geo-Entites in Sentence 74: \n","heavy woods\n","north brooklyn\n","\n","\n","Sentence 75: the ambiance will knock your socks off except for the droning thump-thump music with no melody . that ' noise ' made us want to get out of there quickly and vow never to return . the food ? my god ! for the price , the portions are tiny . i mean ridiculously small . it makes you feel ripped off . now for the quality N . people who rate this restaurant highly probably don ' t know good food or how chinese food should be prepared . N . egg rolls they are packed with shrimp and meat , but are not tasty . the wrapper is hard and thick , not delicate as they should be . N . chicken dumplings . they were ok , but reminded me of the frozen ones i get at costco . nothing horrible , but nothing great . N . black pepper beef . very tender because of what tasted like chemical tenderizer used on an otherwise cheap cut of meat . and , the dish is a few chunks of beef with no veggies except for a wisp of onion here and there . N . lemon chicken . full of bones and skin , tasteless and very plain . grilled asparagus was mushy and also tasteless . this dish simply didn ' t work . N . chinese sausage fried rice . this was the best and cheapest of the dishes . all in all , an underwhelming experience for N ( two drinks ) . getting wow chinese food for less than half the price isn ' t difficult . btw . there is no ' chef ' ' just workers who follow the recipe . \n","\n","Geo-Entites in Sentence 75: \n","costco\n","\n","\n","Sentence 76: one particular of my beloved brunches from the metropolis has got to be the stoop brunch at scratchbread in bed-stuy . for some , it can be a hike , but you can find anything superb about milling about the sidewalks outdoors the buying window , eavesdropping on other brooklynites speaking about how their twin peaks tattoos had been misconstrued as conspiracy theories , and having fun with smashingly one of a kind breakfast treats . the peasant sourdough arrives out the oven seeking like some crusty rye loaf , but it really is basically over the gentle and thin-crusted aspect . as in several scratch products and solutions , the bakers construct the elements for this bread from a little team of developing blocks which have been also utilized for other loaves . very first will come the sourdough starter , created from oat mash , rice , and wheat berries . to this they include cane sugar , a bran mixture of wheat bran , flax seed , and oats , and afterwards a mix of dim rye , full wheat , standard wheat , and spelt flours . the ultimate product or service is gentle , medium dense , and loaded having a abundant aroma of oats along with other grains . \n","\n","Geo-Entites in Sentence 76: \n","metropolis\n","scratchbread\n","twin peaks\n","\n","\n","Sentence 77: yesterday my sweetie and i were headed to the bank and noticed imocha . we had never seen the place before , and since we both lived in california for a long time , we are usually not impressed with thai food on the east coast . the lovely , appealing look of the restaurant , and our excitement about having a thai restaurant in town helped us to overcome our wariness and give it a try . i am so glad we did ! first , the interior decor and ambiance of the restaurant was every bit as classy and delightful as the outside which had lured us in . our server , nat ( also one of the owners we later found out ) was attentive , kind and welcoming . and the food was some of the best thai food we have ever had ! first we had the thai iced tea usually this drink is extremely sweet , but the version at imocha was perfectly balanced so you get the sweetness you expect but it ' s not over the top . for dinner we had tofu cashew nut and pad see ew . both were flavorful and delicious . the ingredients were fresh , and the portions were generous . pad see ew is usually not my favorite as many places make it too oily and the flavors don ' t do much for me . i chose it this time on a whim , and i couldn ' t believe how good it was . everything was seasoned so well . you could tell that the cooks put thought and care into what they were doing . for dessert , we had the most delicious sticky rice and mango i have ever tasted . they serve it with a light sprinkle of toasted sesame seeds which complimented the sweetness of the sweet coconut and mango , which was very sweet and soft . the prices are a little more than what we have seen at other thai places , but in this case i would say you get what you pay for--the ingredients were fresh and it was one of the best meals i ' ve had in this town , so a few extra bucks isn ' t an issue . money well spent ! afterwards , nat took the time to talk with us and ask us how we liked the food even though it was closing time . she was so genuine and easy to talk with . everything about this restaurant made us want to come back . we highly recommend imocha , but we are sure they won ' t have any trouble getting plenty of business because the food speaks for itself . wonderful ! \n","\n","Geo-Entites in Sentence 77: \n","imocha\n","california\n","the east coast\n","imocha\n","\n","\n","Sentence 78: i ' ve had dinner at don pepe ( N ) times in the last year . each time was on a saturday night . the first visit as in august of N and the parking lots were empty . everything went well . we were seated quickly , the food was very good and the sangria was delicious . the one thing i didn ' t like is the waiter grabbed a second picture of sangria in record time when my wife said she wanted more . i objected but she said let ' s get another one and the waiter blew out of there and was back in N seconds with a small pitcher . we could not finish it ( at least without being officially declared a drunk driver ) and we couldn ' t take it with us so that was a waste . the Nnd visit both parking lots were packed . not looking good but we walk in and there ' s plenty of people around . we ' re greeted by the hostess and she says a table for N will be N minutes . i ' m puzzled but optimistic . i ' m thinking how can it be only a N minute wait ? well it turned out to be almost an hour . half way through i gave thought to leaving but it was already pretty late for dinner and to start over at another restaurant is not a chance i wanted to take . it was apparent that we were lied to . again the food and the sangria were very good . the third time we take my kids and parents for a party of N . we ordered appetizers and then the entrees . we ordered ( N ) items figuring that would be enough . there is no way one person can eat the whole portion of the items we ordered not to mention my two daughters . when the bill came we were charged for sharing two plates which was N . N when tax tip are included . this irked me because when the appetizers are included there were ( N ) items in total ordered . i did not want to make of deal of this because we enjoyed having dinner with my parents but couple this with the sangria which was subpar and i won ' t be coming back any longer . there are plenty of very good spanish restaurants very close by in newark . \n","\n","Geo-Entites in Sentence 78: \n","don pepe\n","newark\n","\n","\n","Sentence 79: i went there today on whim . i had been craving some bbq these last couple days and decided to give this place a try . normally i go to dinosaur ( harlem ) or hill country ( flat iron ) for bbq . i am so glad i tried a new place the staff was very pleasant and patient at my request to sample items before i made my selection ( sample before purchase is always a plus in my book ) . pro- brisket was amazingly flavorful , tender and moist ( exactly what the carver had promised it would - ) ) . brisket had great texture ( was not overly chewy ) . this is a favorite . it outshines everything . ribs- i enjoyed the ribs that are prepared at mighty quinn ' s . ribs have a nice crust , great texture , not chewy or rubbery at all . the ribs are not drenched in sauce ( i hate when ribs are served in bathed in sauce , especially a sweet sauce ) . i want to be able to taste my bbq rib and control the amount of sauce i put on it ( if i need the sauce ) . move over dinosaur , i found a new bbq home in mighty quinn ' s . hill country , its the end of the road for us . take out- i live in queens and ordered my brisket , spare ribs and sides to go . i was extremely happy to see the food maintain its integrity as i traveled with it via mta and had to reheat it in my oven N hours later ( another plus in imho ) . cons- vinegar coleslaw sweet potato casserole - it was not bad , but it wasn ' t memorable . but i prefer the coleslaw to the sweet potato casserole . really folks it ' s the brisket that is the star of the show . i am glad this place doesn ' t offer mac and cheese i feel that has become to predictable as a side . \n","\n","Geo-Entites in Sentence 79: \n","dinosaur\n","hill country\n","hill country\n","queens\n","\n","\n","Sentence 80: do you like lemons ? do you like olives that look like grapes ? do you like food that tastes like citrus detergent ? if so , this is your place . franco luigi ' s was a pizzeria that i grew up around the corner from , and they made great pizza and italian food . now , it ' s a rip-off restaurant with great entertainment that serves crappy wedding food with bad service . the only redeeming quality these days is that it ' s a byob . it should be a byod ( bring your own dressing ) for the house salad . the garlic rolls were delicious and most likely store-bought . both entree choices ( fish and chicken ) sounded delicious when the waiter described them , but turned out to be drenched in lemon sauce that overpowered the taste of the food . both entrees also included a lemon slice , just to make sure you got that lemon taste . the waiter thought our french wine was italian . a decent ricotta cannoli for dessert , also probably store-bought . the subpar food was totally overpriced ( N for four people ) and included a N tip that was added to the bill . the food is not italian . gordon ramsey would shut this place down . \n","\n","Geo-Entites in Sentence 80: \n","franco luigi ' s\n","gordon ramsey\n","\n","\n","Sentence 81: our first time visit a few years back was extraordinary . very friendly and have N shirts on the house . we devoured the entrees , appetizers , and N half pies and N for home . we live out in long island , N miles round trip but never think about the time and gas especially when we need to introduce people from out of state to the best sicilian in ny . i subtracted two stars for my last two visits . on our next to last visit , the two half pies came out i e cold with hot sauce spread on top and before the appetizers . we sent them back and the people we brought there from california asked me what all the bragging was about . just yesterday , i brought my family and two nephews from florida N miles in traffic on a rainy day . this time we were fine until i asked nicely for a couple of shirts for my out of towners . some older gentleman working there \" drilled \" them about \" where in florida \" . when the waiter came back he said , \" our order for the new year didn ' t come in yet so we have none \" . i said i am paying for them and to double check and if not i ' ll buy two hats instead , he returned and said they are out of hats too . i called the next day and asked about this and i was told clearly that there are plenty of hats and shirts because she does the ordering . so , you lie to a regular customer that just travelled N miles round trip with guests again , spent N . N plus gas ? on principle alone , i won ' t be back , i may miss the pizza , they probably won ' t miss my money but its a sad trend that they may be creating . \n","\n","Geo-Entites in Sentence 81: \n","long island\n","ny\n","california\n","florida\n","florida\n","\n","\n","Sentence 82: we go here regularly and have yet to be disappointed . if you like fresh sushi at reasonable prices in a cool atmosphere with great music and friendly service , then this is the place for you . just the ability to be in and out in N minutes ( if you wish ) thanks to the conveyor belt is awesome for us . i am a huge believer in the power of consistency in restaurant success and umi has always been consistently fresh and delicious . the conveyor belt is great fun , especially for kids and has helped us to successfully introduce our picky eater to the delights of sushi . the only criticism i have is that some of the recipes on the conveyor belt are , to my mind an abomination . stuff with chicken and bacon just isn ' t right . but i suppose one has to cater to the western palette for business ' sake . one other note i cannot speak to the food ordered from the menu . we only do sushi from the belt or custom sushi orders . no back kitchen stuff . maybe that ' s good too , just don ' t know . \n","\n","Geo-Entites in Sentence 82: \n","umi\n","\n","\n","Sentence 83: bizzarre ! my husband and i were the only people there on a saturday night in september , right when yale and the other schools were getting started . we made ( useless ) N Npm reservations and were shocked that we were the only customers . we heard continual noise from the kitchen , like everyone was cleaning up to go home . they do have a wine list , but no drink menu . there was no visible bar , but they did have the capacity to make mixed drinks . i suspect they share a liquor license bar with gotham nightclub . the breads were ok , with interesting butter accompanying them . we started with the black garlic and crostini . be forewarned- black garlic doesn ' t taste like garlic ! it has a sweet taste to it , so it didn ' t satisfy our garlic tooth . the crostini arrived burned ! being that we were the only people there , how could they burn the bread for our first ordered item ? i had the grilled chicken with lemon garlic sauce and spinach . the vegetables and roasted were good , but had no lemon or garlic flavor ! my husband had the skirt steak , which came with the same vegetables that i had . nothing to write home about , and a bit oily . one last thing , at about Npm , techno music from gotham started . it didn ' t make for a good eating atmosphere a all . even worse was when employees opened some side door , the music got really loud , enough to pause our conversations . what a bizarre experience ! what a weird location for a restaurant ! why does gotham blare techno starting so early if they know their attached restaurant is open ? we may never know ! \n","\n","Geo-Entites in Sentence 83: \n","bizzarre\n","yale\n","N Npm\n","gotham nightclub\n","gotham\n","gotham blare\n","\n","\n","Sentence 84: i have been to the abbaye maybe a dozen times over the last N or N years . it ' s been a while since i ' ve been there but overall i ' d say they have very good brunch food and drinks . however , my last experience at the abbaye has resonated and it has been N years . me and my girlfriend were sat for brunch on a saturday . we ordered our food and about N minutes later another couple was sat nearby . N minutes went by and the couple who was sat received their order . N minutes went by and we asked the waiter about our order . he said the kitchen was working on it . another N minutes went by and i asked again , this time saying \" the couple next to us is finishing their order and they came in some time after us . \" the waiter then gave me a blank stare and said \" i don ' t know what to tell you . \" another N minutes went by and at this point i was pretty angry and i again asked the waiter what is going on and he could probly see i was angry . again , he said \" the kitchen is working on it sir , i don ' t know what to tell you . \" at that point me and my girlfriend walked out . a few steps out the door i decided to go in and tell the waiter the following \" next time there is a problem with an order that your customers are asking about and your not sure what to tell them , try telling the ' sorry about the inconvenience ' and making them feel like you give a shit . \" to that he replied \" i dont ' know what to tell you . \" that was the last time i was at the abbaye . \n","\n","Geo-Entites in Sentence 84: \n","abbaye\n","abbaye\n","\n","\n","Sentence 85: i wouldn ' t bring james holmes ( aurora , colorado theater shooter ) to this place for his \" last meal \" . the waitresses are inattentive , rude , inefficient and totally unfriendly . you ' re treated as though it ' s all your fault thay had to come into work that day . i brought a client and sat at a vacant table for four . we needed a little bit of writing room . one of the old witches began screaming at us in front of the other patrons \" . . . you guys got to move from that table . it ' s for four people . you ' re going to have to move somewhere else \" . hadn ' t it been for witnesses , i ' d have hauled off a slapped her with my N mph pitching hand . the food is the worst ( even worse than domino ' s ) . the crust was soggy in places and burned in others . the tomato sauce was bland and institutional tasting as if it were from shoprite and the toppings are sparse . be very careful ordering drinks . if you do , pay very close attention to the tally . they customarily pad the check and i mean \" pad the check \" . i ' ve been told since then , that the people who regularly patronize this place are pretty much a \" who ' s who \" of west haven ' s degenerate rifraf . \n","\n","Geo-Entites in Sentence 85: \n","aurora\n","colorado theater\n","shoprite\n","west haven '\n","\n","\n","Sentence 86: went to front street bistro for dinner then went to the theater afterwards to see silver linings playbook . we were welcomed right when we walked in the door by the ticket taker , hostess and even a manager who was just walking by , this was a great and welcoming feeling . we arrived at N N for a N N movie . we were sat right away and our server was over to us for drink orders within less than N seconds ! ! ! we ordered from the taste of hartford menu , what a great deal an entree , appetizer , your choice of sides and desert all for N . N , by the way not to mention they give you a free movie ticket with every guest who purchases the taste of hartford deal . the ticket is good only sunday thru thursdays , but not a bad deal at all since tickets sell for N . N . our food came out within N minutes after ordering . the speed and customer service at this business is extraordinary . the food was delicious , my compliments to the chef ! line moved fast at the box office concession stand , we were greeted by an attendant with a warm , cheerful smile , we weren ' t planning on buying any snacks , just tickets but the smell of the great popcorn and a little sales push from the attendant we decided to get a medium popcorn which was freshly popped and sooooo good ! we had purchased our tickets and received our popcorn all within under a a minute or two . as we proceeded to our theater my wife dropped the popcorn and started to pick it up , a young manager with glasses saw this and came right over and told my wife not to worry about cleaning it up and that he would have it taken care of , he then called over en employee to sweep it up , took our popcorn said he will re-fill it for us and bring it into our movie so we wouldn ' t have to wait and miss any previews , now that ' s service , going above and beyond to do anything to make the guest happy . we absolutely love this place and will be back many times and will bring our friends ! ! \n","\n","Geo-Entites in Sentence 86: \n","front street bistro\n","N N\n","hartford\n","hartford\n","\n","\n","Sentence 87: i disagree with the two dollar sign ( ) rating . the london grill is ala cart and when you add everything up that you would get with an entree at most restaurants , you are up to ! i am said girlfriend of daniel s . ( see his review on N N N ) and we ate there on N N N with my daughter . it wasn ' t that busy and yet the service was terrible . they were out of the first four things we tried to order ! my daughter and i ended up ordering the butternut squash ravioli . we received N - yes six literally - raviolis apiece for N per plate ! ( my bf said N-N--wrong ! ) good thing we added on vegetables for about N more per plate . the carafe of wine we ordered for N was your basic cheap house wine . do yourself a favor and go to one of the byobs in the area - at least you ' ll get good wine . the little bit of food we received was very good . they gave us a free dessert to compensate for all the things they were out of , and while we ordered three desserts altogether , we still left hungry and feeling ripped-off . overall , i would not recommend the london grill . \n","\n","Geo-Entites in Sentence 87: \n","london\n","ala cart\n","N N N\n","london\n","\n","\n","Sentence 88: on N N N my wife , son daughter-in-law and i were having and enjoying dinner at your restaurant around Npm . after N minutes a party of N people came in for dinner and proceeded to talk and carry on in a very loud manner disturbing everyone at surrounding tables . my son asked them to keep the noise level down so others could enjoy their dinner . they ignored him and began to shout back at us and one of the men threaten to kick my a . being N years old i feared for my well being against the threats of a twenty something year old . one of the security guards came over to defuse the situation . i feel that this should have never occurred and your staff should have intervened and tell these rude customers to quiet down . unfortunately this did not happen . i have enjoyed your restaurant and raved to my friends and family . unfortunately i will never return to becco ' s because my life was threatened by another patron causing me and my family much embarrassment and the fear of another such occurrence . a prominent lawyer sitting next to me iterated the same sentiments . \n","\n","Geo-Entites in Sentence 88: \n","becco ' s\n","\n","\n","Sentence 89: consistency is what makes people keep going back . the first few times i visited barbuzzo , i was so impressed . i have turned many friends onto barbuzzo , people have traveled far to eat here . the last time i was there , i was highly disappointed and will not be back for a long while , if that . what we ate dinner brussel sprouts- dry . i make them better myself uovo- half the pizza had no toppings ! i usually dream about this pizza- very , very disappointed . squid and calamari- came to our table ice cold ! actually sent this dish back- something i would never dream of doing the first few times i ate here . fideua- N bucks for N shrimp , a few mussels and some sausage ? not impressed at all . mortadella- missing the pesto as the menu describes in the dish . drinks sanguinello and basil lemonade- good desserts tirumaso- nothing special bundino- the only food item that stayed consistently very enjoyable . service more depressed than the usual blase attitude . sorry barbuzzo , i will miss the old you terribly ! \n","\n","Geo-Entites in Sentence 89: \n","barbuzzo\n","barbuzzo\n","\n","\n","Sentence 90: my wife and i had just attended an evening meeting of the dutch kills civic association in the area and then went to flux factory art venue . we were not done yet , so we walked by crescent grill since they have a small art gallery at the front of the restaurant . since we had already eaten diner right before the meeting and had cake at the meeting we only ordered an appetizer to share a the bar . we had duck balls . i kid you not . i had never seen duck balls before . they were delicious . we found out that they serve sunday brunch . we will look at their web site and see if they list the brunch special for that day . wait . . . just went to site and signed up for their twitter feed . so now i hope they tweet announce sunday bunch . sometimes we don ' t get up till N Npm . so they better say from what time to what time . oh , over the bar is this fantastic photo of the queensboro bridge the full length of the bar and more art throughout the crescent grill . i think that it is all local artists as we recognized many of the names . update of sunday october N , N we had signed up for their twitter feed so was notified of sunday brunch . it says until N Npm , so we got up early at around N N noon previously we had eaten before going there , but when you go to a restaurant , you should eat at the restaurant , not before you get there . wife had \" country breakfast \" . she loved the way the home fries were cooked . i had \" seafood omelet \" . it was delicious . you could tell in both that only the freshest and best ingredients were used . we had been to a house party night before so wife did not want an alcoholic drink . i had a bellini which wikipedia describes as \" a bellini cocktail is a mixture of prosecco sparkling wine and peach pur e . originating in venice , it is one of italy ' s most popular long drinks . \" it was delicious . we then had their delicious coffee as we chatted and i mused how this would be a nice place before or after evening theater . there are theaters in the neighborhood . so we may have dinner there one evening as this is a very nice place . \n","\n","Geo-Entites in Sentence 90: \n","the dutch kills civic association\n","flux factory\n","crescent grill\n","the queensboro bridge\n","wikipedia\n","italy\n","\n","\n","Sentence 91: i have been to the plan b in milford several times and each time i am thoroughly impressed . their craft beer list is one of the best in the state and their burgers are some of the best i ' ve ever had . i ' m just getting into bourbons which just by looking at the drink menu , is extensive to say the least . the layout is huge and covers a lot of ground . the service here is also fantastic . my girlfriend and i informed our server that we were on our way to a show so we were in a little bit of a time crunch . not a problem . we had drinks , food , payed the bill and was out the door before we knew it . i ' m particularly fond of the west coast burger with truffle tots , but have also had the baja , bbq blue cheese and pretzel burger . . . all are fantastic . i also recommend the disco tots , too . kind of , amazing . if you are in the milford area or a short drive away , and are looking for some of the best craft beer burgers in the state , look no further than this place . i highly recommend stopping in . bravo plan b milford . . . i ' ll certainly see you guys soon ! \n","\n","Geo-Entites in Sentence 91: \n","the plan b\n","milford\n","west coast\n","milford\n","\n","\n","Sentence 92: great atmosphere . great food . great drinks . amazing place . been a fan since the place opened up last summer . it ' s a very nice restuarant and it fits in perfectly with fort greene and the people who live here . the food is a bit pricier . not outrageous but not cheap enough for frequent family dinners . frozen mojitos and sangrias cost about N bucks . are they worth is ? depends on how crappy your day has been . the corn is great , i ' ve heard . not my thing , but i know several people who are slightly addicted to it . i ' d swear by the white-cheese and avocado burrito . amazing . under no circumstance should you order the fries . terrible . tasteless and hard and just . . . no . definitely the black-spot on the menu . the only thing that ' s practically inedible . everything is eco-friendly . the entire restaurant runs on solar-energy and all cutlery is made of recyclable material . but habana is best for it ' s atmosphere , for the outdoor lounge , the music , the fort greene residents . it ' s really a lovely place to hang out and meet people . \n","\n","Geo-Entites in Sentence 92: \n","fort greene\n","habana\n","fort greene\n","\n","\n","Sentence 93: i ' ll get the good part out of the way the chicken cheese steak is incredible . as a long-time vegetarian who has frequent cravings for hot greasy food , this place is a god-send . the bad news is that i have only successfully walked in and walked out satisfied maybe N out of N or N trips . i hate to say it , but the service is totally hit or miss . some days it ' s awesome with extremely friendly people there who are a delight to deal with . other days it ' s just plain awful . last night finally put me over the edge and forced me to write this review . i walk in and request a half a chicken cheese steak and fries , a great combo for N . N and one i ' ve had for dinner a few times after getting home late . there was a new guy at the register who didn ' t know how to ring up the order . he asked the cook who responded , \" we don ' t do the half a chicken cheese steak and fries after N N . \" i don ' t argue . \" i ' ll just get a whole chicken cheese steak and fries then . \" a reasonable request . he informs me they are out of bread ( really ? ! ) and i can have a spinach or wheat wrap . i go for wheat . and no vegan mayo ( because hey , it ' s kind of gross ) . let me also take a minute to note that the guy taking my order was super nice . the cook not so much . N minutes later and i get my order - a pepper steak on a spinach wrap with the mayo and no fries . now , either they didn ' t care , are completely incompetent , or hate me . so it was an epic fail of a trip . i have definitely given up on them for the time being . the sad part is that this was my first trip back since my last temporary boycott of govinda ' s . the last time i went i asked the guy what their veggie protein was and where they got it . he responded , \" it ' s from a place in brooklyn that only sells to restaurants like us . you can ' t buy it anywhere else . \" the thing govinda ' s has going for it is that the food is great - but when you can ' t even get the food you order and the staff is openly snide , it definitely causes it to lose some appeal . \n","\n","Geo-Entites in Sentence 93: \n","govinda ' s\n","brooklyn\n","govinda ' s\n","\n","\n","Sentence 94: i highly recommend this market ! it ' s a true taste of italy in princeton , nj . yesterday i tried their caprese panino . i just returned from a semester studying abroad in italy , and was pleasantly surprised to find that this sandwich was just as good as the ones i was accustomed to eating in italy ! homemade , melt-in-your-mouth mozzarella , fresh tomatoes , and pesto that tasted as if the basil had just been picked that morning . and authentic italian bread ! i found out that the bread is fresh everyday , brought in from a brooklyn bakery . what i love most about the market is that i could come here for lunch or dinner every day , and eat something different . . . they have pizza , salads , panini ' s , a salumeria , bakery , butcher , produce , an espresso and cappuccino bar , and all sorts of products imported from italy . i asked at the front , and they do catering . . . next time i have a party i will definitely be asking d ' angelo to cater . so next time you ' re craving some homemade tiramisu , or a slice of artisan pizza , try d ' angelo . oh , and the prices are very reasonable ! ) \n","\n","Geo-Entites in Sentence 94: \n","italy\n","princeton\n","nj\n","italy\n","italy\n","brooklyn\n","italy\n","\n","\n","Sentence 95: the food ifs pretty amazing . however , i had to give only two stars , because it is a buffet so i have to get up and serve myself correct ? they charged me a mandatory gratuity . ( when i had to serve myself ) . i understand that the drink i had was greygoose vodka with passion fruit juice , but N for a drink in newark makes no sense to me . they charged me N for the drink then added an extra charge of N for the premium vodka . i pay less for my drinks at a club or lounge . extremely ridiculous . the food is good , however this is not nyc . and if i have to pay gratuity for you to bring me N drinks i had that night then i would have opted to get them from the bar myself . cause it was right in front of my table . i should have told the waiter to go serve me my food as well if i knew this before hand . i ' m actually pretty pissed off at my experience . the thing is i always went there for good food , but since they added a bar and must have paid a pretty penny for their liquor license they up charge everything . be careful and check your bill . they unfortunately lost a regular client . if they want to regain money lost they are gonna have to steal from someone else . i felt robbed last night . never again ! ! ! \n","\n","Geo-Entites in Sentence 95: \n","newark\n","\n","\n","Sentence 96: era bar has changed significantly with beer on tap , and better and more improved ethiopian food and the service has drastically improved . i went to era with my N friends , and our girlfriends and we had the best time ever ! ! we met a guy name leon , there who was very cool and down to earth . who helped us order . era bar simply has the best ethiopian food , they recently have a new chef . the chef cooks very good , ethiopian food the best i have ever tasted . she has been at era bar for a week so far . i was also amazed about the authenticity of the ethiopian food at era . also a very , very , hospitable staff that are very attentive . the whole month of feb . the yesega tibs i ordered was just delicious and succulent with a variety of flavors that i can not even describe lionshead beer with a shot of heaven hill for N . N that was quite a deal . i just found out at era bar every friday and saturday there is a ( drinks ) only beers that are N N any kind as part of a special . they also had a new desert baklava for N . N that was veeeeeeerrryy tasty ! ! i never had ethiopian food before . . but it is the best if you have never tried it before you should ! ! good drinks , good people . my over all review is N stars , an a ! ! ! ! ! \n","\n","Geo-Entites in Sentence 96: \n","era bar\n","era\n","era bar\n","era bar\n","era\n","era bar\n","\n","\n","Sentence 97: my wife and i were visiting from out of town and our son suggested rizzuto ' s as a dinner destination . we showed up on saturday night without reservations and were told to expect a N - N minute wait for a table . that ' s not unusual , i suppose . what happened next is . the maitre d ' noticed our disappointment . within minutes he came over to us and offered some alternatives a table in the bar area , perhaps a no-show on an existing reservation that he would hold for us . well , we decided to wait . and we are so glad we did . we were seated within N minutes of our arrival . the courtesy and professionalism of the maitre d ' continued with the hostess and the server staff . our meals were simply but beautifully presented and all were delicious , from the appetizers through dessert . there was a delay in the dessert arrival but the server recognized and handled it , quite professionally and to our satisfaction , before we registered any complaint . in all , it was a wonderful evening that we were talking about for days afterward . we can ' t wait for a return visit . \n","\n","Geo-Entites in Sentence 97: \n","rizzuto\n","\n","\n","Sentence 98: terra nostra is a small yet attractive cafe , with brick half walls and sconces lighting them . we were there for a party and our group took up nearly the whole place , apart from one high table at the window , so i don ' t know if regular business ( saturday afternoon ) was affected , though several people came in for orders . we started with piping hot bread and a garlic shrimp appetizer that lived up to its name . dipping the bread into the sauce was heavenly ! great salad with roasted squash , tender bbq chicken , yummy empanadas and a variety of other traditional foods like tripe which i acknowledged but did not try . solid flan for dessert- i would have preferred it to be lighter and sweeter but it was still good . service was great . if i had any complaints , it would be the following no mirror in the women ' s room ( and no sign to indicate that the door automatically locks when it ' s shut- i was afraid someone might walk in ) , small size , hard to find parking ( esp . after the blizzard ) , and , as a girl from the suburbs in ny , i felt not quite at ease walking to the car at night , but that in no way reflects on terra nostra . i enjoyed the food and the casual elegance of the decor . it ' s worth a trip ! \n","\n","Geo-Entites in Sentence 98: \n","terra nostra\n","ny\n","terra nostra\n","\n","\n","Sentence 99: i don ' t usually write reviews on here , but i want this place to stay -- so , here it goes we were craving oysters a two weeks ago and stumbled upon this restaurant , and so glad we did . we ' ve already been back twice with consistently good food every time . the cocktails are delicious and generous and the food . . . oh the food ! we ' ve already tried a fair amount of dishes ranging from the amish free range N N chicken ( amazing ) to the whole wheat tagliatelle with clams ( their pasta is homemade ! ) to onion soup , salmon , margherita pizza ( thing crust ! ) , salads , etc . etc . each thing more delicious than the last . finally we have a nice restaurant in the area that has great food and caters to individual tastes . there ' s something on the menu for everyone steak-a-holics , seafood fans , guten free people , and vegetarians ( black bean tofu \" steak \" ! ) . i can ' t wait to go hang out and eat in the bar area and pig out on wings , truffle fries , the chicken marsala pizza , and pot roast nachos . yes , it ' s true . we ' ll be back for sure . many times . go to tierney ' s copperhouse and spend your money . i want this place to stay for the long haul . it ' s delicious and beats all the chain restaurants in this area . \n","\n","Geo-Entites in Sentence 99: \n","tierney\n","copperhouse\n","\n","\n","Sentence 100: on N N N my husband and i treated a very dear friend of ours to lunch at fornos of spain in newark , nj . we used to frequent this establishment years ago with extreme satisfaction . however , this dining experience for me was very disappointing . due to my lifestyle change of eating , i closely examined their menu on their website prior to agreeing to lunch there . i usually eat fruit , vegetables , grains , beans , tofu and nuts . the vegetarian paella appeared to be a great choice in spite of its high price of N and some change . i ' m very familiar with paella which has always been prepared and presented with a variety of colorful vegetables along with seafood , sausage , garlic , spices and saffron rice . i was extremely disappointed with the vegetarian paella which was advertised to contain mixed vegetables . the mixed vegetables were string beans and bits of broccoli ( the root part of broccoli ) . can you imagine a yellow and green paella ? the huge pan appeared to be N yellow rice and touches of green . wow ! the waiter tried to be accommodating when i expressed my dissatisfaction with the lack of vegetables and inquired about red bell peppers , carrots and other vegetables . the waiter offered a small portion of roasted peppers and indicated that they did not have any other vegetables . this was a friday afternoon and a restaurant why would fornos have vegetarian paella on the menu and not have the essential ingredients to please their patron ? i have made several attempts to discuss this matter with the manager to no avail . warning to future vegetarian patrons who may be considering dining at this restaurant , do not order the vegetarian paella . you will probably fare better by ordering a couple of vegetable side orders . in fact , the salad that is presented while you ' re waiting for your meal may be sufficient . \n","\n","Geo-Entites in Sentence 100: \n","fornos of spain\n","newark\n","nj\n","fornos\n","\n","\n"]}]},{"cell_type":"code","source":["import spacy\n","import matplotlib.pyplot as plt\n","import numpy as np\n","from tqdm import tqdm\n","from collections import Counter\n","import pickle\n","\n","# Define paths to save in Google Drive\n","drive_path = '/content/drive/My Drive/'\n","fake_counts_path = drive_path + 'geo_entity_counts_fake.pkl'\n","fake_list_path = drive_path + 'geo_entities_list_fake.pkl'\n","real_counts_path = drive_path + 'geo_entity_counts_real.pkl'\n","real_list_path = drive_path + 'geo_entities_list_real.pkl'\n","\n","# Ensure GPU support is enabled\n","spacy.require_gpu()\n","\n","# Load the NLP model\n","nlp_trf = spacy.load(\"en_core_web_trf\")\n","\n","# Process Fake Reviews\n","geo_entities_list_fake = [] # List to hold geo-entities for fake reviews\n","geo_entity_counts_fake = [] # List to hold the count of geo-entities per sentence for fake reviews\n","\n","# For every review in the fake review list, check to see if it has any Geo-Entities that are defined below.\n","for entry in tqdm(examples_fake):\n"," review = entry[0] # The actual review\n"," doc = nlp_trf(review)\n"," geo_entity_set = set() # Use a set to store unique geo-entities for this review\n","\n"," # For each Geo-Entity found in this sentence\n"," for ent in doc.ents:\n"," if ent.label_ in ['FAC', 'ORG', 'LOC', 'GPE']:\n"," geo_entity = ent.text\n"," geo_entity_set.add(geo_entity) # Add to the set to ensure uniqueness\n","\n"," geo_entities_list_fake.extend(geo_entity_set) # Append the unique geo-entities to the list\n"," geo_entity_counts_fake.append(len(geo_entity_set)) # Append the count of unique geo-entities\n","\n","# Save the fake data to files\n","with open(fake_counts_path, 'wb') as f:\n"," pickle.dump(geo_entity_counts_fake, f)\n","\n","with open(fake_list_path, 'wb') as f:\n"," pickle.dump(geo_entities_list_fake, f)\n","\n","# Print some of the geo_entity_counts_fake for verification\n","print(geo_entity_counts_fake[:10])\n","\n","# Process Real Reviews\n","geo_entities_list_real = [] # List to hold geo-entities for real reviews\n","geo_entity_counts_real = [] # List to hold the count of geo-entities per sentence for real reviews\n","\n","# For every review in the real review list, check to see if it has any Geo-Entities that are defined below.\n","for entry in tqdm(examples_real):\n"," review = entry[0] # The actual review\n"," doc = nlp_trf(review)\n"," geo_entity_set = set() # Use a set to store unique geo-entities for this review\n","\n"," # For each Geo-Entity found in this sentence\n"," for ent in doc.ents:\n"," if ent.label_ in ['FAC', 'ORG', 'LOC', 'GPE']:\n"," geo_entity = ent.text\n"," geo_entity_set.add(geo_entity) # Add to the set to ensure uniqueness\n","\n"," geo_entities_list_real.extend(geo_entity_set) # Append the unique geo-entities to the list\n"," geo_entity_counts_real.append(len(geo_entity_set)) # Append the count of unique geo-entities\n","\n","# Save the real data to files\n","with open(real_counts_path, 'wb') as f:\n"," pickle.dump(geo_entity_counts_real, f)\n","\n","with open(real_list_path, 'wb') as f:\n"," pickle.dump(geo_entities_list_real, f)\n","\n","# Print some of the geo_entity_counts_real for verification\n","print(geo_entity_counts_real[:10])\n","\n","# Load the fake data from files\n","with open(fake_counts_path, 'rb') as f:\n"," geo_entity_counts_fake = pickle.load(f)\n","\n","with open(fake_list_path, 'rb') as f:\n"," geo_entities_list_fake = pickle.load(f)\n","\n","# Load the real data from files\n","with open(real_counts_path, 'rb') as f:\n"," geo_entity_counts_real = pickle.load(f)\n","\n","with open(real_list_path, 'rb') as f:\n"," geo_entities_list_real = pickle.load(f)\n","\n","# Combine both fake and real geo-entity counts\n","geo_entity_counts_combined = geo_entity_counts_fake + geo_entity_counts_real\n","\n","# Calculate the CDF for combined reviews\n","sorted_counts_combined = np.sort(geo_entity_counts_combined)\n","cdf_combined = np.arange(1, len(sorted_counts_combined) + 1) / len(sorted_counts_combined)\n","\n","# Plot the CDF for both fake, real, and combined reviews\n","plt.figure(figsize=(18, 12))\n","\n","# Plot CDF for fake reviews\n","plt.plot(sorted_counts_fake, cdf_fake, marker='.', linestyle='none', label='Fake Reviews CDF Points')\n","plt.step(sorted_counts_fake, cdf_fake, where='post', label='Fake Reviews CDF Line')\n","\n","# Plot CDF for real reviews\n","plt.plot(sorted_counts_real, cdf_real, marker='.', linestyle='none', label='Real Reviews CDF Points', color='orange')\n","plt.step(sorted_counts_real, cdf_real, where='post', label='Real Reviews CDF Line', color='orange')\n","\n","# Plot CDF for combined reviews\n","plt.plot(sorted_counts_combined, cdf_combined, marker='.', linestyle='none', label='Combined Reviews CDF Points', color='green')\n","plt.step(sorted_counts_combined, cdf_combined, where='post', label='Combined Reviews CDF Line', color='green')\n","\n","# Set the x-axis to show integers only, iterating by 2\n","plt.xticks(np.arange(0, max(max(sorted_counts_fake), max(sorted_counts_real), max(sorted_counts_combined)) + 1, 2))\n","\n","plt.title('Cumulative Distribution Function of Geo-Entities per Sentence')\n","plt.xlabel('Number of Geo-Entities')\n","plt.ylabel('CDF')\n","plt.grid(True)\n","plt.legend()\n","plt.show()\n","\n","# Count the total number of geo-entities\n","total_geo_entities_fake = len(geo_entities_list_fake)\n","total_geo_entities_real = len(geo_entities_list_real)\n","total_geo_entities_combined = total_geo_entities_fake + total_geo_entities_real\n","print(f\"Total number of geo-entities in fake reviews: {total_geo_entities_fake}\")\n","print(f\"Total number of geo-entities in real reviews: {total_geo_entities_real}\")\n","print(f\"Total number of geo-entities in combined reviews: {total_geo_entities_combined}\")\n","\n","# Count the occurrences of each unique geo-entity for combined reviews\n","geo_entities_list_combined = geo_entities_list_fake + geo_entities_list_real\n","geo_entities_counter_combined = Counter(geo_entities_list_combined)\n","\n","# Print the total number of unique geo-entities for combined reviews\n","total_unique_geo_entities_combined = len(geo_entities_counter_combined)\n","print(f\"Total number of unique geo-entities in combined reviews: {total_unique_geo_entities_combined}\")\n","\n","# Print the most common geo-entities for combined reviews\n","print(\"Most common geo-entities in combined reviews:\")\n","for geo_entity, count in geo_entities_counter_combined.most_common(10):\n"," print(f\"{geo_entity}: {count}\")"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":894},"id":"2phgbU3x7adt","executionInfo":{"status":"ok","timestamp":1722844053138,"user_tz":420,"elapsed":8272937,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"79aafeb4-a99d-4639-ddc0-d658c2b96214"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":["100%|██████████| 26870/26870 [14:00<00:00, 31.98it/s]\n"]},{"output_type":"stream","name":"stdout","text":["[4, 1, 3, 1, 1, 3, 2, 2, 1, 1]\n"]},{"output_type":"stream","name":"stderr","text":["100%|██████████| 205522/205522 [2:03:44<00:00, 27.68it/s]\n"]},{"output_type":"stream","name":"stdout","text":["[1, 1, 1, 2, 2, 1, 1, 1, 2, 1]\n"]},{"output_type":"display_data","data":{"text/plain":["
"],"image/png":"iVBORw0KGgoAAAANSUhEUgAAA04AAAIjCAYAAAA0vUuxAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAADAzklEQVR4nOzdd1wT5x8H8E8S9taiooKADBUHzvJTi6BFcYtWRaEq7jqKddRZi6OK1q11tLXiqLhXK+6B2zpxL1TEKo4OBUQZyf3+wKSELIJAUD7v1yu1ee6e+37vEmO+ee6eEwmCIICIiIiIiIg0Ehs6ASIiIiIiouKOhRMREREREZEOLJyIiIiIiIh0YOFERERERESkAwsnIiIiIiIiHVg4ERERERER6cDCiYiIiIiISAcWTkRERERERDqwcCIiIiIiItKBhRPReywsLAwuLi4Fus2VK1dCJBIhISGhQLdbGCZNmgSRSFQksfz9/eHv7694HhsbC5FIhM2bNxdJ/MJ4rT9kLi4uCAsLM3QaWt25cwctWrSAra0tRCIRtm/fbuiUij19Pp/kf0djY2MLPS8iKhlYOFGJd/fuXQwcOBCVK1eGmZkZbGxs0LhxYyxYsACvX782dHqFZvr06cXqi5r8C5H8YWZmhgoVKiAwMBALFy5ESkpKgcR5/PgxJk2ahLi4uALZXkEqjrklJCQovS45H//73/8MmtvJkycxadIkvHjxwqB55FevXr1w5coVTJs2DWvWrEH9+vW1rp+cnIxp06ahfv36sLW1hampKZydnREcHIyYmJgiylqVv7+/xvdI1apV87VNfT6flixZgpUrV+Yrzofq+PHjaNWqFSpWrAgzMzNUqlQJ7dq1Q3R0dKHGvX79OiZNmvRe/PBGlB8iQRAEQydBZCgxMTHo0qULTE1N0bNnT9SoUQMZGRk4fvw4tmzZgrCwMPz000+GTlOjsLAwxMbG5usfKSsrK3Tu3FnlC4dUKkVmZiZMTU2LbDQHyC6cevfujSlTpsDV1RWZmZl48uQJYmNjsX//flSqVAm//fYbatWqpeiTlZWFrKwsmJmZ5TnOuXPn0KBBA0RFRek1IpGRkQEAMDExAZD9a3bTpk2xadMmdO7cOc/byW9umZmZkMlkMDU1LZBYeZWQkABXV1d0794drVu3VlpWpkwZBAYGFmk+Oc2ePRtff/017t+/rzIal56eDrFYDGNjY8Mkp8Pr169hYWGBCRMm4LvvvtO5fnx8PAIDA/HgwQN07NgRvr6+sLKywsOHD7Fr1y6cOXMGq1evRo8ePYoge2X+/v64e/cuIiMjVZbZ2tqiXbt2em9Tn8+nGjVqwN7eXmVkSSaTISMjAyYmJhCLS87vxJs2bUJwcDBq166Nbt26oVSpUrh//z6OHj0KY2NjHD58uNBib968GV26dMHhw4eVRuiJPhRGhk6AyFDu37+Pbt26wdnZGYcOHUL58uUVy4YMGYL4+HiD/oprKBKJBBKJxGDxW7VqpfTL+7hx43Do0CG0bdsW7du3x40bN2Bubg4AMDIygpFR4X6MpaWlwcLCQlEwGYqhC4C6devi888/N2gO+ijqAlNfz58/BwDY2dnpXDcrKwsdO3bE06dPceTIETRu3FhpeUREBPbt2wepVFoYqeaJra1tkbw/9Pl8EovFev2o8j6Rfy6pM2nSJHh5eeH06dMqn1vPnj0rivSIPlwCUQn1xRdfCACEEydO6Fz3/v37AgAhKipKZRkAISIiQvE8IiJCACDcunVLCA0NFWxsbAR7e3vhm2++EWQymZCYmCi0b99esLa2FsqVKyfMnj1baXtRUVECAOH+/ftK7YcPHxYACIcPH1a09erVS3B2dlZab9asWULDhg2F0qVLC2ZmZkLdunWFTZs2qeSc+9GrVy+18du0aSO4urqqPS7/+9//hHr16im1rVmzRqhbt65gZmYmlCpVSggODhYSExPV9le332fPnlW7fPr06QIA4aefflK0yY91Tvv27RMaN24s2NraCpaWloKnp6cwbtw4QRD+O4a5H/LX1c/PT6hevbpw7tw5wdfXVzA3NxeGDRumWObn56eII9/W+vXrhXHjxgnlypUTLCwshHbt2qnsr7Ozs+L45pRzm7pyU/dap6amCiNGjBAcHR0FExMTwdPTU5g1a5Ygk8mU1gMgDBkyRNi2bZtQvXp1wcTERPDy8hJ2796t9ljnJH/vz5o1S+M6uY+NXO6cc27rxx9/FCpXriyYmJgI9evXF86cOaPS/8aNG0KXLl0Ee3t7wczMTPD09BTGjx8vCMJ/r33uh/x9q+6Y3717V+jcubNQqlQpwdzcXPDx8RF27typtI78ddiwYYPw3XffCRUrVhRMTU2FZs2aCXfu3NF5vARBEC5cuCC0bNlSsLa2FiwtLYVmzZoJp06dUixXl3vu1zan6OhoAYAwY8aMPMWX+/fff4Vhw4Yp3h9ubm7CjBkzBKlUqrReXt9Hmsj/3ugi3+87d+4IvXr1EmxtbQUbGxshLCxMePXqlWI9fT6fnJ2dVdbN/Xcq52emIAjC6dOnhcDAQMHGxkYwNzcXmjRpIhw/flxpneTkZGHYsGGCs7OzYGJiIpQpU0YICAgQzp8/n6d9lL93ra2thdKlSwvh4eHC69evVdbPy+elts8ldUxNTYWwsDCtecpJpVJh3rx5gpeXl2BqaiqULVtWGDBggPDPP/8orefs7Cy0adNGOHbsmNCgQQPB1NRUcHV1FVatWqVYR/7a5H7kPP67du0SPvnkE8HCwkKwsrISWrduLVy9elUpVq9evQRLS0vhzz//FDp06CBYWloK9vb2wsiRI4WsrCyV/OfPny/UqFFDMDU1Fezt7YXAwECVf0fy++8SUW4ccaIS6/fff0flypXRqFGjQtl+cHAwqlWrhhkzZiAmJgbfffcdSpcujR9//BHNmjXDzJkzsXbtWowaNQoNGjRAkyZNCiTuggUL0L59e4SGhiIjIwPr169Hly5dsHPnTrRp0wYAsGbNGvTr1w8ff/wxBgwYAABwc3PTuB89e/bE2bNn0aBBA0X7gwcPcPr0acyaNUvRNm3aNEycOBFdu3ZFv3798Pz5cyxatAhNmjTBxYsX8/TruiY9evTA+PHjsW/fPvTv31/tOteuXUPbtm1Rq1YtTJkyBaampoiPj8eJEycAANWqVcOUKVPw7bffYsCAAfD19QUApffA33//jVatWqFbt274/PPPUa5cOa15TZs2DSKRCGPGjMGzZ88wf/58BAQEIC4uTjEylhd5yS0nQRDQvn17HD58GH379kXt2rWxd+9efP3113j06BHmzZuntP7x48exdetWDB48GNbW1li4cCE+++wzJCYm4qOPPtKZX1paGv766y+lNltb23yNhEVHRyMlJQUDBw6ESCTC999/j06dOuHevXuK7V2+fBm+vr4wNjbGgAED4OLigrt37+L333/HtGnT0KlTJ9y+fRvr1q3DvHnzYG9vDyD79EF1nj59ikaNGiEtLQ3h4eH46KOPsGrVKrRv3x6bN29Gx44dldafMWMGxGIxRo0ahZcvX+L7779HaGgo/vjjD637du3aNfj6+sLGxgajR4+GsbExfvzxR/j7++PIkSPw8fFBp06dYGdnh+HDhytOgbSystK4zd9//x0A9BrRSUtLg5+fHx49eoSBAweiUqVKOHnyJMaNG4ekpCTMnz8fgP7vI02kUqnK+wMAzM3NYWlpqdTWtWtXuLq6IjIyEhcuXMDy5ctRtmxZzJw5E4B+n0/z58/Hl19+CSsrK0yYMAEAtP6dPXToEFq1aoV69eohIiICYrEYUVFRaNasGY4dO4aPP/4YAPDFF19g8+bNGDp0KLy8vPD333/j+PHjuHHjBurWravzeHTt2hUuLi6IjIzE6dOnsXDhQvz7779YvXq1Yh19Pi/1+VxydnbGwYMH8eeff8LR0VFrngMHDlScJh0eHo779+/jhx9+wMWLF3HixAmlv9/x8fHo3Lkz+vbti169emHFihUICwtDvXr1UL16dTRp0gTh4eFYuHAhxo8fj2rVqgGA4s81a9agV69eCAwMxMyZM5GWloalS5fik08+wcWLF5VOt5VKpQgMDISPjw9mz56NAwcOYM6cOXBzc8OgQYMU6/Xt2xcrV65Eq1at0K9fP2RlZeHYsWM4ffq04syFwvx3iUogQ1duRIbw8uVLAYDQoUOHPK2fnxGnAQMGKNqysrIER0dHQSQSKf1q/O+//wrm5uZKv4y/64hTWlqa0vOMjAyhRo0aQrNmzZTaLS0t1Y6C5I7/8uVLwdTUVBg5cqTSet9//70gEomEBw8eCIIgCAkJCYJEIhGmTZumtN6VK1cEIyMjlXZNcTWNOAmCINja2gp16tRRPM894jRv3jwBgPD8+XON2zh79qzG19LPz08AICxbtkztMnUjThUrVhSSk5MV7Rs3bhQACAsWLFC05WXESVduuV/r7du3CwCE7777Tmm9zp07CyKRSIiPj1e0ARBMTEyU2i5duiQAEBYtWqQSKyf5e1/dQ/5e1HfE6aOPPlL6RXvHjh0CAOH3339XtDVp0kSwtrZWvL/kco6CzJo1S+3fFUFQPeZfffWVAEA4duyYoi0lJUVwdXUVXFxcFKMw8te1WrVqQnp6umLdBQsWCACEK1euaD1eQUFBgomJiXD37l1F2+PHjwVra2uhSZMmKsdC20ieXJ06dQQ7OzuV9tTUVOH58+eKx8uXLxXLpk6dKlhaWgq3b99W6jN27FhBIpEofm3X532kifzvjbrHwIEDFevJ/7726dNHqX/Hjh2Fjz76SKktr59PgiAI1atXV/v+y/2ZKZPJBA8PDyEwMFDpfZSWlia4uroKzZs3V7TZ2toKQ4YM0bnvucn3sX379krtgwcPFgAIly5dEgRBv89LbZ9L6vzyyy+Kv/NNmzYVJk6cKBw7dkxlpPHYsWMCAGHt2rVK7Xv27FFpl4/sHT16VNH27NkzlX8bNm3apHaULyUlRbCzsxP69++v1P7kyRPB1tZWqb1Xr14CAGHKlClK69apU0fpDIdDhw4JAITw8HCVYyB/fd/13yWi3ErO1ZJEOSQnJwMArK2tCy1Gv379FP8vkUhQv359CIKAvn37Ktrt7OxQpUoV3Lt3r8Di5hzl+Pfff/Hy5Uv4+vriwoUL+dqejY0NWrVqhY0bN0LIMZfMhg0b8L///Q+VKlUCAGzduhUymQxdu3bFX3/9pXg4ODjAw8OjQC5ItrKy0jq7nvyXwx07dkAmk+UrhqmpKXr37p3n9Xv27Kn0PurcuTPKly+PXbt25St+Xu3atQsSiQTh4eFK7SNHjoQgCNi9e7dSe0BAgNKv9rVq1YKNjU2e33sDBgzA/v37lR7e3t75yj04OBilSpVSPJePrslzef78OY4ePYo+ffoo3l9y+Z2wZNeuXfj444/xySefKNqsrKwwYMAAJCQk4Pr160rr9+7dW+n6kNw5qiOVSrFv3z4EBQWhcuXKivby5csjJCQEx48fV3z26CM5OVntiNSECRNQpkwZxSMkJESxbNOmTfD19UWpUqWU/j4GBARAKpXi6NGjAPR/H2ni4uKi8v7Yv38/vvrqK5V1v/jiC6Xnvr6++Pvvv/N1bPQRFxeHO3fuICQkBH///bfimLx69Qqffvopjh49qvjcsLOzwx9//IHHjx/nK9aQIUOUnn/55ZcAoPhc0PfzUp/PpT59+mDPnj3w9/fH8ePHMXXqVPj6+sLDwwMnT55UrLdp0ybY2tqiefPmSjnUq1cPVlZWKjl4eXkp/h4A2aO7ef33a//+/Xjx4gW6d++uFEsikcDHx0ftvw/q3ic5Y23ZsgUikQgREREqfeWfE0Xx7xKVLDxVj0okGxsbACiwKa7Vyf2Fz9bWFmZmZopTinK2//333wUWd+fOnfjuu+8QFxeH9PR0Rfu7zJAXHByM7du349SpU2jUqBHu3r2L8+fPK073AbLvSSMIAjw8PNRuoyAmN0hNTUXZsmW15rl8+XL069cPY8eOxaeffopOnTqhc+fOeZ5Vq2LFinpNBJF7f0UiEdzd3Qt9Ot4HDx6gQoUKKsW//LSYBw8eKLXnfj8CQKlSpfDvv//mKZ6HhwcCAgLyma2y3LnIiyh5LvIvRzVq1CiQeED28fDx8VFpz3m8csbTlaM6z58/R1paGqpUqaI2jkwmw8OHD1G9enW9cre2tlb7GTF48GC0bdsWgOppfHfu3MHly5c1nroonyQgr++j1NRUpKamKpZLJBKlbVtaWub5/aHt2Mo/mwvDnTt3AGRPA6/Jy5cvUapUKXz//ffo1asXnJycUK9ePbRu3Ro9e/ZUKoi1yf254ObmBrFYrPhc0PfzUt/PpcDAQAQGBiItLQ3nz5/Hhg0bsGzZMrRt2xY3b95E2bJlcefOHbx8+VLjZ2ruiSTe5TNEfuybNWumdnnu193MzEzlvZs71t27d1GhQgWULl1aa9zC/neJShYWTlQi2djYoEKFCrh69Wqe1tdUdGibxUrdzE+aZoPKOZKTn1hyx44dQ/v27dGkSRMsWbIE5cuXh7GxMaKiot7p/h3t2rWDhYUFNm7ciEaNGmHjxo0Qi8Xo0qWLYh2ZTAaRSITdu3er3U9t13DkxZ9//omXL1/C3d1d4zrm5uY4evQoDh8+jJiYGOzZswcbNmxAs2bNsG/fvjzNxqXPdUl5pe01LaoZDPPy3ssvkUikdjua3rOFmUtBKU45Vq1aFXFxcXj06BEqVqyoaPf09ISnpycAqMweJ5PJ0Lx5c4wePVrtNuX98mr27NmYPHmy4rmzs3O+fxww1LGVjybNmjULtWvXVruO/HOqa9eu8PX1xbZt27Bv3z7MmjULM2fOxNatW9GqVSu9Y+f+DND38zK/n0sWFhbw9fWFr68v7O3tMXnyZOzevRu9evWCTCZD2bJlsXbtWrV9cxcu7/K6yY/9mjVr4ODgoLI89+yoBfW5WNj/LlHJw8KJSqy2bdvip59+wqlTp9CwYUOt68p/Ec19o83cv+oXhHeJtWXLFpiZmWHv3r1K0zFHRUWprKvPCJSlpSXatm2LTZs2Ye7cudiwYQN8fX1RoUIFxTpubm4QBAGurq56fynLizVr1gCAzvsGicVifPrpp/j0008xd+5cTJ8+HRMmTMDhw4cREBBQ4Pemkv+SKicIAuLj45XuN1WqVCm1N2l98OCB0i/Y+uTm7OyMAwcOICUlRWm04ObNm4rlRaVUqVJqT9fJ798P+THR9cOGvsfr1q1bKu0FebzKlCkDCwsLjXHEYjGcnJz03m7btm2xfv16rF27VmMhlJubmxtSU1N1jgLl9X3Us2dPpdMcC+MHhpz0eW3zuq78VFUbG5s8jY6VL18egwcPxuDBg/Hs2TPUrVsX06ZNy1PhdOfOHbi6uiqex8fHQyaTKSZAKOzPS3XkkyUkJSUpcjhw4AAaN25cYK+nptdCfuzLli1bYCPXbm5u2Lt3L/755x+No06GOM70YeM1TlRijR49GpaWlujXrx+ePn2qsvzu3btYsGABgOx/aO3t7RXXBcgtWbKkwPOS/wOTM5ZUKs3TjXglEglEIpHSL/0JCQnYvn27yrqWlpZqv8xrEhwcjMePH2P58uW4dOkSgoODlZZ36tQJEokEkydPVvkFUhCEdzod8dChQ5g6dSpcXV0RGhqqcb1//vlHpU3+y7L8tEX5DF/67Ls2q1evVjrlc/PmzUhKSlL6cuXm5obTp08rbqILZJ9S+fDhQ6Vt6ZNb69atIZVK8cMPPyi1z5s3DyKRKF+/iueXm5sbbt68qbg3EQBcunRJMZuhvsqUKYMmTZpgxYoVSExMVFqW872l7/E6c+YMTp06pWh79eoVfvrpJ7i4uMDLyytfueYkkUjQokUL7NixQ2k05unTp4iOjsYnn3ySr1PRunbtCi8vL0ydOhWnT59Wu07uv3Ndu3bFqVOnsHfvXpV1X7x4gaysLAB5fx9VrlwZAQEBikfue0kVNH0+n/K6br169eDm5obZs2crnXYoJ3//SqVSvHz5UmlZ2bJlUaFCBaXTn7VZvHix0vNFixYBgOJ4Fubn5cGDB9W2y6+vkp9K2rVrV0ilUkydOlVl3aysrHx9Rmr6OxkYGAgbGxtMnz4dmZmZKv1yfnbk1WeffQZBEJRGQuXkx7QwjzOVTBxxohLLzc0N0dHRimnDe/bsiRo1aiAjIwMnT57Epk2bEBYWpli/X79+mDFjBvr164f69evj6NGjuH37doHnVb16dfzvf//DuHHjFL+krV+/XvFFR5s2bdpg7ty5aNmyJUJCQvDs2TMsXrwY7u7uuHz5stK69erVw4EDBzB37lxUqFABrq6uaq8BkWvdujWsra0xatQoSCQSfPbZZ0rL3dzc8N1332HcuHFISEhAUFAQrK2tcf/+fWzbtg0DBgzAqFGjdO7D7t27cfPmTWRlZeHp06c4dOgQ9u/fD2dnZ/z2229ab2g5ZcoUHD16FG3atIGzszOePXuGJUuWwNHRUfFruZubG+zs7LBs2TJYW1vD0tISPj4+Sr8O66N06dL45JNP0Lt3bzx9+hTz58+Hu7u70pTp/fr1w+bNm9GyZUt07doVd+/exa+//qoyxbI+ubVr1w5NmzbFhAkTkJCQAG9vb+zbtw87duzAV199pXH65sLQp08fzJ07F4GBgejbty+ePXuGZcuWoXr16vm+4H/hwoX45JNPULduXQwYMACurq5ISEhATEwM4uLiAGS/h4HsSRK6desGY2NjtGvXTmX6awAYO3Ys1q1bh1atWiE8PBylS5fGqlWrcP/+fWzZsiXP18Dp8t1332H//v345JNPMHjwYBgZGeHHH39Eeno6vv/++3xt09jYGNu2bUNgYCA++eQTdOrUCb6+vrC0tMSjR4/w22+/ITExUXG7AQD4+uuv8dtvv6Ft27aKKaNfvXqFK1euYPPmzUhISIC9vX2BvY9evnyJX3/9Ve2y/NwYV5/Pp3r16mHp0qX47rvv4O7ujrJly6q9lkYsFmP58uVo1aoVqlevjt69e6NixYp49OgRDh8+DBsbG/z+++9ISUmBo6MjOnfuDG9vb1hZWeHAgQM4e/Ys5syZk6f879+/j/bt26Nly5Y4deoUfv31V4SEhCgmVCmoz0t1OnToAFdXV7Rr1w5ubm549eoVDhw4gN9//x0NGjRAu3btAAB+fn4YOHAgIiMjERcXhxYtWsDY2Bh37tzBpk2bsGDBAnTu3Fmv2LVr14ZEIsHMmTPx8uVLmJqaolmzZihbtiyWLl2KHj16oG7duujWrRvKlCmDxMRExMTEoHHjxirFuy5NmzZFjx49sHDhQty5cwctW7aETCbDsWPH0LRpUwwdOrRQjzOVUEUzeR9R8XX79m2hf//+gouLi2BiYiJYW1sLjRs3FhYtWiS8efNGsV5aWprQt29fwdbWVrC2tha6du0qPHv2TON05LmnxJbf1C83dTePvHv3rhAQECCYmpoK5cqVE8aPHy/s378/T9OR//LLL4KHh4dgamoqVK1aVYiKilJ7o9ibN28KTZo0EczNzbXeYDKn0NBQAYAQEBCg8Xhu2bJF+OSTTwRLS0vB0tJSqFq1qjBkyBDh1q1bGvvkjCt/mJiYCA4ODkLz5s2FBQsWKE35LZd7vw4ePCh06NBBqFChgmBiYiJUqFBB6N69u8qUzDt27BC8vLwEIyMjpem/td3IU9N05OvWrRPGjRsnlC1bVjA3NxfatGmjMoW2IAjCnDlzFDdTbdy4sXDu3Dm103hryk3da52SkiIMHz5cqFChgmBsbCx4eHhovQFubpqmSc8pr9Nm//rrr4ob2tauXVvYu3ev1hvg5pb775EgCMLVq1eFjh07CnZ2doKZmZlQpUoVYeLEiUrrTJ06VahYsaIgFovzfANc+fY+/vhjjTfAzX3TaG23JMjtwoULQmBgoGBlZSVYWFgITZs2FU6ePKl2e3mZjlzuxYsXwpQpU4Q6deoIVlZWgomJieDk5CR07txZaSp3uZSUFGHcuHGCu7u7YGJiItjb2wuNGjUSZs+eLWRkZCitl5f3kSbapiPP+fdT02ejus8cfT6fnjx5IrRp00awtrbO0w1wL168KHTq1En46KOPBFNTU8HZ2Vno2rWrcPDgQUEQBCE9PV34+uuvBW9vb8VNjL29vYUlS5boPBbyfbx+/brQuXNnwdraWihVqpQwdOhQtTfAzcvnZV5vMCy3bt06oVu3boKbm5tgbm4umJmZCV5eXsKECRPUfo7+9NNPQr169QRzc3PB2tpaqFmzpjB69Gjh8ePHinXkN8DNTd1n2M8//yxUrlxZkEgkKsf/8OHDQmBgoGBrayuYmZkJbm5uQlhYmHDu3DnFOpr+rVT371hWVpYwa9YsoWrVqoobFbdq1UrlRsX5/XeJKDeRIBSjq3GJiIiI3lOTJk3C5MmT8fz5c5UZVIno/cdrnIiIiIiIiHRg4URERERERKQDCyciIiIiIiIdeI0TERERERGRDhxxIiIiIiIi0oGFExERERERkQ4l7ga4MpkMjx8/hrW1NUQikaHTISIiIiIiAxEEASkpKahQoYLOm6GXuMLp8ePHcHJyMnQaRERERERUTDx8+BCOjo5a1ylxhZO1tTWA7INjY2Nj4GyAzMxM7Nu3Dy1atICxsTFjfgBxS0pMQ8UtKTENFbekxDRU3JIS01Bxua8fXkxDxS0pMQ0V11D7qk5ycjKcnJwUNYI2Ja5wkp+eZ2NjU2wKJwsLC9jY2BTpm7UkxDRU3JIS01BxS0pMQ8UtKTENFbekxDRUXO7rhxfTUHFLSkxDxTXUvmqTl0t4ODkEERERERGRDiyciIiIiIiIdGDhREREREREpAMLJyIiIiIiIh1YOBEREREREenAwomIiIiIiEgHFk5EREREREQ6sHAiIiIiIiLSgYUTERERERGRDiyciIiIiIiIdGDhREREREREpAMLJyIiIiIiIh1YOBEREREREenAwomIiIiIiEgHgxZOR48eRbt27VChQgWIRCJs375dZ5/Y2FjUrVsXpqamcHd3x8qVKws9TyIiIiIiKtkMWji9evUK3t7eWLx4cZ7Wv3//Ptq0aYOmTZsiLi4OX331Ffr164e9e/cWcqZEHy7xZDFEk0UQT9b/48BkugmC4oJgMt1Er36iySLFo6hivktcq7cxrfIR0/ltPOd87Gvd703QKS4Idb/XL26bmSJYTRahzUz9Y/62wgS77wbhtxX67+vMRSI0nCHCzEX6xU3Y7AzLp0FI2Oysd8yzO3wxd4kJzu7w1bvv1W2NYfr0M1zd1livfq9/qwlptASvf6upd8yzuwNx688uOLs7UO++f57/Foc31sCf57/Vq9/W7S3w+90u2Lq9hd4x8fdZ4Mbc7D/19SgGtd4sAx7F5KPvTuDM4Ow/3wdpf8JeegVI+1O/fu9yfPMb810YIqYh4+ZX2p/A08PvT74GkPTyDe68FCHp5RtDp6IXkSAIgqGTAACRSIRt27YhKChI4zpjxoxBTEwMrl69qmjr1q0bXrx4gT179uQpTnJyMmxtbfHy5UvY2Ni8a9rvLDMzE7t27ULr1q1hbGzMmB9AXEPEzFkICBF5/yutroDIa//89s1LP0EQIEBQ+dP0O1OVvqnjUtWum/vPMjPLKP9UJAOuDLkC+UegAEERO+fzOj/WUYl5rv85rX3kz//3y/9U+p7offztOrJcfwo5ngvwWxOg0vdQyG7lPpDhbcjs/wfQfH0HlX4xn22AfC0lio//7D9H/haCm1n/La5qBMxpNuttbvJAMuVtCdn/CTk0Ack5Nm8jAqL9J+dYN+f+yZ/KsDduGha/zH4qAjDEFgisPS47N8X2ZMq5v8173vnZOPT6v+Zm5sBXdcKz19X4T1t2LnuvLcGS5P/iDrIBAr2+UHNs3vZ5u5+yhz9D9LaPfK/Ejn2Utq7aP9uCq1E4nOM7QlMzYFiNsFy55Xz23/MDd6Kx5GWWIt/BtkYIcA/RsH//GXtpDW7leE0bmgInA6ZrWl254clmIOXif8+t6gDlP9MZE4IAPPwZQvpDxXESmToCTv3V9JX3kf33/3/+AqTn+MJp6gjkOMbaSGVSxMfHw93dHRKxJE993lnyRQjPf/9vX8u0A2xUPzdUPN0OpF7+77lVLaCc6t9fzTF35ojZVk3MAv56lxynJmbtvPfPbzopFyE8j8kRtw1gnYfj+46kMini796Fu5vb2/dSHnfgn6PAi2Nvn4iASl8C9nn7oSRLmoXz58+jXr16MJIY5Svv/CjquMfin+PhHztwVFoTsUJtTO5UD8ENKhV6XE30qQ3eq8KpSZMmqFu3LubPn69oi4qKwldffYWXL1+q7ZOeno709HTF8+TkZDg5OeGvv/4qNoXT/v370bx58yL9Yl8SYhoq7rvEzDmKkjE+Q+8+cnH943T2q/1zbY3L+tbuq7XvL3G//PeNU+7t82r21TT2u/HXDY3LRBApfVEkosLxuwPQ1trQWRCVEAKA+1ZAFqcVUKfum2V4IbJB7MgmKG9rZpAckpOTYW9vn6fCqejK2QLw5MkTlCtXTqmtXLlySE5OxuvXr2Fubq7SJzIyEpMnT1Zp37dvHywsLAotV33t37+fMT+QuEFxQdn/Ewdsr71d/35vmUw3QYiDul+U/xP9JFptu7aiKC9+iftF90q5B47ePtdWHGljqKKpjOS/Xcn95xOp5n6ORur7yP98kAWN3Iy1972dqbmvl4n6PgBwPQOQ5e6A7IG2uqqDdUoeZALP1XQuKwYqGau+3DldzwBeqXn5rERANTVn/Mm3lSwDbqrZ16rGgI2O7xhJUuChmmNcyQgor2OgIVkG3FAT18sYsBFr21NB/YEQACHHAnWrJEkFte8JFyPAQaI5pghAskzANTX5VteR770sAU/VvId3pwEtTbV/QRFLsiCWqCYsyzKCTKb9ByGxJANiiWpgmVQCmVTbKaCit33VxJUaQZal/+mjhU0klkJinK7SLs00hSDT/EYUSTIhMVJ9UaVZxhC0HiN5TNXTm6SZZlpjvgtDxAQAiKUwUhM3K9MMKMy4Guj6V0qkLl8RkGztgKx0/loBAG+kwNPX2Z9bZ2VV8A9sAAHYuOswPGwN8z0gLS0tz+u+V4VTfowbNw4jRoxQPJePOLVo0YIjTh94TEPEzT36ExQXhLN9dZ+73uCXBmrbNRVGefGR+Udal/+d9rfGb8NTxdqP1USZ5m/2hytq7tf0keZlSa5QnAIlAiASKT8vfU9z31du2vsaxWvu+9SrusZlZleuQd24nwmAhCYDNW8UQOVDPyJRTXslADc7vS1MFcdfuQyqs7k3rqr5kl3DCLjQ63j2eqK3D4jf/ilC0MoG2KXmdPGWZsD2ftcAkTj7kTOeOPv5b+sro/MT1b5LygLte7/5r49I9U0zd5kJxv6j2vebUsCILzSPnCZsdkbV20lKxZ4EwG+u5eHS+YHGfgBwdpcfGsedUmlfV6MhGrQ+orXv1W2NUf/GWZW4v7o3QI2OJzT2y4qpA7NX15QOgSAAbyyrw6jNRY39gOxrmxpfPKzSvrZmUzRopf063T8vRMB9T6RKvr9/Og6OdVV/GJTbur0Ful2PVWlv4ugPIWif1pjSv89CdKixyqCytMUR4CP1n1eKvo9iIDrZUbWv72agYpt89t2ksy9Q9J/5QtqfEMe4Q5Tj1RFEEsiCbgAWjpr7/X0WYjXHV9YiVufx1RzzutaY78IQMQEAaX9CUBNXKOy4yN97SdCQr3nYvjzlWxK+K6W+fIPP5hyFLEeNJBYBXVs3NeiIU169V4WTg4MDnj59qtT29OlT2NjYqB1tAgBTU1OYmqr+1GpsbFykb0pdDJFPSYmZn7j5uWZI04QDmoqivOpfV/N1AT+f+1n9FC8y4K9M7fur5vuvwjduWoY8AHwDQHRHtV3w0NoNgof6flI3QFx3lta+6dKvYarmu3SaI2D+ufbXKC1aBAs1cdM8AFGnq6oL5DHfiNTmm+4BwHeZ1pgPfJepfU88yMP76cqEMLV9r0zQ3jdmjADxZJHSr6Kit+26fDZQQMMZIpzK8eN5Q9Psdl3GfClg9lQR/srxzd5enN2ujUf3x1i2VIRBzwApsouBpWWz23Vp1OEket0VYVXKf229rLPbdanT9QyWLRFh0PMccctkt2tjHHQVsmhR9sCT6O1lWCLAPEjze0iRb/tD6BWvJt/2h3T2dfWZjp8uL8LAx6mKfH+sYAVXn+la+wV3OYwFal7T4C6qBZwKh0aAay/g/ipFk8i1F4wdGunu6xIE3G4E4a+T/12XYt8Ixi5Bee6Lv/57HfPcN4ci+7fG1hXw+QnCmYEQCVIIIglEH/8IY1tX7f3e5fjmN+a7MERMQ8bNQa/30tt8cWYgIEiBfOb7vnxXyo9K9saI7FQT47ZegUzILpoiO9VEJXvDjcjps8/vVeHUsGFD7Nq1S6lt//79aNiwoYEyog9R7i+soskivSZcUKe8VXmty5NSkzQu+6m05hGRX8QaTs0SA3B6qmbJfwQJIFIzEiNzB2BSWnvf9H9UiiDBA5BKAUmwmqEHuc2lIXMHxDniytzfFnFeo7TGNPEaBemvIkju/tcmdQPEOoomADAPEdT3DdHRN0SAEC2C6R0gA9kjTeke2e15IUQIcJ4sQiKyR5ryUjTl7FtzmgjXswAvI91Fk5wsQkCbmSIcfQM0Mctb0SR3cqyALT+KcOAVEGCZt6JJ7vlEATMXibDjFdDBUnfRJNd/kAD/dRWQmJKEStbl81Q0ya0cIWDIDl+cePQHGlf0QYMOx3R3kscdLKD+xo/x7MUFlLWrq7NokhOHCHj9W02YpF5HhrUXzNtf0SvfAb81w4mHx9HY6ZM8FU1yffunIPD8t4i/tw3ulTvCsd6UPPU7OVbAhk1NcfDhCXzq1DhvRZNcw5WA5xDg+QmgTGOdIyFKWpxAVsJ2PPzjJzj5DNCv8GlxIns2vcd7gAotgYpt897XENz6Isu+Gf44uBY+n4bm/Uvyuxzf/MZ8F4aIaci4+eXWFygfCKTEA9buhT4y9j4KblAJDV1LYeOuw+jauqlBiyZ9GbRwSk1NRXz8f9+g7t+/j7i4OJQuXRqVKlXCuHHj8OjRI6xevRoA8MUXX+CHH37A6NGj0adPHxw6dAgbN25ETEw+pjolUkPTqJFosgiudvn/sH48UvuXQdFYEaBu0FQAsF/z1MNSN0Ck5hQ2qYe8s3Yai5/Of2vPN1qU/Wt7jhEmQQAkEgAmpTR3DBEgihYpiiXh7S/3eS1ExJ8LSPtFBBMTICMjb0WTUt9oEUykQIYkD0VTjpxTo0UQ422Rmtd+b+lTLOV2YXSGYoZGfehTLOXWvk8GjPIRE8gulsbkI6ZL5we4vmsXXPIRs0GHY8jvmG6Njiewa9cu1NAzrrxYUn+eg3YNWu3F81270KCV/vvqWG9KngumnDoF7YNZPl9TfNRAvy/0OVVsgytmIjhVzEfcim2Lf8GUk4Uj/pbU1P9L8rsc3/zGfBeGiGnIuPll4fj+5Gog5W3N4GErGOz0vPwyaOF07tw5NG3aVPFcfi1Sr169sHLlSiQlJSEx8b+rBFxdXRETE4Phw4djwYIFcHR0xPLlyxEYqP/9MIj0df/F/fx3vvir1sVpHoCFmts9yDwAiFJUF7wlL14kd7K/1IuRXTRJpYCkrfZrLrC7jubiR5e3BZC88NGrAHrbF9CvaJIz6pmBnfn8Emj+NpbeX3i75D8mERERfRgMWjj5+/tD22zoK1euVNvn4kUdXwiJ3lJM1hCn3/2N1Dnd97TW5f9b/D/AFKpTdAPAjiFa+5q7qR/9Ud6IKvl1StLc1xZJAJSqrTXmOxU/b/tnyUdiRICxPgWQnsUSERERkaG9V9c4EemjoK9V8nH00brcWdiJB6Jcp5aIgANZfkDVslr7SmWbIIHq5ArZp81pvv4J28r/V/C8JQiAltmNlb3j6A9HYoiIiKikYOFEHyRt1ypZGlvmb6Ppmk+ZA4AbHm1hZqY68QFw5O1sDZppXWruoHmZfNQI+G/2Kn0LII7+EBEREenEwolKnFeZr/TvJACI1H6hp7kbAJGGKbkFdXPf/UfT1OB5vd4oK8fkBXqdMkdEREREecLCiUqce+Ga76Ra+fvKmq9Tyqfs0+10TLG8rcK7BeEpc0RERESFioUTlTiupTRPK+4s7MQDoa1K4eSZvhWY2lLrdqXrLaBxgMhc+32cECIA0WqGnTh6RERERFQssHAiykXqAeUbpXoAPROuAX9Zae2n6bS6PJ1uB6gWTyyaiIiIiIoNFk5EOdzwaJs9NXeu65R+rTwROFwECbBYIiIiIiqWWDhRsZdzhrx3vRcTAGBdiMZFJibqJ2oQBEBUqpb27b64/I6JEREREVFxxcKJijV192Ka22Ku7o4yqJ/jWwBwK0ZjN4mbhs3JAEnrS9pjqrtGiYiIiIg+CCycqNjSdC+mEftG6O6s6cZIMgAdFmjsJr3eW/MED7q8vUZJ6Z5K8nYiIiIieq+xcKL3UmjNUK3L115aq7l4qhemsZ/kVm/17XpM8MB7KhERERF9eFg40Xvp106/al2+9sxawAyq92PKKMys3uI9lYiIiIg+OJp+kyd6rzljp3LRBACit+1ERERERHriiBN9kG54tIWZGSCO/69N5g7IZG2BA36GS4yIiIiI3kssnOiDJJ9WPPf9mCQSAM+OGCQnIiIiInp/sXCiEkUqBSR+GzWvcLxr0SVDRERERO8NFk70frq+I/99K3XRvOztlOJq24mIiIioxGLhRMWXFFB7UyUBwMaeWrtqupFtnuQunlg0EREREZV4LJzo/SMD4NJI6ypS7Mn/jWwBFktEREREpISFE72f+uzWvnyNmtPtiIiIiIjyifdxog+SRMNwk6Z2IiIiIiJtOOJERcJkukn2/8QBQgRPgyMiIiKi9wtHnKjQiSaLtD4nIiIiIiruOOJEhUpTkSSaLEIZizLaO7OsJyIiIqJigoUTGczztOfaV9A2MCXwdD8iIiIiKjosnMhgrg66qnV5jaU11C+QAFjH4SgiIiIiKjosnMhgqpetrnV5VmXA6J5qu+BRSAkREREREWnAwomKNcEDEN1Rfi6VApIuOk7z26rj+ikiIiIiIj2wcKJiT+0Ik5m99k4hAhAtgoDsS6XkfyKE10YRERERkf54oQh9uEIEZAGQAsh6+5yIiIiIKD9YONGHrUsGdlpuB7pkGDoTIiIiInqPsXAiIiIiIiLSgdc4keEcmGzoDIiIiIiI8oSFExUuKbLvu5SbAOD4XK1dJW6FkRARERERkf5YOJFhyAA0Gqx1FenzGWprLiIiIiKiosbCiQynZaT25dEz1LezmiIiIiKiIsbJIajY0lQfsW4iIiIioqLGwomIiIiIiEgHFk5EREREREQ6sHAiIiIiIiLSgYUTERERERGRDiyciIiIiIiIdGDhREREREREpAMLJyIiIiIiIh1YOBEREREREelgZOgE6AOn7S62Z4cWZSZERERERPnGwokM585iQ2dARERERJQnLJzIcGp8q3351SlFkwcRERERkQ4snMhwak3WvTxapNoeIhROPkREREREGnByCCrechdJLJqIiIiIyAA44kR6EU3+bwRIiCiiIobFEhEREREZGEecKM9yFk3qnhMRERERfag44kR5oqlIEk0W4VPXT4s4GyIiIiKiosXCid7ZwfsHDZ0CEREREVGhYuFE72xtp7Ual4VuDS3CTIiIiIiICgcLJ3pnITVDNC4LjguF0T3V9qzKhZgQEREREVEB4+QQVOgED+3PiYiIiIiKO444UZFgsURERERE7zOOOBEREREREenAwomIiIiIiEgHFk5EREREREQ6sHAiIiIiIiLSgZNDUN5IAUjUtMsAzPbU3K9cIeVDRERERFSEWDjRuxEBSH2qcbGEhRMRERERfQBYONG7kQEYfELjYun+mmoHqoiIiIiI3icsnOjdOdTQuEiioWrS1E5EREREVBxxcggiIiIiIiIdWDgRERERERHpwMKJiIiIiIhIBxZOREREREREOrBwIiIiIiIi0oGFExERERERkQ4snIiIiIiIiHQweOG0ePFiuLi4wMzMDD4+Pjhz5ozW9efPn48qVarA3NwcTk5OGD58ON68eVNE2RIRERERUUlk0MJpw4YNGDFiBCIiInDhwgV4e3sjMDAQz549U7t+dHQ0xo4di4iICNy4cQO//PILNmzYgPHjxxdx5kREREREVJIYtHCaO3cu+vfvj969e8PLywvLli2DhYUFVqxYoXb9kydPonHjxggJCYGLiwtatGiB7t276xylIiIiIiIiehdGhgqckZGB8+fPY9y4cYo2sViMgIAAnDp1Sm2fRo0a4ddff8WZM2fw8ccf4969e9i1axd69OihMU56ejrS09MVz5OTkwEAmZmZyMzMLKC9yT95DkWZS0HH1LYdMQCJmnYpAFkR7POHcHyLa0xDxS0pMQ0Vt6TENFTckhLTUHG5rx9eTEPFLSkxDRXXUPuqjj45iARBEAoxF40eP36MihUr4uTJk2jYsKGiffTo0Thy5Aj++OMPtf0WLlyIUaNGQRAEZGVl4YsvvsDSpUs1xpk0aRImT56s0h4dHQ0LC4t335ESIuh8kMYKaHu97Rr7tX0VpLFw2mmpuR8RERERUWFLS0tDSEgIXr58CRsbG63rGmzEKT9iY2Mxffp0LFmyBD4+PoiPj8ewYcMwdepUTJw4UW2fcePGYcSIEYrnycnJcHJyQosWLXQenKKQmZmJ/fv3o3nz5jA2Ni6+Mc9rXtS6dWvNCzfls18BeW+O73sY01BxS0pMQ8UtKTENFbekxDRUXO7rhxfTUHFLSkxDxTXUvqojPxstLwxWONnb20MikeDp06dK7U+fPoWDg4PaPhMnTkSPHj3Qr18/AEDNmjXx6tUrDBgwABMmTIBYrHrJlqmpKUxNTVXajY2NDf5C5WSIfAoqZn62IQEgKcL9fZ+Pb3GPaai4JSWmoeKWlJiGiltSYhoqLvf1w4tpqLglJaah4haH7+P6xDdY4WRiYoJ69erh4MGDCAoKAgDIZDIcPHgQQ4cOVdsnLS1NpTiSSLJPBDPQGYclh7rz7eTt696rgUsiIiIiIr0Z9BvviBEj0KtXL9SvXx8ff/wx5s+fj1evXqF3794AgJ49e6JixYqIjIwEALRr1w5z585FnTp1FKfqTZw4Ee3atVMUUGQAgtTQGRARERERFSqDFk7BwcF4/vw5vv32Wzx58gS1a9fGnj17UK5cOQBAYmKi0gjTN998A5FIhG+++QaPHj1CmTJl0K5dO0ybNs1Qu0AAEPRI87LtFYsuDyIiIiKiQmLwc6yGDh2q8dS82NhYpedGRkaIiIhAREREEWRGeWZRQfOyEAGIFkEAIAIUfyKEp1YSERER0fvDoDfApRIiREAWsqcgz3r7nIiIiIjofcLCiYpGl4zs+zZ1yTB0JkREREREemPhREREREREpAMLJyIiIiIiIh1YOBEREREREenAwomIiIiIiEgHFk5EREREREQ6sHAiIiIiIiLSgYUTERERERGRDiyciIiIiIiIdGDhREREREREpAMLJyIiIiIiIh1YOBEREREREenAwomIiIiIiEgHFk5EREREREQ6sHAiIiIiIiLSgYUTERERERGRDiyciIiIiIiIdGDhREREREREpAMLJyIiIiIiIh1YOBEREREREenAwomIiIiIiEgHFk5EREREREQ6sHAiIiIiIiLSgYUTERERERGRDkaGToCKnsl0k+z/iQOECMGguRARERERvQ9YOJUwoskilefjPxlvoGyIiIiIiN4PLJxKkNxFk9z049OLOBMiIiIiovcLCycCAIR/HK51+cIzC4soEyIiIiKi4oeFEwEAFrRaoHX5+biFOJGh2t7YpJASIiIiIiIqRjirHuXJEUf92omIiIiIPiQccaJsT67qXEXwAHwfAH9kAD4mwDFnQCotgtyIiIiIiAyMhVNJIgUgUdMuAFjWWGtXiVv2n8ecCzopIiIiIqLij4UTZRdOVmW1riJFstqai4iIiIioJGDhRNmF09d3tK+zRv1U5kREREREJQEnh6A8kWgYbtLUTkRERET0IWHhREREREREpAMLJyIiIiIiIh1YOBEREREREenAwomIiIiIiEgHFk5EREREREQ6sHAiIiIiIiLSgYUTERERERGRDiyciIiIiIiIdGDhREREREREpAMLJyIiIiIiIh1YOBEREREREenAwomIiIiIiEgHFk5EREREREQ6sHAiIiIiIiLSgYUTERERERGRDiyciIiIiIiIdGDhREREREREpAMLJyIiIiIiIh1YOBEREREREenAwomIiIiIiEgHI0MnQMWABMC9VYbOgoiIiIio2GLhVJJItCw7HVZUWRARERERvXdYOFG28q20L0/aXTR5EBEREREVQyycKFvTXdqXR4uKJg8iIiIiomKIk0NQ3oQI+rUTEREREX1AWDhR3uUuklg0EREREVEJwVP1SD8sloiIiIioBOKIExERERERkQ4snIiIiIiIiHRg4URERERERKQDCyciIiIiIiIdWDgRERERERHpwMKJiIiIiIhIBxZOREREREREOrBwIiIiIiIi0oGFExERERERkQ4snIiIiIiIiHQweOG0ePFiuLi4wMzMDD4+Pjhz5ozW9V+8eIEhQ4agfPnyMDU1haenJ3bt2lVE2RIRERERUUlkZMjgGzZswIgRI7Bs2TL4+Phg/vz5CAwMxK1bt1C2bFmV9TMyMtC8eXOULVsWmzdvRsWKFfHgwQPY2dkVffJERERERFRiGLRwmjt3Lvr374/evXsDAJYtW4aYmBisWLECY8eOVVl/xYoV+Oeff3Dy5EkYGxsDAFxcXIoyZSIiIiIiKoEMVjhlZGTg/PnzGDdunKJNLBYjICAAp06dUtvnt99+Q8OGDTFkyBDs2LEDZcqUQUhICMaMGQOJRKK2T3p6OtLT0xXPk5OTAQCZmZnIzMwswD3KH3kOhs6lsOMbaj8NEbekxDRU3JIS01BxS0pMQ8UtKTENFZf7+uHFNFTckhLTUHGLy/dffXMQCYIgFGIuGj1+/BgVK1bEyZMn0bBhQ0X76NGjceTIEfzxxx8qfapWrYqEhASEhoZi8ODBiI+Px+DBgxEeHo6IiAi1cSZNmoTJkyertEdHR8PCwqLgdug9EBQXpHHZ9trbiywPIiIiIqLiIC0tDSEhIXj58iVsbGy0rmvQU/X0JZPJULZsWfz000+QSCSoV68eHj16hFmzZmksnMaNG4cRI0YonicnJ8PJyQktWrTQeXCKQmZmJvbv34/mzZsrTj8sNHGaF7Vu3bpQQxfpfho4bkmJaai4JSWmoeKWlJiGiltSYhoqLvf1w4tpqLglJaah4hpqX9WRn42WFwYrnOzt7SGRSPD06VOl9qdPn8LBwUFtn/Lly8PY2FjptLxq1arhyZMnyMjIgImJiUofU1NTmJqaqrQbGxsb/IXKydD5FFVsQ+2nIeKWlJiGiltSYhoqbkmJaai4JSWmoeJyXz+8mIaKW1JiGiquob//ynPIK4NNR25iYoJ69erh4MGDijaZTIaDBw8qnbqXU+PGjREfHw+ZTKZou337NsqXL6+2aCIiIiIiIioIBr2P04gRI/Dzzz9j1apVuHHjBgYNGoRXr14pZtnr2bOn0uQRgwYNwj///INhw4bh9u3biImJwfTp0zFkyBBD7QIREREREZUABr3GKTg4GM+fP8e3336LJ0+eoHbt2tizZw/KlSsHAEhMTIRY/F9t5+TkhL1792L48OGoVasWKlasiGHDhmHMmDGG2gUiIiIiIioBDD45xNChQzF06FC1y2JjY1XaGjZsiNOnTxdyVkRERERERP8x6Kl6RERERERE7wMWTkRERERERDqwcCIiIiIiItKBhRMREREREZEOLJyIiIiIiIh0YOFERERERESkAwsnIiIiIiIiHVg4ERERERER6cDCiYiIiIiISAcWTkRERERERDqwcCIiIiIiItKBhRMREREREZEOLJyIiIiIiIh0YOFERERERESkAwsnIiIiIiIiHVg4ERERERER6cDCiYiIiIiISAcWTkRERERERDqwcCIiIiIiItKBhRMREREREZEOLJyIiIiIiIh0YOFERERERESkAwsnIiIiIiIiHVg4ERERERER6aBX4dSzZ0+kpKQonl+6dAmZmZkFnhQREREREVFxolfhtHbtWrx+/Vrx3NfXFw8fPizwpIiIiIiIiIoTvQonQRC0PiciIiIiIvoQ8RonIiIiIiIiHYz07XD9+nU8efIEQPaI082bN5Gamqq0Tq1atQomOyIiIiIiomJA78Lp008/VTpFr23btgAAkUgEQRAgEokglUoLLkMiIiIiIiID06twun//fmHlQUREREREVGzpVTg5OzsXVh5ERERERETFlt6n6gHAnTt3sGPHDiQkJEAkEsHV1RVBQUGoXLlyQedHRERERERkcHoXTpGRkfj2228hk8lQtmxZCIKA58+fY+zYsZg+fTpGjRpVGHkSEREREREZjF7TkR8+fBjffPMNJkyYgL/++gtJSUl48uSJonAaO3Ysjh49Wli5EhERERERGYReI07Lli1Dv379MGnSJKX20qVLY8qUKXjy5AmWLl2KJk2aFGSOREREREREBqXXiNOZM2fQo0cPjct79OiB06dPv3NSRERERERExYlehdPTp0/h4uKicbmrq6vi5rhEREREREQfCr0Kpzdv3sDExETjcmNjY2RkZLxzUkRERERERMWJ3rPqLV++HFZWVmqXpaSkvHNCRERERERExY1ehVOlSpXw888/61yHiIiIiIjoQ6JX4ZSQkFBIaRARERERERVfel3jdOjQIXh5eSE5OVll2cuXL1G9enUcO3aswJIjIiIiIiIqDvQqnObPn4/+/fvDxsZGZZmtrS0GDhyIuXPnFlhyRERERERExYFehdOlS5fQsmVLjctbtGiB8+fPv3NSRERERERExYne93EyNjbWuNzIyAjPnz9/56SIiIiIiIiKE70Kp4oVK+Lq1asal1++fBnly5d/56SIiIiIiIiKE70Kp9atW2PixIl48+aNyrLXr18jIiICbdu2LbDkiIiIiIiIigO9piP/5ptvsHXrVnh6emLo0KGoUqUKAODmzZtYvHgxpFIpJkyYUCiJEhERERERGYpehVO5cuVw8uRJDBo0COPGjYMgCAAAkUiEwMBALF68GOXKlSuURImIiIiIiAxFr8IJAJydnbFr1y78+++/iI+PhyAI8PDwQKlSpQojPyIiIiIiIoPTu3CSK1WqFBo0aFCQuZAeXMbGKP4/YUYbA2ZCRERERPThy3fhRIbjMjYG1UQP0EJ8DiKRgPnfbMZXn3oaOi0iIiIiog8WC6f3jHykaY/xEOx5OyeiABvgSB46iwovLyIiIiKiDxkLp/fQA9O22UWQCIAAiIRkdBa8UMdJx3Vmj08URXpERERERB8cFk7vmQfIUTQBiv/fjOvY/NiAiRERERERfcBYOL1vTKD+lDsZ0LdeX61df7n4S6GkRERERET0oWPh9KEQgOXtl2tdhYUTEREREVH+iA2dABUdwUO/diIiIiIiysbCqYTJXSSxaCIiIiIi0o2n6pVALJaIiIiIiPTDESciIiIiIiIdWDgRERERERHpwMKJiIiIiIhIBxZOREREREREOrBwIiIiIiIi0oGFExERERERkQ4snIiIiIiIiHRg4URERERERKQDCyciIiIiIiIdWDgRERERERHpwMKJiIiIiIhIBxZOREREREREOhSLwmnx4sVwcXGBmZkZfHx8cObMmTz1W79+PUQiEYKCggo3QSIiIiIiKtEMXjht2LABI0aMQEREBC5cuABvb28EBgbi2bNnWvslJCRg1KhR8PX1LaJMiYiIiIiopDJ44TR37lz0798fvXv3hpeXF5YtWwYLCwusWLFCYx+pVIrQ0FBMnjwZlStXLsJsi7nU+9ofRERERESUL0aGDJ6RkYHz589j3LhxijaxWIyAgACcOnVKY78pU6agbNmy6Nu3L44dO6Y1Rnp6OtLT0xXPk5OTAQCZmZnIzMx8xz14d/Ic8pyLREv7b/krIqUAZIV8LPTez/c4bkmJaai4JSWmoeKWlJiGiltSYhoqLvf1w4tpqLglJaah4hpqX9XRJweRIAhCIeai1ePHj1GxYkWcPHkSDRs2VLSPHj0aR44cwR9//KHS5/jx4+jWrRvi4uJgb2+PsLAwvHjxAtu3b1cbY9KkSZg8ebJKe3R0NCwsLApsX4pKUFyQxmWZHmZa+0rwBiI17VIAOy23v0taRERERETvnbS0NISEhODly5ewsbHRuq5BR5z0lZKSgh49euDnn3+Gvb19nvqMGzcOI0aMUDxPTk6Gk5MTWrRoofPgFIXMzEzs378fzZs3h7Gxse4OcZoXCV2StXbN2mQCI0CpeBIAyAC0bt1ad+x3oPd+vsdxS0pMQ8UtKTENFbekxDRU3JIS01Bxua8fXkxDxS0pMQ0V11D7qo78bLS8MGjhZG9vD4lEgqdPnyq1P336FA4ODirr3717FwkJCWjXrp2iTSaTAQCMjIxw69YtuLm5KfUxNTWFqampyraMjY0N/kLlVBD56OwfIgDRIgjILp7kfxqHFN2go6GOuyHilpSYhopbUmIaKm5JiWmouCUlpqHicl8/vJiGiltSYhoqbnH4Pq5PfINODmFiYoJ69erh4MGDijaZTIaDBw8qnbonV7VqVVy5cgVxcXGKR/v27dG0aVPExcXBycmpKNN/P4UIyEL26XlZb58TEREREZF2Bj9Vb8SIEejVqxfq16+Pjz/+GPPnz8erV6/Qu3dvAEDPnj1RsWJFREZGwszMDDVq1FDqb2dnBwAq7aRFlwzs3LWr0E/PIyIiIiL6UBi8cAoODsbz58/x7bff4smTJ6hduzb27NmDcuXKAQASExMhFht81nQiIiIiIirBDF44AcDQoUMxdOhQtctiY2O19l25cmXBJ0RERERERJQDh3KIiIiIiIh0YOFERERERESkAwsnIiIiIiIiHVg4ERERERER6cDCiYiIiIiISAcWTkRERERERDqwcCIiIiIiItKBhRMREREREZEOLJyIiIiIiIh0YOFERERERESkAwsnIiIiIiIiHVg4ERERERER6cDCiYiIiIiISAcWTkRERERERDqwcCIiIiIiItKBhRMREREREZEOLJyIiIiIiIh0YOFERERERESkAwsnIiIiIiIiHVg4ERERERER6cDCiYiIiIiISAcWTkRERERERDqwcCIiIiIiItKBhRMREREREZEOLJyIiIiIiIh0YOFERERERESkAwsnIiIiIiIiHVg4ERERERER6cDCiYiIiIiISAcWTkRERERERDqwcCIiIiIiItKBhRMREREREZEOLJyIiIiIiIh0YOFERERERESkAwsnIiIiIiIiHVg4ERERERER6cDCiYiIiIiISAcWTkRERERERDqwcCIiIiIiItKBhRMREREREZEOLJyIiIiIiIh0YOFERERERESkAwsnIiIiIiIiHVg4ERERERER6WBk6ASIiIiICpNUKkVmZmahbT8zMxNGRkZ48+YNpFJpocUpiTENFbekxDRU3KKOaWJiArH43ceLWDgRERHRB0kQBDx58gQvXrwo9DgODg54+PAhRCJRocYqaTENFbekxDRU3KKOKRaL4erqChMTk3faDgsnIiIi+iDJi6ayZcvCwsKi0L6gyWQypKamwsrKqkB+1WZMw8ctKTENFbcoY8pkMjx+/BhJSUmoVKnSO30OsHAiIiKiD45UKlUUTR999FGhxpLJZMjIyICZmVmRfvEsCTENFbekxDRU3KKOWaZMGTx+/BhZWVkwNjbO93Y4OQQRERF9cOTXNFlYWBg4EyIyNPkpeu96PRULJyIiIvpgFeW1IkRUPBXU5wALJyIiIiIiIh1YOBERERF9AFauXAk7OztDp6G3hIQEiEQixMXFGTqVD0ZYWBiCgoIMncYHh4UTERERUTERFhYGkUik8oiPjzdIPv7+/oocLCwsUL9+fcyYMQOCIBRYDCcnJyQlJaFGjRoFts13FR8fjyFDhqBSpUowNTWFq6srunfvjnPnzinWyfn6WFpawsPDA2FhYTh//rzStmJjY9W+pt98843G+C4uLkrbrlu3LjZt2pTn/BcsWICVK1fqtc8SiQTbt2/Xq09Jw8KJiIiIqBhp2bIlkpKSlB6urq4Gy6d///5ISkrCjRs3MHz4cERERGDZsmUFtn2JRAIHBwcYGRWPyZ7PnTuHBg0aID4+HkuXLsX169exbds2VK1aFSNHjlRaNyoqCklJSbh27RoWL16M1NRU+Pj4YPXq1SrbvXXrltJrOnbsWK15TJkyBUlJSbh48SIaNGiA4OBgnDx5Mk/7YGtr+16OPhZ3LJyIiIiItEh6+Ron7/6FpJeviySeqakpHBwclB4SiQRz585FzZo1YWlpCWdnZ4wcORKpqakat/P8+XPUr18fHTt2RHp6OmQyGSIjI+Hq6gpzc3N4e3tj8+bNOvOxsLCAg4MDnJ2dERoailq1amH//v2K5enp6Rg1ahQqVqwIS0tL+Pj4IDY2FgCQnJwMc3Nz7N69W2mb27Ztg7W1NdLS0tSeqnf16lW0atUKVlZWKF++PAYOHIi//voLALBz507Y2dkpZkiLi4uDSCRSKkT69euHzz//HADw4MEDtGvXDqVKlYKlpSWqV6+OXbt2qd1XQRAQFhYGDw8P7N69G23atIGbmxtq166NiIgI7NixQ2l9Ozs7ODg4wMXFBS1atMDmzZsRGhqKoUOH4t9//1Vat2zZskqvqZWVldbjbm1tDQcHB3h6emLx4sUwNzfH77//DgC4cuUKmjVrBnNzc3z00UcYMGCA0nsh96l6/v7+CA8Px+jRo1G6dGk4ODhg0qRJiuW1atUCAHTs2BEikQguLi4AgEuXLqFp06awtraGjY0N6tWrpzTqVtKwcCIiIiLSYMPZRDSecQghP/+BxjMOYcPZRIPlIhaLsXDhQly7dg1RUVE4duwYxowZo3bdhw8fwtfXFzVq1MDmzZthamqKyMhIrF69GsuWLcO1a9cwfPhwfP755zhy5Eie4guCgJMnT+LmzZuK6Z0BYOjQoTh16hTWr1+Py5cvo0uXLmjZsiXu3LkDGxsbtG3bFtHR0UrbWrt2LYKCgtROF//ixQs0a9YMderUwblz57Br1y48f/4c3bp1AwD4+voiJSUFFy9eBAAcOXIE9vb2imJN3ubv7w8AGDJkCNLT03H06FFcuXIFM2fO1Fi0xMXFKY6NuvsL5WUUZ/jw4UhJSVEqLt+VkZERjI2NkZGRgVevXiEwMBClSpXC2bNnsWnTJhw4cABDhw7Vuo1Vq1bB0tISf/zxB77//ntMmTJFkeOhQ4cA/DeCdvbsWQBAaGgoHB0dcfbsWZw/fx5jx459p/sgve+Kx5goERERUTGT9PI1xm29Atnby3lkAjB+61U08SyD8rbmhRZ3586dSl/sW7VqhU2bNuGrr75StFWqVAkTJkzAyJEjsXTpUqX+t27dQvPmzdGxY0fMnz8fIpEI6enpmD59Og4cOICGDRsCACpXrozjx4/jxx9/hJ+fn8Z8lixZguXLlyMjIwOZmZkwMzNDeHg4ACAxMRFRUVFITExEhQoVAACjRo3Cnj17EBUVhenTpyM0NBQ9evRAWloaLCwskJycjJiYGGzbtk1tvB9++AF16tTB9OnTAWTfLHXRokWoUaMGbt++DU9PT9SuXRuxsbGoX78+YmNjMXz4cEyePBmpqal4+fIl4uPjFfuUmJiIzz77DDVr1lTstyZ37twBAFStWlXjOrrI+yYkJCi1Ozo6Kj1/8OBBnm7OnJGRgTlz5uDly5do1qwZoqOj8ebNG6xevRqWlpYAso9Zu3btMHPmTJQrV07tdmrVqoWIiAgAgIeHB3744QccPHgQn376Kezt7QH8N4Iml5iYiK+//lqxTx4eHnk4Ah8uFk5EREREatz/65WiaJKTCgIS/kor1MKpadOmSsWQ/MvxgQMHEBkZiZs3byI5ORlZWVl48+aNoiABgNevX8PX1xchISGYP3++Yhvx8fFIS0tD8+bNlWJlZGSgTp06WvMJDQ3FhAkT8Pfff+Obb75BkyZN0KhRIwDZp4xJpVJ4enoq9UlPT1cUBa1bt4axsTF+++03dOvWDVu2bIGNjQ0CAgLUxrt06RIOHz6sdlTo7t278PT0hJ+fH2JjYzFy5EgcO3YMkZGR2LhxI44fP45//vkHFSpUUHzJDw8Px6BBg7Bv3z4EBATgs88+U5yalltBTHoh30buewcdO3YM1tbWiuelSpXSup0xY8bgm2++wZs3b2BlZYUZM2agTZs2GDFiBLy9vRXvCwBo3LgxZDIZbt26pbVwyql8+fJ49uyZ1hxGjBiBfv36Yc2aNQgICECXLl3g5uamtc+HjIUTERERkRqu9pYQi6BUPElEIrjYq55eVpAsLS3h7u6u1JaQkIC2bdti0KBBmDZtGuzs7HDgwAF8+eWXyMjIUBROpqamCAgIwM6dO/H111+jYsWKAKC4/iUmJkbRJmdqaqo1H1tbW7i7u6Ny5cqIiopC/fr10bBhQwQEBCA1NRUSiQTnz5+HRCJR6icvfExMTNC5c2dER0ejW7duiI6ORnBwsMbJIFJTUxWjJ0D2iFNqaiqsrKwUufv7+2PFihW4dOkSjI2NUbVqVfj7+yM2Nhb//vuv0ghav379EBgYiJiYGOzbtw+RkZGYM2cOvvzyS5XY8gLw5s2b+S4Qbty4AQAqE3q4urrqNWHD119/jbCwMFhZWaFcuXLvfBPX3KfYiUQiyGQyrX0mTZqEkJAQxMTEYPfu3YiIiMD69evRsWPHd8rlfcVrnIiIiIjUKG9rjshONSF5+4VVIhJheqcahTrapMn58+chk8kwZ84c/O9//4OnpyeePHmisp5YLMaaNWtQr149NG3aFI8fPwYAeHl5wdTUFImJiXB3d1d6ODk55TkPKysrhIeHY9SoURAEAXXq1IFUKsWzZ89UtpvzlK/Q0FDs2bMH165dw6FDhxAaGqoxRt26dXHt2jW4uLgotlW5cmW4u7srRlnk1znNmzdPUSTJC6fY2FjF9U1yTk5O+OKLL7B161aMHDkSP//8s9rYtWvXhpeXF+bNm6e2qHjx4oXOYzR//nytI2p5ZW9vrziOOYumatWq4dKlS3j16pWi7cSJExCLxahSpUq+4xkbGysm3MjJ09MTw4cPx759+9CpUydERUXlO8b7joUTERERkQbBDSrh+NimWNf/fzg+timCG1QySB7u7u7IzMzEokWLcO/ePaxZs0bjF1iJRIK1a9fC29sbzZo1w5MnT2BtbY1Ro0Zh+PDhWLVqFe7evYsLFy5g0aJFWLVqlV65DBgwALdv38aWLVvg6emJ0NBQ9OzZE1u3bsX9+/dx5swZREZGIiYmRtGnSZMmcHBwQGhoKFxdXeHj46Nx+0OGDME///yD7t274+zZs7h79y4OHjyIPn36KL7YlypVCrVq1cLatWsVRVKTJk1w4cIF3L59W2nE6auvvsLevXtx//59XLhwAYcPH0a1atXUxhaJRIiKisLt27fRqlUr7Nq1C/fu3cPly5cxbdo0dOjQQWn9Fy9e4MmTJ3jw4AH279+vGFlbunRpoU0HHhoaCjMzM/Tq1QtXr17F4cOH8eWXX6JHjx4aT9PLCxcXFxw8eBBPnjzBv//+i9evX2Po0KGIjY3FgwcPcOLECZw9e1bjsSsJWDgRERERaVHe1hwN3T4yyEiTnLe3N+bOnYuZM2eiRo0aiI6OxsSJEzWub2RkhHXr1qF69epo1qwZnj17hqlTp2LixImIjIxEtWrV0LJlS8TExOh9j6jSpUujZ8+emDRpEmQyGaKiotCzZ0+MHDkSVapUQVBQEM6ePYtKlf4rMkUiEbp3745Lly5pHW0CgAoVKuDEiROQSqVo0aIFvL29MX78eNjZ2SnNdOfn5wepVKoonEqXLg0vLy84ODgojbxIpVIMGTJEsc+enp5YsmSJxvgff/wxzpw5g8qVK2PgwIGoVq0a2rdvj2vXrildNwYAvXv3Rvny5VG1alUMGjQIVlZWOHPmDEJCQvQ4ovqxsLDA3r178c8//6BBgwbo3LkzPv30U/zwww/vtN1Zs2Zh//79cHJyQp06dSCRSPD333+jZ8+e8PT0RNeuXdGqVStMnjy5gPbk/cNrnIiIiIiKiZUrV2pcNnz4cAwfPhxA9nU/ycnJGDBggKKYCAsLQ1hYmGJ9IyMjbNmyRWkbw4YNw7Bhw/KcT84pvnPKeQNcsViMyZMn6/xCPXPmTMV1Szm5uLioTMrg4eGBrVu3AvhvX21sbJROWZs/f75KIZPzXlByixYt0pqXOp6enli6dClsbGzUTksO5H0iCX9/f70nncg9I19uNWvWVEwhrk7u95G613H79u0AoDglsV27diojauvWrdOZa0nCESciIiIiIiIdWDgRERERERHpwMKJiIiIiIhIBxZOREREREREOrBwIiIiIiIi0oGFExERERERkQ4snIiIiIiIiHRg4URERERERKQDCyciIiIiIiIdWDgRERERfQBWrlwJOzs7Q6eht4SEBIhEIsTFxRk6lfdCbGwsRCIRXrx4YehUSpxiUTgtXrwYLi4uMDMzg4+PD86cOaNx3Z9//hm+vr4oVaoUSpUqhYCAAK3rExEREb0vwsLCIBKJVB7x8fEGycff31+Rg4WFBerXr48ZM2ZAEIQCi+Hk5ISkpCTUqFGjwLb5ruLj4zFkyBBUqlQJpqamcHV1Rffu3XHu3DnFOjlfH0tLS3h4eCAsLAznz59X2pa80Mn9+OabbzTGd3Fxwfz589Uua9SoEZKSkmBra1sg+0p5Z/DCacOGDRgxYgQiIiJw4cIFeHt7IzAwEM+ePVO7fmxsLLp3747Dhw/j1KlTcHJyQosWLfDo0aMizpyIiIio4LVs2RJJSUlKD1dXV4Pl079/fyQlJeHGjRsYPnw4IiIisGzZsgLbvkQigYODA4yMjApsm+/i3LlzaNCgAeLj47F06VJcv34d27ZtQ9WqVTFy5EildaOiopCUlIRr165h8eLFSE1NhY+PD1avXq2y3Vu3bim9pmPHjs1XfiYmJnBwcIBIJMpXf8o/gxdOc+fORf/+/dG7d294eXlh2bJlsLCwwIoVK9Suv3btWgwePBi1a9dG1apVsXz5cshkMhw8eLCIMyciIiIqeKampnBwcFB6SCQSzJ07FzVr1oSlpSWcnZ0xcuRIpKamatzO8+fPUb9+fXTs2BHp6emQyWSIjIyEq6srzM3N4e3tjc2bN+vMx8LCAg4ODnB2dkZoaChq1aqF/fv3K5anp6dj1KhRqFixIiwtLeHj44PY2FgAQHJyMszNzbF7926lbW7btg3W1tZIS0tTe6re1atX0apVK1hZWaF8+fIYOHAg/vrrLwDAzp07YWdnB6lUCgCIi4uDSCRSKkT69euHzz//HADw4MEDtGvXDqVKlYKlpSWqV6+OXbt2qd1XQRAQFhYGDw8P7N69G23atIGbmxtq166NiIgI7NixQ2l9Ozs7ODg4wMXFBS1atMDmzZsRGhqKoUOH4t9//1Vat2zZskqvqZWVlc5jr07uU/Xkp2ju3bsX1apVg5WVlaL4zmn58uWoVq0azMzMULVqVSxZsiRf8Usyg5b2GRkZOH/+PMaNG6doE4vFCAgIwKlTp/K0jbS0NGRmZqJ06dJql6enpyM9PV3xPDk5GQCQmZmJzMzMd8i+YMhzKIhc8rqNgoyZV4aIaai4JSWmoeKWlJiGiltSYhoqbkmJaai4OWNKpVIIggCZTAaZTAYIApCZVihxhbfbFtLFkKkbBTC2API4OiAIgiLv3EQiEebPnw9XV1fcvXsXQ4YMwZgxY7B48WIAUPSRyWR4+PAhAgMD4ePjg+XLl0MikWD69OlYu3YtlixZAg8PDxw9ehSff/45PvroI/j5+WnNSX4cT548iZs3b8Ld3V0Rb8iQIbhx4waio6NRoUIFbN++HS1btsSlS5fg4eGBNm3aYO3atQgMDFRs89dff0WHDh1gZmamlLdMJsOLFy/QrFkz9O3bF3PmzEFaWhpGjx6N4OBgHDx4EI0bN0ZKSgrOnz+P+vXrIzY2Fvb29oiNjVVs68iRI/j6668hk8kwePBgZGRkIDY2FpaWlrh+/TosLCzUHuOLFy/i2rVr+PXXXyEWi1VeCxsbG6XnivdXDsOGDcPq1auxd+9edO3aVWX/tB3n3H+qWz/39mQyGdLS0jBr1iysWrUKYrEYPXv2xMiRI/Hrr78CyB54+Pbbb7Fw4ULUqVMHFy9exMCBA2Fubo6ePXtqjVcYdO1jQZPJZBAEAZmZmZBIJErL9PmMMmjh9Ndff0EqlaJcuXJK7eXKlcPNmzfztI0xY8agQoUKCAgIULs8MjISkydPVmnft28fLCws9E+6kOT85Sa/NP16Upgx9WWImIaKW1JiGipuSYlpqLglJaah4paUmIaKu3//fhgZGcHBwQGpqanIyMgAMtNgt7haocW007LsxZAb2cVTHmRmZiImJgY2NjaKtoCAAKxcuRK9e/dWtJUuXRoTJkzAiBEjEBkZCQB48+YNBEHA+fPn0bFjR7Rt2xaRkZF49eoV0tPTERkZiW3btuHjjz8GAHTq1AmxsbFYvHgx6tSpozafrKwsLF26FL/88gsyMjKQmZkJMzMz9OnTB8nJyXj48CFWrlyJK1euoHz58gCyT+2LiYnBjz/+iG+//RYdO3bEF198gSdPnsDCwgLJycnYtWsX1qxZg+TkZMWo2atXr5CcnKwYWRszZowij0WLFqFGjRq4cOEC3N3dUbNmTezduxeenp44cOAAvvjiC3z//fd4/PgxkpOTER8fj3r16iE5ORkJCQlo3749nJ2dAQBNmjQB8N+P6TldvnwZQPZ1VwCQkpKi9fV6/fq1ynYqVKgAIPvUvOTkZKSlZRfslSpVUoml7of/lJQUyGQyvHnzRm2O8u2lpKRALBbjzZs3yMzMxKxZsxSndPbp0wezZs1S9I+IiMCUKVMU35cDAgIwaNAgLF26FB07dszTvhaGooqZkZGB169f4+jRo8jKylJaJj+eeVE8TibNpxkzZmD9+vWIjY2FmZmZ2nXGjRuHESNGKJ4nJycrrovK+aFkKJmZmdi/fz+aN28OY2Nj3R3iNC9q3bp14cQsAIaIaai4JSWmoeKWlJiGiltSYhoqbkmJaai4OWNKpVI8fPgQVlZW2d8RMiS6N1BIbKytARPLPK1rbGwMf39/pdOoLC0tYWNjgwMHDmDmzJm4efMmkpOTkZWVhTdv3sDIyAgWFhYwMzPDmzdv0KZNG3Tv3h3z5s1TbOPatWtIS0tDp06dlOJlZGSgTp06Gr8TGRkZISQkBOPHj8c///yDiRMnwtfXF82bNweQPSOeVCpFgwYNlPqlp6ejbNmysLGxwWeffYYvv/wSsbGx6NatG7Zs2QIbGxu0b98eRkZGilPW5Pt58+ZNHDt2DI6Ojir5PH36FHXr1kXTpk1x+vRpjB8/HqdPn8b333+P33//HZcvX8Y///yDChUqKIrBYcOGYciQITh69Cg+/fRTdOrUCbVq1VK7v/Lvk/If162trbVeS2Rubq5y7OTvd/ky+baOHDkCa2trxXqVKlWCWPzfVTOCICAlJQXW1tYQi8UwMzNT+7rkzM3GxgZmZmawsLCAt7e3Yh1XV1c8f/4cNjY2ePXqFe7fv4/w8HB89dVXinWysrJga2sLa2trRdyium4q574WRcw3b97A3NwcTZo0UakZ1BWnmhi0cLK3t4dEIsHTp0+V2p8+fQoHBwetfWfPno0ZM2bgwIEDGt/8QPZ5wqampirtxsbGRfoPiC4FkY++/Q1xDAx13EvKvvL4fngxDRW3pMQ0VNySEtNQcY2NjSEWiyESiSAWi7O/nJpaAeMfF0o8mUyG5JQU2Lz9wpubWI9T9UQiEaysrODp6anULh81GTRoEKZNmwY7OzscOHAAX375JbKyshT7aWpqioCAAMTExGD06NGoWLEigP9+VY+JiVG0yZmamqrNW87Ozg6enp6QyWSIiopC/fr10ahRIwQEBCAtLQ0SiQTnz59XOQXKyspKUQB07twZ69evR0hICNavX4/g4GCYmJhkH5+3seX78OrVK7Rr1w4zZ85UHN/U1FRYWVmhYsWKEIvFaNq0KaKionDlyhUYGxvDy8sL/v7+OHr0KP7991/4+fkptjtgwAC0atUKMTEx2LdvH2bMmIE5c+bgyy+/VNnXqlWrAsgeLXJ3d1e8hzRRvL9yuHXrFgCgcuXKSsvd3Ny0ThcvP2VNXkhoip37eInFYsV7Xk4ikUAQBIjFYsVr//PPP8PHx0dpWxKJRGe8wpBzX4sipvzzQN3nkT6fTwadHMLExAT16tVTmthBPtFDw4YNNfb7/vvvMXXqVOzZswf169cvilSJiIjofSYSZY/6FNbD2ELzsgL4Rf38+fOQyWSYM2cO/ve//8HT0xNPnjxRWU8sFmPNmjWoV68emjZtisePs4tFLy8vmJqaIjExEe7u7koP+WlpeWFlZYXw8HCMGjUKgiCgTp06kEqlePbsmcp2c/4IHhoaij179uDatWs4dOgQQkNDNcaoW7curl27BhcXF8W2KleuDHd3d1haZo/c+fr6IiUlBfPmzVNcn+Xv74/Y2FjExsbC399faZtOTk744osvsHXrVowcORI///yz2ti1a9eGl5cX5s2bp/bam7zcO2n+/PmwsbHReBlJUStXrhwqVKiAe/fuqbxGhpyt8X1k8Fn1RowYgZ9//hmrVq3CjRs3MGjQILx69UpxHm/Pnj2VJo+YOXMmJk6ciBUrVsDFxQVPnjzBkydPtM4qQ0RERPQ+c3d3R2ZmJhYtWoR79+5hzZo1iIqKUruuRCLB2rVr4e3tjWbNmuHJkyewtrbGqFGjMHz4cKxatQp3797FhQsXsGjRIqxatUqvXAYMGIDbt29jy5Yt8PT0RGhoKHr27ImtW7fi/v37OHPmDCIjIxETE6Po06RJEzg4OCA0NBSurq4qIx85DRkyBP/88w+6d++Os2fP4u7duzh48CD69OmjmEmvVKlSqFWrFtauXasokpo0aYILFy7g9u3bSpNdfPXVV9i7dy/u37+PCxcu4PDhw6hWTf31biKRCFFRUbh9+zZatWqFXbt24d69e7h8+TKmTZuGDh06KK3/4sULPHnyBA8ePMD+/fvRuXNnREdHY+nSpe98M+JHjx4hLi5O6ZF7pr68mjx5MiIjI7Fw4ULcvn0bV65cQVRUFObOnftOOZY0Bi+cgoODMXv2bHz77beoXbs24uLisGfPHsWEEYmJiUrTKS5duhQZGRno3Lkzypcvr3jMnj3bULtAREREVKi8vb0xd+5czJw5EzVq1EB0dDQmTpyocX0jIyOsW7cO1atXR7NmzfDs2TNMnToVEydORGRkJKpVq4aWLVsiJiZG71GH0qVLo2fPnpg0aZLi9D35LG5VqlRBUFAQzp49qzQZgkgkQvfu3XHp0iWto01A9uQKJ06cgFQqRYsWLeDt7Y3x48fDzs5O6bQuPz8/SKVSReFUunRpeHl5wcHBAVWqVFGsJ5VKMWTIEMU+e3p6ap2K++OPP8aZM2dQuXJlDBw4ENWqVUP79u1x7do1lZvS9u7dG+XLl0fVqlUxaNAgWFlZ4cyZMwgJCdHjiKo3e/Zs1KlTR+mRsxjVR79+/bB8+XJERUWhZs2a8PPzw8qVKznipKdiMTnE0KFDMXToULXL5PcBkEtISCj8hIiIiIgMYOXKlRqXDR8+HMOHDwfw9rqq5GQMGDBAUUyEhYUhLCxMsb6RkRG2bNmitI1hw4Zh2LBhec4n9/cwuZw3wBWLxZg8ebLaWYxzmjlzpuK6pZxcXFwU01PLeXh4YOvWrQD+21cbGxuliQTmz5+vUsjkvBeU3KJFi7TmpY6npyeWLl0KGxsbjdfg5M5ZE39//zyvK6fr+27O7eV+3QEgKChIJWZISIjagq6opiD/EBh8xImIiIiIiKi4Y+FERERERESkAwsnIiIiIiIiHVg4ERERERER6cDCiYiIiIiISAcWTkRERERERDqwcCIiIiIiItKBhRMREREREZEOLJyIiIiIiIh0YOFEREREVMKEhYUhKCjI0GkUmzw+FAkJCRCJRIiLizN0Kh8kFk5ERERExURYWBhEIhFEIhGMjY3h6uqK0aNH482bN0WaR2xsrCIPkUiEMmXKoE2bNrh27VqBxlmwYAFWrlxZoNt8F4Ig4KeffkLDhg3h6OiI0qVLo379+pg/fz7S0tIAAJMmTVIcFyMjI9jb26NJkyaYP38+0tPTlbbn7++vdBzlj6ysLLXxo6OjIZFIIBKJIBaL4ejoiN69e+PZs2d5yt/JyQlJSUmoUaNGnvd58uTJ8PX1zfP6JRkLJyIiIqJipGXLlkhKSsK9e/cwb948/Pjjj4iIiDBILrdu3UJSUhL27t2LjIwMBAcHIyMjo8C2b2trCzs7uwLb3rvq0aMHvvrqK7Rv3x6//fYbLly4gIkTJ2LHjh3Yt2+fYr3q1asjKSkJiYmJOHz4MLp06YLIyEg0atQIKSkpStvs378/kpKSlB5GRkYac7CxsUFSUhL+/PNP/Pzzz9i9ezd69OiRp/wlEgkcHBy0bp/yj4UTERERkTZpfwJPD2f/WQRMTU3h4OAAJycnBAUFISAgAPv371csl8lkmDFjBry9vWFpaQlvb29s3rxZsVwqlaJv375wdXWFubk5qlSpggULFuQrl7Jly8LBwQF169ZFeHg4Hj16hJs3byqWHz9+HL6+vjA3N4eTkxPCw8Px6tUrAMD48ePh4+Ojsk1vb29MmTIFgOqpejKZDJGRkYrcc+9b/fr1MXv2bMXzoKAgGBsbIzU1FQDw559/QiQSIT4+HgCwZMkSeHh4wMzMDOXKlUPnzp017uvGjRuxdu1arFu3DuPGjUPdunXh4uKCDh064NChQ2jatKliXSMjIzg4OKBChQqoWbMmvvzySxw5cgRXr17FzJkzlbZrYWEBBwcHpYc2IpFIse1WrVohPDwcBw4cwOvXryGTyTBlyhQ4OjrC1NQUtWvXxp49exR9c5+qJx85PHjwIOrXrw8LCws0atQIt27dAgCsXLkSU6ZMwdWrVxUjXStXroQgCJg0aRIqVaoEU1NTVKhQAeHh4VrzLglYOBERERFpcvcXYLszcLBZ9p93fynS8FevXsXJkydhYmKiaIuMjMSaNWswd+5cXLlyBcOHD8fnn3+OI0eOAMguPhwdHbFp0yZcv34d3377LcaPH4+NGzfmO4+XL19iw4YNAKDI5e7du2jZsiU+++wzXL58GRs2bMDx48cxdOhQAEBoaCjOnDmDu3fvKrZz7do1XL58GSEhIWrjREZGYvXq1Vi2bBmuXbuG4cOHo2fPnjhx4gQAwM/PD7GxsQCyT6s7duwY7OzscPz4cQDAkSNHULFiRbi7u+PcuXMIDw/HlClTcOvWLezZswdNmjTRuI9r165FlSpV0KFDB5VlIpEItra2Wo9R1apV0apVK2zdulXrevoyNzeHTCZDVlYWFixYgDlz5mD27Nm4fPkyAgMD0b59e9y5c0frNiZMmIA5c+bg3LlzMDIyQp8+fQAAwcHBGDFiBKpWrYpHjx4hKSkJwcHB2LJli2K0886dO9i+fTtq1qxZoPv1PuI4HhEREZE6aX8CfwwAIHvbIAPODATKBwIWjoUWdufOnbCyskJWVhbS09MhFovxww8/AADS09Mxffp07Nu3D9WrV4eNjQ3c3d1x/Phx/Pjjj/Dz84OxsTEmT56s2J6rqytOnTqFjRs3omvXrnrl4uiYvZ/yUaRWrVqhatWqALKLnNDQUHz11VcAAA8PDyxcuBB+fn5YunQpqlevDm9vb0RHR2PixIkAsosTHx8fuLu7q8SS79uBAwfQsGFDAEDlypVx7NgxREVFoVWrVvD398cvv/wCqVSKq1evwsTEBMHBwYiNjUXLli0RGxsLPz8/AEBiYiIsLS3Rtm1bWFtbw9nZGXXq1NG4r3fu3EGVKlX0Oj65Va1aVemUPiB71Gv58uWK5wMHDsScOXPytL07d+5g2bJlqF+/PqytrTF79myMGTMG3bp1AwDMnDkThw8fxvz587F48WKN25k2bZriuIwdOxZt2rTBmzdvYG5uDisrK8UImlicPaaSmJgIBwcHBAQEwNjYGJUqVcLHH3+s17H4EHHEiYiIiEidlDv4r2h6S5ACKfGFGrZp06aIi4vDH3/8gV69eqF379747LPPAADx8fFIS0tDYGAgHB0dYWNjAysrK6xevVppZGfx4sWoV68eypQpAysrK/z0009ITEzUO5djx47h/PnzWLlyJTw9PTF37lzFskuXLmHlypWwsrJSPAIDAyGTyXD//n0A2aNO0dHRALJHiNatW4fQ0FC1seT71rx5c6VtrlmzBgkJCQAAX19fpKSk4OLFizhy5Aj8/Pzg7++vGIU6cuQI/P39AQDNmzeHs7MzKleujB49emDt2rWKCR7UEQRB7+OjbhsikUipLTQ0FHFxcYrHuHHjtG7j5cuXsLKygoWFBapUqYJy5cph7dq1SE5OxuPHj9G4cWOl9Rs3bowbN25o3WatWrUU/1++fHkA0DrhRJcuXfD69WtUrlwZ/fv3x7Zt2zROaFGScMSJiIiISB1rD2T/xpyjeBJJAGvV0ZKCZGlpqRiRWbFiBby9vfHLL7+gb9++imt5fv/9d9ja2sLKykoxSmBqagoAWL9+PUaNGoU5c+agYcOGsLa2xqxZs/DHH3/onYurqyvs7OxQpUoVPH36FH369FGcFpeamoqBAweqvfalUqVKAIDu3btjzJgxuHDhAl6/fo2HDx8iODhYbSz5vsXExKBixYqKdplMppiQws7ODt7e3oiNjcWpU6fQvHlzNGnSBMHBwbh9+zbu3LmjGFmxtrbGhQsXEBsbi3379uHbb7/FpEmTcPbsWbUTUnh6eipdv5UfN27cgKurq1Kbra2t2hE2TeR5i8VilC9fHubm5gCA5OTkfOdlbGys+H95YSeTyTStDicnJ9y6dQsHDhzA/v37MXjwYMyaNQtHjhxR2lZJwxEnIiIiInUsHAGfn7KLJSD7z49/LNTT9HITi8UYP348vvnmG7x+/RpeXl4wNTVFYmIiKleuDHd3d8XDyckJAHDixAk0atQIgwcPRp06deDu7q40GpVfgwcPxo0bN7Bt2zYAQN26dXH9+nWlHOQP+XVQjo6O8PPzw9q1a7F27Vo0b94cZcuWVbv9nPuWe3vyUwaB7OucDh8+jKNHj8Lf3x+lS5dGtWrVMG3aNJQvXx6enp6KdY2MjBAQEIDvv/8ely9fRkJCAg4dOqQ2fkhICG7fvo0dO3aoLBMEAS9fvtR6fG7evIk9e/YoRgfzSywWw93dHZUrV1YUTUD2bHsVKlRQXO8ld+LECXh5eeU7nomJCaRSqUq7ubk52rVrh4ULFyoK1StXruQ7zoeAI05EREREmrj1zb6mKSU+e6SpCIsmuS5duuDrr7/G4sWLMWrUKIwaNQojR45EWloaAgICkJKSghMnTsDGxga9evWCh4cHVq9ejb1798LV1RVr1qzB2bNnVUZC9GVhYYGePXti8uTJ6NSpE8aMGYP//e9/GDp0KPr16wdLS0tcv34d+/fvV1yTBWSfqhYREYGMjAzMmzdP4/atra0xatQoDB8+HDKZDJ988glevnyJ48ePw9jYGAMHDgSQfW+kRYsWoUyZMorrrfz9/fHDDz+gS5cuiu3t3LkT9+7dQ5MmTVCqVCns2rULMplM43VMXbt2xbZt29C9e3dMmDABjRo1gouLC65du4Z58+bhyy+/VMwAmJWVhSdPnkAmk+Hvv/9GbGwsvvvuO9SuXRtff/31Ox1nbb7++mtERETAzc0NtWvXRlRUFOLi4rB27dp8b9PZ2RmJiYmIi4tDpUqVYG1tjXXr1kEqlcLHxwcWFhb49ddfYW5uDmdn5wLcm/cPCyciIiIibSwcDVIwyRkZGWHo0KH4/vvvMWjQIEydOhX29vaYN28ehg0bBjs7O9StWxfjx48HkD35wMWLFxEcHAyRSITu3btj8ODB2L179zvn0r9/fyxZsgSbNm1C165dceTIEUyYMAG+vr4QBAFubm4qp+J17twZQ4cOhUQiUZp6XJ2pU6eiTJkyiIyMxL1792BnZ4c6deoonQ7o6+sLmUymOCUPyC6cFixYoLi+Ccg+rW/r1q2YNGkS3rx5Aw8PD6xbtw7Vq1dXG1skEiE6Oho//fQTVqxYgenTp8PIyAgeHh7o2bMnAgMDFeteu3YN5cuXh0Qiga2tLby8vDBu3DgMGjRIccpkYQgPD8fLly8xcuRIPHv2DF5eXvjtt9/g4eGR721+9tln2LRpEz799FO8ePECUVFRsLOzw4wZMzBixAhIpVLUrFkTv//+Oz766KMC3Jv3DwsnIiIiomJi5cqVatvHjh2LsWPHKp6Hh4cjLCwMNjY2imuc5ExNTREVFYWoqCil9sjISJ1x5Pz9/dVOluDo6KiY6Q8AGjRooDKLXG52dnZ48+aN2mW58xCJRBg2bBiGDRumaJPJZErX95QuXVrl+pygoCCVfD/55BPFpBF5JRaL8cUXX2DAgAFITk5We3wnTZqESZMm5Wl7+sYPCQnBF198oTW/iIgIjTdEdnFxUToO6l7H2rVrK7WZmppi1apVKvuqq8gtiXiNExERERERkQ4snIiIiIiIiHRg4URERERERKQDCyciIiIiIiIdWDgRERERERHpwMKJiIiIiIhIBxZOREREREREOrBwIiIiIiIi0oGFExERERERkQ4snIiIiIhKmLCwMAQFBRk6jWKTx/vC398fX331laHTKLFYOBEREREVE2FhYRCJRBCJRDA2NoarqytGjx6NN2/eFGkesbGxijxEIhHKlCmDNm3a4Nq1awUaZ8GCBVi5cmWBbvNdCIKAn376CQ0bNoSjoyNKly6N+vXrY/78+UhLSwMATJo0SXFcjIyMYG9vjyZNmmD+/PlIT09X2p6/v7/ScZQ/srKy1MaPjo5G6dKlNea3detWTJ06teB2mPTCwomIiIioGGnZsiWSkpJw7949zJs3Dz/++CMiIiIMksutW7eQlJSEvXv3IiMjA8HBwcjIyCiw7dva2sLOzq7AtveuevToga+++grt27fHb7/9hgsXLmDixInYsWMH9u3bp1ivevXqSEpKQmJiIg4fPowuXbogMjISjRo1QkpKitI2+/fvj6SkJKWHkZFRvvIrXbo0rK2t32kfKf9YOBEREdGHTxCArFeGeQiCXqmamprCwcEBTk5OCAoKQkBAAPbv369YLpPJMGPGDHh7e8PS0hLe3t7YvHmzYrlUKkXfvn3h6uoKc3NzVKlSBQsWLMjXYStbtiwcHBxQt25dhIeH49GjR7h586Zi+fHjx+Hr6wtzc3M4OTkhPDwcr169AgCMHz8ePj4+Ktv09vbGlClTAKieqieTyRAZGanIPfe+1a9fH7Nnz1Y8DwoKgrGxMVJTUwEAf/75J0QiEeLj4wEAS5YsgYeHB8zMzFCuXDl07txZ475u3LgRa9euxbp16zBu3DjUrVsXLi4u6NChAw4dOoSmTZsq1jUyMoKDgwMqVKiAmjVr4ssvv8SRI0dw9epVzJw5U2m7FhYWcHBwUHrkV+5T9VxcXDB9+nT06dMH1tbWqFSpEn766SelPg8fPkTXrl1hZ2eH0qVLo0OHDkhISMh3DiVZ/spdIiIioveJNA3YaFUomxYDsNO2QtdUwMgyX9u+evUqTp48CWdnZ0VbZGQkfv31V8ydOxfe3t44fvw4Pv/8c5QpUwZ+fn6QyWRwdHTEpk2b8NFHH+HkyZMYMGAAypcvj65du+Yrj5cvX2LDhg0AABMTEwDA3bt30bJlS3z33XdYsWIFnj9/jqFDh2Lo0KGIiopCaGgoIiMjcffuXbi5uQEArl27hsuXL2PLli1q48j3bdmyZfDw8MDRo0fRs2dPbNmyBa1atYKfnx9iY2MxatQoCIKAY8eOwc7ODsePH0fLli1x5MgRVKxYEe7u7jh37hzCw8OxZs0aNGrUCP/88w+OHTumcR/Xrl2LKlWqoEOHDpDJZErLRCIRbG1ttR6jqlWrolWrVti6dSu+++67PB/bdzVnzhxMnToV48ePx+bNmzFo0CD4+fmhSpUqyMzMRGBgIBo2bIhjx47ByMgI3333HVq2bInLly8rXkvKGxZORERERMXIzp07YWVlhaysLKSnp0MsFuOHH34AAKSnp2P69OnYt28fqlevDhsbG7i7u+P48eP48ccf4efnB2NjY0yePFmxPVdXV5w6dQobN27Uu3BydHQEAMUoUqtWrVC1alUA2UVOaGioYgTEw8MDCxcuhJ+fH5YuXYrq1avD29sb0dHRmDhxIoDs4sTHxwfu7u4qseT7duDAATRs2BAAULlyZRw7dgxRUVFo1aoV/P398csvv0AqleLq1aswMTFBcHAwYmNj0bJlS8TGxsLPzw8AkJiYCEtLS7Rt2xbW1tZwdnZGnTp1NO7rnTt3UKVKFb2OT25Vq1ZVOqUPyB71Wr58ueL5wIEDMWfOnHeKk1Pr1q0xePBgAMCYMWMwb948HD58GFWqVMGGDRsgk8mwfPlyiEQiAEBUVBTs7OwQGxuLFi1aFFgeJQELJyIiIvrwSSyyR34KgUwmQ3JyMmxsbCAWq7kKQmKh1/aaNm2KpUuX4tWrV5g3bx6MjIzw2WefAQDi4+ORlpaGwMBApT4ZGRlKRcHixYuxYsUKJCYm4vXr18jIyEDt2rX13rdjx47BwsICp0+fxvTp0zF37lzFskuXLuHy5ctYu3atok0QBMhkMty/fx/VqlVDaGgoVqxYgYkTJ0IQBKxbtw4jRoxQG0u+b82bN1fZt1q1agEAfH19kZKSgosXL+LkyZPw8/ODv78/ZsyYAQA4cuQIvv76awBA8+bN4ezsjMqVK6Nly5Zo2bIlOnbsCAsL9a+HoOcplZq2IS9Q5EJDQzFhwgTF84K+pkt+bIDskTEHBwc8e/YMQPZrFB8fr3Jd1Js3b3D37t0CzaMkYOFEREREHz6RKN+ny+kkkwFG0uztqyuc9GRpaakYkVmxYgW8vb3xyy+/oG/fvopreX7//XfY2trCyspKUayZmpoCANavX49Ro0Zhzpw5aNiwIaytrTFr1iz88ccfeufi6uoKOzs7VKlSBU+fPkWfPn1w/PhxAEBqaioGDhyI8PBwlX6VKlUCAHTv3h1jxozBhQsX8Pr1azx8+BDBwcFqY8n3LSYmBhUrVlS0y2QyxYQUdnZ28Pb2RmxsLE6dOoXmzZujSZMmCA4Oxu3bt3Hnzh3FiJO1tTUuXLiA2NhY7Nu3D99++y0mTZqEs2fPqi1ePD09la7fyo8bN27A1dVVqc3W1lbtCFtBMTY2VnouEokUpxqmpqaiXr16SsWtXJkyZQotpw8VCyciIiKiYkosFmP8+PEYMWIEQkJC4OXlBVNTUyQmJqJDhw5qR7lOnDiBRo0aKU7fAlAgowuDBw9GZGQktm3bhs8++wx169bF9evXtRYFjo6O8PPzw9q1a/H69Ws0b94cZcuWVbtuzn2TFz/AfyN6cn5+fjh8+DDOnDmDadOmoXTp0qhWrRqmTZuG8uXLw9PTU7GukZERAgICEBAQgIiICNjZ2eHQoUPo1KmTSvyQkBB069YNO3bsQLt27ZSWCYKA5ORkrdc53bx5E3v27MG4ceM0rlPU6tatiw0bNqBs2bKwsbExdDrvPc6qR0RERFSMdenSBRKJBIsXL4a1tTVGjRqFkSNHYt26dbh79y4uXLiARYsWYdWqVQCyrzU6d+4c9u7di9u3b2PixIk4e/bsO+dhYWGBnj17YvLkyRAEAWPGjMHJkycxdOhQxMXF4c6dO9ixYweGDh2q1C80NBTr16/Hpk2bEBoaqnH78n0bPnw4Vq1apdi3H374AevWrVOs5+/vj71798LIyEhxvZW/vz/Wrl2rVHDt3LkTCxcuRFxcHB48eIDVq1dDJpNpvI6pa9euCA4ORvfu3REZGYmLFy/iwYMH2LlzJwICAnD48GHFullZWXjy5AkeP36MK1euYNGiRfDz80Pt2rUVpwrml1QqRVxcnNLjxo0b+dpWaGgo7O3t0aFDBxw7dgz3799HbGwswsPD8eeff75TniURCyciIiKiYszIyAhDhw7F999/j1evXmHq1Kn45ptvMG/ePFSvXh0tW7ZETEyM4hSxgQMHolOnTggODoaPjw/+/vtvpdGnd9G/f3/cuHEDmzZtQq1atXDkyBHcvn0bvr6+qFOnDr799ltUqFBBqU/nzp3x999/Iy0tTWnqcXWmTp2KiRMnIjIyEtWqVVPsm/zUPyD7OieZTKZUJPn7+0MqlcLf31/RZmdnh61bt6JZs2aoVq0ali1bhnXr1qF69epqY4tEIkRHR2Pu3LnYsWMH2rZti9q1a2PSpEno0KGD0nVl165dQ/ny5VGpUiX4+/tj48aNGDduHI4dOwYrq3ebvTE1NRV16tRReuQeAcsrCwsLHD16FJUqVUKnTp1QrVo19O3bF2/evOEIVD7wVD0iIiKiYmLlypVq28eOHYuxY8cqnoeHhyMsLEztqXqmpqaIiopCVFSUUntkZKTOOHL+/v5qJ0twdHRUzPQHAA0aNFCZRS43Ozs7vHnzRu2y3HmIRCIMGzYMw4YNU7TlPlWvdOnSKtOFBwUFqeT7ySefIDY2VmtuuYnFYnzxxRcYMGCAxgk/Jk2ahEmTJuVpe/rGDwkJwRdffKF+khE121N3P6a4uDil5w4ODorRSHo3HHEiIiIiIiLSgYUTERERERGRDiyciIiIiIiIdGDhREREREREpAMLJyIiIiIiIh1YOBEREREREenAwomIiIiIiEgHFk5EREREREQ6sHAiIiIiIiLSgYUTEREREQEARCIRtm/frnF5YmIiJBIJ4uLiDJ5LUSkueXwoJk2ahLp16xo6jXxh4URERERUjDx58gRffvklKleuDFNTUzg5OaFdu3Y4ePCgoVNDxYoV8ejRI9SoUcPQqSAsLAwikQgikQjGxsZwdXXF6NGj8ebNmwKNk5SUhFatWhXoNt9FXt4fLi4uimNjbm4OFxcXdO3aFYcOHVLaVkJCAiQSCUqVKgWJRKLo8/nnn2uM7+/vr1jPzMwMXl5eWLJkSZ7zHzVqFPbv36/XPru4uGD+/Pl69SkMRoZOgIiIiKg4+zP5T9z5+w48PvKAo41jocZKSEhA48aNYWdnh1mzZqFmzZrIzMzE3r17MWTIENy8ebNQ4+sikUjg4OAAsbh4/PbesmVLREVFITMzE+fPn0evXr0gEokwc+bMAovh4OBQYNt6V/q8P6ZMmYL+/fsjIyMDCQkJ+PXXXxEQEICpU6diwoQJStvdvn07GjRooHhdzc3NtebRv39/TJkyBWlpaVi9ejWGDBmCUqVKoXv37jr3wcrKChYWFkhOTs7HETCs4vGuJyIiIiqGfrnwC5znO6PZ6mZwnu+MXy78UqjxBg8eDJFIhDNnzuCzzz6Dp6cnqlevjhEjRuD06dOK9RITExESEgIbGxvY2Njg/+3deVgT5/o38G8SlrBFBJFFNhEXoIAgagELqCj2eFTUirbUrVi1gvteF1xBbRVbxb2itrjUHrUeRSpFQOtaF6goIuKCrVg9VUHZSZ73D9/Mz0AgUTKklftzXbk0M5P5PjO5jfPkmZmEhYXhzz//5OYvWrQIHTt2xPbt22Fvbw9jY2NMmDABUqkUq1atgpWVFVq2bInly5fXaoN8hMXAwABOTk744YcfFHJfPVUvPT0dAoEAqamp8PHxgaGhIfz8/JCbm6uwzh9//BHe3t4Qi8VwcnLC4sWLUV1dzc3Py8tDQEAAN4Kh7oiEvr4+rKysYGdnh9DQUAQHByu8ViaTITY2Fq1bt4aBgQE8PT257ZHJZLC1tcXGjRsV1nnlyhXo6OigoKAAQO1T9e7fv4+wsDCYmprCzMwMAwYMwN27dwEA2dnZEAqFePz4MQDgyZMnEAqFGDZsGPf6ZcuWoVu3bgCAp0+fIjw8HBYWFjAyMkKnTp2QkJBQ5/aqWx8AYGJiAisrK9jb2yMgIABbtmzBggULsHDhwlrvj5mZGaysrLhHs2bN6t3vhoaGsLKygpOTExYtWoS2bdvi8OHDAF7WyIABA2BsbFxnbb56qt6oUaMQGhqKL7/8EtbW1jA3N0dkZCSqqqoAvBzhunfvHqZOncqNdAHAvXv30K9fPzRv3hxGRkZwc3NDUlJSve1uKOo4EUIIIYQo8Xvx7xh7ZCxkTAYAkDEZxh0Zh9+Lf+cl78mTJ0hOTkZkZCSMjIxqzTc1NX3ZDpkMAwcOxNOnT5GWloaUlBTcvn0bQ4cOVVg+Pz8fx44dQ3JyMvbs2YNvvvkGffv2xe+//46MjAysXLkS8+fPx/nz5xVet2DBAgwePBhZWVkIDw/HsGHDkJOTU2/b582bh9WrV+PixYvQ0dHBJ598ws07deoURowYgcmTJ+P69evYvHkzduzYwXXaZDIZBg0aBD09PZw/fx6bNm3C7NmzX3v/ZWdn48yZM9DT0+OmxcbGYteuXdi0aROuXbuGqVOn4uOPP0ZGRgaEQiE+/PBD7N69W2E9iYmJ8Pf3h729fa2MqqoqhISEwMTEBKdOncLp06dhbGyMPn36oLKyEm5ubjA3N0dGRga37a8+B4CMjAwEBQUBeLmvr1+/jmPHjuHatWtYvXo1WrRooXT71K2P+kyePBmMMfz4448ql30dBgYGqKyshEwmw4ABA/DkyRNkZGTUWZs1paWlIT8/H2lpadi5cyd27NiBHTt2AAAOHDgAW1tbLFmyBIWFhSgsLAQAREZGoqKiAidPnsTVq1excuVKGBsba3S7aqJT9QghhBBClMj7K4/rNMlJmRS3ntzi5ZS9W7dugTGGDh061Ltcamoqrl69iszMTLi6ukIoFGLXrl1wc3PDr7/+is6dOwN42SHZvn07TExM4Orqiu7duyM3NxdJSUkQCoVo3749Vq5cibS0NHTt2pVb/5AhQzBmzBgAwNKlS5GSkoJ169Zh/fr1dbZp+fLlCAwMBADMmTMHffv2RXl5OcRiMRYvXow5c+Zg5MiRAAAnJycsXboUs2bNQnR0NH7++WfcuHEDP/30E2xsbAAAMTExal1XdOTIERgbG6O6uhoVFRUQCoVcOysqKhATE4Off/4Zvr6+XPYvv/yCzZs3IzAwEOHh4Vi9ejUKCgpgb28PmUyGvXv34vPPP1eat2/fPshkMmzbto0b+UhISICpqSnS09PRu3dvBAQEID09HR988AHS09MxevRobNu2DTdu3ECbNm1w5swZzJo1C8DL0RkvLy/4+PhAJpPBzMwMEolEaba69VEfMzMztGzZkhshkwsJCVE4/fLUqVPw8vJSuT6pVIo9e/bgt99+w9ixY7navHPnDuzs7ABAaW3W1Lx5c6xfvx4ikQgdOnRA3759kZqaik8//RRmZmYQiUTcCJpcQUEBBg8eDHd3dwAv31u+UceJEEIIIUSJtuZtIRQIFTpPIoEIzmbOvOQxxtRaLicnB3Z2drC1/b/Om6urK0xNTZGTk8MdnDo6OsLExIRbxtLSEiKRSOEA2dLSEo8ePVJYv7yT8epzVXfR8/Dw4P5ubW0NAHj06BHs7e2RlZWF06dPK5wWKJVKUV5ejtLSUm575J0mZW2oS/fu3bFx40aUlJQgLi4OOjo6GDx4MICXHY3S0lL06tVL4TWVlZVcp6Bjx45wcXHB7t27MWfOHGRkZODRo0cYMmSI0rysrCzcunVLYb8CQHl5OfLz8wEAgYGB2LJlC4CXo0sxMTG4efMm0tPT8eTJE1RVVcHf3x8A8Nlnn2Hw4MG4fPkyevXqheDg4FrtlVO3PlRhjHGdPrlvvvkGnTp14mpD3umpy4YNG7Bt2zZUVlZCJBJh6tSp+Oyzz7B+/XrY2dkpvF5Zbdbk5uYGkUjEPbe2tsbVq1frbcOkSZPw2Wef4fjx4wgODsbgwYMV6pAP1HHSMr2Y/z+cnAmwaM38gyCEEEJIw9lKbLHl31sw7sg4SJkUIoEIm/+9mbcbRLRt2xYCgUBjN4DQ1dVVeC6/+1zNaTKZ4qhaQ7PkB+Xy9b548QKLFy/GoEGDar1OLBY3KNfIyAjOzi87stu3b4enpye++eYbRERE4MWLFwCAo0ePolWrVgqv09fX5/4eHh7OdZx2796NPn36wNzcXOnNC168eIFOnTohMTGx1jwLCwsAL6/JmTJlCvLy8nD9+nV069YNN27cQHp6Op4+fcpdCwYA77//Pu7du4ekpCQcP34coaGhmDBhAlavXl1r/Zqoj7/++guPHz9G69atFabb2trC2dlZ7Zt+hIeHY968eTAwMIC1tXWDbxbyJnU5ZswYhISE4OjRozh+/DhiY2OxevVqTJw4sUFtqQ9d46RFgsWCep8TQgghRLsivCNwd8pdpI1Mw90pdxHhHcFblpmZGUJCQhAfH4+SkpJa8589ewYAcHFxwf379/H77/93rdX169fx7NkzuLq6NrgdNW8ycO7cObi4uLzx+ry9vZGbmwtnZ+daD6FQyG2P/NoVZW1Qh1AoxOeff4758+ejrKwMrq6u0NfXR0FBQa3cV0dEPvroI2RnZ+PSpUv44YcfEB4eXu+25OXloWXLlrXWKb+hgru7O5o3b45ly5ahY8eOMDY2RlBQEDIyMpCens5d3yRnYWGBkSNH4ttvv0VMTAy2bt2qNFvd+qjPV199BaFQiNDQUJXL1qdZs2ZwdnZGq1atFDpN8vfy/v373DRN1Kaenh6kUmmt6XZ2dhg/fjwOHDiA6dOn17nvNIVGnLSkrk6SYLEAYyxtlM4jhBBCSOOzldjyfhtyufj4ePj7+6NLly5YsmQJPDw8UF1djZSUFGzcuBE5OTkIDg6Gu7s7xo4di6+//hoymQwTJkxAYGAgfHx8GtyG/fv3w8fHB926dUNiYiIuXLiAb75587sJLly4EP/+979hb2+PDz74AEKhEFlZWcjOzsayZcsQHByMdu3aYeTIkfjiiy9QXFxc63bZ6hoyZAhmzpyJ+Ph4zJgxAzNmzMDUqVMhk8nQrVs3FBUV4fTp05BIJNw1V46OjvDz80NERASkUin69+9f5/rDw8PxxRdfYMCAAViyZAlsbW1x7949HDhwALNmzYKtrS0EAgECAgKQmJiIGTNmAHh5KmNFRQVSU1Mxbdo0hX3TqVMnuLm5oaysDD/99FO9nVR16kPu+fPnePjwIaqqqnDnzh1899132LZtG2JjY7lROk2T12Z4eDjWrl2L6upqjdSmo6MjTp48iWHDhkFfXx8tWrTAlClT8P7776Ndu3bcjVIa0sFXB404/Q1t+/NBnQ9CCCGEvL2cnJxw+fJldO/eHdOnT8c777yDXr16ITU1lbtttkAgwMGDB2FqaoqgoCAEBwfDyckJ+/bt00gbFi9ejL1798LDwwO7du3Cnj17GjRaEBISgiNHjuD48ePo3Lkz3n33XcTFxcHBwQHAy5GigwcPoqysDF26dMGYMWOU3iZdHTo6OoiKisKqVatQUlKCpUuXYsGCBYiNjYWLiwv69OmDo0eP1jpVLTw8HFlZWRg4cGC9v2FkaGiIkydPwt7eHoMGDYKLiwsiIiJQXl6ucFOHwMBASKVSbnRJKBQiICAAAoGAu74JeDmSMnfuXHh4eCAoKAgikajWXf5epU59yC1cuBDW1tZwdnbG8OHDUVRUhNTU1De6Y6G6BAIBfvzxRzRv3hwBAQEaq80lS5bg7t27aNOmDXdKpFQqRWRkJPe+tmvX7rV+iPdNCJimrjT7hyguLkazZs1QVFRU511LGkN9p+Ut06t7IHB+ZXWd89S9RqqqqgpJSUn417/+VeucUr5oI1NbuU0lU1u5TSVTW7lNJVNbuU0lU1u5r2ZKpVLcuXMHrVu3bvB1NKrIZDIUFxdDIpE02g/DNpVMbeU2lUxt5TZ2Znl5eZ2fB6/TN6BT9f6G5vnH1DlP76ebmKW3rdZ0h7IjfDaJEEIIIYSQJo06Tn9HATPrnDUzAIifE4p7Bv/mpjmUHcHdFX0bo2WEEEIIIYQ0SdRx+ge6u6IvHOccUXhOCCGEEEII4Q91nP6hqLNECCGEEEJI46G76hFCCCGEEEKICtRxIoQQQgghhBAVqONECCGEEEIIISpQx4kQQgghhBBCVKCOEyGEEEIIIYSoQB0nQgghhBACABAIBDh06FCd8wsKCiASiZCZman1tjSWv0s7/gnu3r0LgUDQKPWhDX+LjlN8fDwcHR0hFovRtWtXXLhwod7l9+/fjw4dOkAsFsPd3R1JSUmN1FJCCCGEEH49fPgQEydOhJOTE/T19WFnZ4d+/fohNTVV201Dq1at8Mcff+Cdd97RdlMwatQoCAQCCAQC6OrqonXr1pg1axbKy8s1mlNYWIj3339fo+tsCHXqw9HRkds3BgYGcHR0RFhYGE6cOKGwrrt370IkEqF58+YQiUTcaz7++OM684OCgjBlyhSl8+zs7FBYWPi3qA8+aL3jtG/fPkybNg3R0dG4fPkyPD09ERISgkePHild/syZM/jwww8RERGBK1euIDQ0FKGhocjOzm7klhNCCCGEaNbdu3fRqVMnnDhxAl988QWuXr2K5ORkdO/eHZGRkdpuHkQiEaysrKCj8/f4KdA+ffqgsLAQt2/fRlxcHDZv3ozo6GiNZlhZWUFfX1+j63xTr1MfS5YsQWFhIXJzc7Fr1y6YmpoiODgYy5cvr7XeQ4cO4Y8//kBhYSEKCwsRHx//Ru37u9WHpmm947RmzRp8+umnGD16NFxdXbFp0yYYGhpi+/btSpf/6quv0KdPH8ycORMuLi5YunQpvL29sX79+kZuOSGEEEL+KRhjKKks4e9RVfc8xpja7ZwwYQIEAgEuXLiAwYMHo127dnBzc8O0adNw7tw5brmCggJ89NFHkEgkkEgkCAsLw59//snNX7RoETp27Ijt27fD3t4exsbGmDBhAqRSKVatWgUrKyu0bNlS6UG0fITFwMAATk5O+OGHHxRyXz1VLz09HQKBAKmpqfDx8YGhoSH8/PyQm5ursM4ff/wR3t7eEIvFcHJywuLFi1FdXc3Nz8vLQ0BAAMRiMVxdXZGSkqLW/tLX14eVlRXs7OwQGhqK4OBghdfKZDLExsaidevWMDAwgKenJ7c9MpkMtra22Lhxo8I6r1y5Ah0dHRQUFACofare/fv3ERYWBlNTU5iZmWHAgAG4e/cuACA7OxtCoRCPHz8GADx58gRCoRDDhg3jXr9s2TJ069YNAPD06VOEh4fDwsICRkZG6NSpExISEurcXnXrAwBMTExgZWUFe3t7BAQEYMuWLViwYAEWLlxY6/0xMzODlZUV92jWrJk6u7+Wmqfqaao+/i602h2srKzEpUuXMHfuXG6aUChEcHAwzp49q/Q1Z8+exbRp0xSmhYSE1HnuaUVFBSoqKrjnxcXFAICqqipUVVU1cAv4wXe75OtvzO3XRqa2cptKprZym0qmtnKbSqa2cptKprZyX82USqVgjEEmk0Emk6GksgSSlZJGa8urimcXw0jPSOVyT548QXJyMpYtWwYDAwPIZDKF+RKJhNuegQMHQiwW48SJE5BKpZg4cSKGDh3KnYrFGEN+fj6SkpKQlJSE/Px8hIWFIT8/H+3atUNaWhrOnDmDMWPGoEePHujatSuXs2DBAsTExCAuLg7fffcdhg0bhqysLHTo0IFbRt4OeRvnzZuHL774AhYWFpgwYQI++eQTnDp1CgBw6tQpjBgxAmvXrsV7772H/Px8jB8/HowxLFy4EDKZDIMGDYKlpSXOnj2LoqIi7lhPJpNxHU/5+ynHGFOYlp2djTNnzsDBwYGbFhMTg8TERGzYsAFt27bFyZMn8fHHH8Pc3ByBgYEYNmwYdu/ejXHjxnHr/e677+Dn5wd7e3suW76tVVVVCAkJwbvvvouMjAzo6Ohg+fLl6NOnDzIzM+Hi4gJzc3OkpaXhgw8+QEZGBszNzZGRkcG1KT09HYGBgZDJZJg/fz6uX7+Oo0ePwtzcHFevXuXy3rQ+Xt0/NZeZOHEili5dikOHDmHmzJkql69LXcvKp6mqj4iICCQlJYExhoyMjHrrQxPkdVRVVQWRSKQw73U+o7Tacfrf//4HqVQKS0tLhemWlpa4ceOG0tc8fPhQ6fIPHz5UunxsbCwWL15ca/rx48dhaGj4hi3nV2Nds6Xutzn/9Ext5TaVTG3lNpVMbeU2lUxt5TaVTG3lpqSkQEdHB1ZWVnjx4gUqKytRUlXS6O2QK35eDKmuVOVyWVlZYIzB3t6e+6JXmbS0NFy9ehWZmZmwtbUFAKxfvx6+vr5IT0+Ht7c3KioqIJPJEBcXBxMTE9ja2uK9997DjRs3sGfPHgiFQgwePBgrV65EcnIyXFxcuPX3798fYWFhAIAZM2bgp59+wpo1a7B69WpumZKSEhQXF6O0tBQAMHfuXHh5eQEAoqKiMHToUDx69AhisRjR0dGYPHkyBg4cCABo0aIF5syZg0WLFmHKlCk4ceIEbty4ge+//x7W1tYAgM8//xxDhgxBWVkZnj9/DgDcn3JVVVU4evQoJBIJqqurUVFRAaFQiJUrV6K4uBgVFRWIjY3FwYMH0aVLFwDAoEGDkJ6ejvj4eHh5eWHAgAFYs2YNrl27Bjs7O8hkMuzduxfTp09XyCwrK0NxcTH27duH6upqrF69GgKBAACwdu1aODo6IikpCT169ICvry9SUlLQu3dvpKSk4MMPP8S3336LixcvonXr1jh79iwiIyNRXFyM27dvw83NDe3atQPw8vohAErff3XrA3jZUSgvL6+1nI6ODiwsLHDz5k0UFxfjxYsXAF4OQgiF/3ciWlJSEjw8PJSuu7q6GpWVlUrbIF+fOvUhvxZNVX1oQmVlJcrKynDy5MlaI1nyNqrj7TwB8RVz585VGKEqLi6GnZ0devfuDYlEO988AQAy6571r3/9i9foqqoqpKSkoFevXtDV1eU1S5uZ2sptKpnaym0qmdrKbSqZ2sptKpnayn01UyqV4v79+zA2NoZYLIYJM0Hx7PoPNt8UYwzPXzyHibEJdzD9KkNdQ6XTay33/7/QNTAwqPcYpaCgAHZ2drC1tYWJycvMLl26wNTUFAUFBQgKCoK+vj4cHR3RqlUr7nU2NjbQ09ODqakpN83a2hrFxcUKeQEBAQrP/f39kZWVBRMTE26akZERJBIJ1+Z3332Xe02bNm0AAOXl5WjZsiWuXbuG8+fPY82aNdzrpVIpysvLuVPi7Ozs0L59e25+z549uX1hYmKC58+fc9sqp6uri6CgIGzYsAElJSVYu3YtdHR0uBsbXLt2DaWlpRg0aJDC/qusrISXlxckEgn8/f3h4uKCI0eOYPbs2UhLS8Pjx4+5dci3Wf6e5OXl4fbt27Czs1NYZ3l5OQoLCyGRSNCzZ09s3boVEokE586dw7Jly3Dv3j1cvHgRlZWVqKqqQq9evWBoaIioqCgMGTIE2dnZCA4ORq9evRAcHKy8jtSsD+DlGVxisbjO5fT19SGRSGBsbAwA+Oabb+Dt7c3l2tnZ1Xldl46ODvT09JSuW74+derj8ePHcHV1VVkfmhjoKC8vh4GBAXc66KtUdUJfpdWOU4sWLSASiRTOyQWAP//8E1ZWVkpfY2Vl9VrL6+vrK33jdXV1G/U/kJpYNINgce1/FCxa/fOgG0ob+0Bb+72pbCvt37cvU1u5TSVTW7lNJVNbubq6uhAKhRAIBBAKhdw36SYiExWvfDMymQyyChmM9Y0VvrV/Xe3bt4dAIMDNmzfrXc+rB9XybZSTb6/8TnM15+np6SlMEwgEYIwpXUfNvFdz5cvIl9PX1+f+/uqpUEKhEC9evMDixYtrdWCAl50B+XprtkH+56v5NdtlbGzMjdYkJCTA09MTCQkJiIiI4EYSjh49qtCBrNne8PBw7NmzB3PnzsXevXvRp08ftGjRAsXFxQptEwqFKCkpQadOnZCYmFhrWywsLCAUCtG9e3dMnToV+fn5uH79OgICAnDz5k2cPHkSRUVF8PHx4ToYffv2xb1795CUlITjx48jNDQUEyZMUBjdk1O3Pl7dPzWX++uvv/D48WM4OTkpvH+2trZo27at2vWrbN3y/ST/U1V9MMYgEAhU1kdD/k292i75v4man0ev8/mk1ZtD6OnpoVOnTgq3T5TJZEhNTYWvr6/S1/j6+ta6HWdKSkqdy/+d1ewkNWaniRBCCCF/L2ZmZggJCUF8fDxKSmqfWvjs2TMAgIuLC+7fv4/ff/+dm3f9+nU8e/YMrq6uDW5HzZsMnDt3TuFUvtfl7e2N3NxcODs713oIhUJuewoLC+tsgzqEQiE+//xzzJ8/H2VlZXB1dYW+vj4KCgpq5b46YvTRRx8hOzsbly5dwg8//IDw8PB6tyUvLw8tW7astU75DRXc3d3RvHlzLFu2DB07doSxsTGCgoKQkZGB9PR07nQ8OQsLC4wcORLffvstYmJisHXrVqXZ6tZHfb766isIhUKEhoaqXLaxqKqPvxOtt2batGnYunUrdu7ciZycHHz22WcoKSnB6NGjAQAjRoxQuHnE5MmTkZycjNWrV+PGjRtYtGgRLl68iKioKG1tQoNUfl6JQx0PofLzSm03hRBCCCFaFh8fD6lUii5duuA///kP8vLykJOTg6+//pr7kjg4OBju7u4YO3YsLl++jAsXLmDEiBEIDAyEj49Pg9uwf/9+bN++HTdv3kR0dDQuXLjQoOOshQsXYteuXVi8eDGuXbuGnJwc7N27F/Pnz+e2p127dhg5ciSysrJw6tQpzJs3742yhgwZApFIhPj4eJiYmGDGjBmYOnUqdu7cifz8fFy+fBnr1q3Dzp07udc4OjrCz88PERERkEql6N+/f53rDw8PR4sWLTBgwACcOnUKd+7cQXp6OiZNmsR1ZAUCAQICApCYmMh1kjw8PFBRUYHU1FQEBgYq7Jsff/wRt27dwrVr1/DTTz/V20lVpz7knj9/jocPH+L+/fs4efIkxo4di2XLlmH58uVwdnZ+k93Lefz4MTIzMxUeNc8IU5eq+vg70XrHaejQofjyyy+xcOFCdOzYEZmZmUhOTuZuAFFQUKDwDYSfnx92796NLVu2cLeUPHTo0Fv7Q1uEEEIIaTqcnJxw+fJldO/eHdOnT8c777yDXr16ITU1lbtttkAgwMGDB2FqaoqgoCAEBwfDyckJ+/bt00gbFi9ejL1798LDwwO7du3Cnj17GjSSFRISgiNHjuD48ePo3Lkz3n33XcTFxcHBwQHAy5GigwcPoqysDF26dMGYMWOU3iZdHTo6OoiKisKqVatQUlKCpUuXYsGCBYiNjYWLiwv69OmDo0ePonXr1gqvCw8PR1ZWFgYOHAgDA4M6129oaIiTJ0/C3t4egwYNgouLCyIiIlBeXq5wzU9gYCCkUinXcRIKhQgICIBAIIC/vz+3nJ6eHubOnQsPDw8EBQVBJBJh9+7ddearUx9yCxcuhLW1NZydnTF8+HAUFRUhNTUVs2fPfp1dqtTu3bvh5eWl8KhrpEwVVfXxt8KamKKiIgaAFRUVabspjDHGKisr2aFDh1hlZSVlviW5TSVTW7lNJVNbuU0lU1u5TSVTW7mvZpaVlbHr16+zsrIy3nOlUil7+vQpk0qlvGc1tUxt5TaVTG3lNnZmfZ8Hr9M30PqIEyGEEEIIIYT83VHHiRBCCCGEEEJUoI4TIYQQQgghhKhAHSdCCCGEEEIIUYE6ToQQQgh5azFGv5FISFOnqc8B6jgRQggh5K2jq6sLACgtLdVySwgh2lZZ+fL3UkUiUYPWo6OJxhBCCCGE/J2IRCKYmpri0aNHAF7+/o5AIOAlSyaTobKyEuXl5RAKG+c76aaSqa3cppKprdzGzJTJZHj8+DEMDQ2ho9Owrg91nAghhBDyVrKysgIArvPEF8YYysrKYGBgwFvnrKlmaiu3qWRqK7exM4VCIezt7RucRR0nQgghhLyVBAIBrK2t0bJlS1RVVfGWU1VVhZMnTyIgIIA7RZBvTSVTW7lNJVNbuY2dqaenp5GRLeo4EUIIIeStJhKJGnxtg6r1V1dXQywWN9qBZ1PJ1FZuU8nUVq62trWh6OYQhBBCCCGEEKICdZwIIYQQQgghRAXqOBFCCCGEEEKICk3uGif5D2AVFxdruSUvVVVVobS0FMXFxY16QV5TyNRWblPJ1FZuU8nUVm5TydRWblPJ1FYubevbl6mt3KaSqa1cbW2rMvI+gTo/ktvkOk7Pnz8HANjZ2Wm5JYQQQgghhJC/g+fPn6NZs2b1LiNg6nSv3iIymQwPHjyAiYlJo94jvy7FxcWws7PD/fv3IZFIKPMtyG0qmdrKbSqZ2sptKpnaym0qmdrKpW19+zK1ldtUMrWVq61tVYYxhufPn8PGxkblLcub3IiTUCiEra2ttptRi0QiafTCaSqZ2sptKpnaym0qmdrKbSqZ2sptKpnayqVtffsytZXbVDK1lautba1J1UiTHN0cghBCCCGEEEJUoI4TIYQQQgghhKhAHSct09fXR3R0NPT19SnzLcltKpnaym0qmdrKbSqZ2sptKpnayqVtffsytZXbVDK1lautbW2oJndzCEIIIYQQQgh5XTTiRAghhBBCCCEqUMeJEEIIIYQQQlSgjhMhhBBCCCGEqEAdJ0IIIYQQQghRgTpOWhQfHw9HR0eIxWJ07doVFy5c4C0rNjYWnTt3homJCVq2bInQ0FDk5ubylleXFStWQCAQYMqUKbzm/PHHH/j4449hbm4OAwMDuLu74+LFi7zlSaVSLFiwAK1bt4aBgQHatGmDpUuXQtP3Xjl58iT69esHGxsbCAQCHDp0SGE+YwwLFy6EtbU1DAwMEBwcjLy8PN4yq6qqMHv2bLi7u8PIyAg2NjYYMWIEHjx40KBMVbk1jR8/HgKBAGvXruU9MycnB/3790ezZs1gZGSEzp07o6CggLfMFy9eICoqCra2tjAwMICrqys2bdr0xnmAep8H5eXliIyMhLm5OYyNjTF48GD8+eefvOY+efIEEydORPv27WFgYAB7e3tMmjQJRUVFvGW+ijGG999/X2W9aSrz7Nmz6NGjB4yMjCCRSBAQEICysjJecx8+fIjhw4fDysoKRkZG8Pb2xn/+8583zty4cSM8PDy4H7H09fXFsWPHuPl81JGqXD7qSFXmqzRVR+pmarqO1MnVdB0po+x4ga96qiuTr1qqL/NVmqwldXP5qKf6MhujljSJOk5asm/fPkybNg3R0dG4fPkyPD09ERISgkePHvGSl5GRgcjISJw7dw4pKSmoqqpC7969UVJSwkueMr/++is2b94MDw8PXnOePn0Kf39/6Orq4tixY7h+/TpWr16N5s2b85a5cuVKbNy4EevXr0dOTg5WrlyJVatWYd26dRrNKSkpgaenJ+Lj45XOX7VqFb7++mts2rQJ58+fh5GREUJCQlBeXs5LZmlpKS5fvowFCxbg8uXLOHDgAHJzc9G/f/83zlMn91UHDx7EuXPnYGNjw3tmfn4+unXrhg4dOiA9PR2//fYbFixYALFYzFvmtGnTkJycjO+++w45OTmYMmUKoqKicPjw4TfOVOfzYOrUqfjvf/+L/fv3IyMjAw8ePMCgQYPeOFOd3AcPHuDBgwf48ssvkZ2djR07diA5ORkRERG8bqvc2rVrIRAI3jjrdTLPnj2LPn36oHfv3rhw4QJ+/fVXREVFQSh88/+W1ckdMWIEcnNzcfjwYVy9ehWDBg1CWFgYrly58kaZtra2WLFiBS5duoSLFy+iR48eGDBgAK5duwaAnzpSlctHHamzrXKaqiN1MvmoI3VyNV1HNdV1vMBXPdWVyVct1Zf5Kk3Wkjq5fNVTfZl815LGMaIVXbp0YZGRkdxzqVTKbGxsWGxsbKPkP3r0iAFgGRkZjZL3/Plz1rZtW5aSksICAwPZ5MmTecuaPXs269atG2/rV6Zv377sk08+UZg2aNAgFh4ezlsmAHbw4EHuuUwmY1ZWVuyLL77gpj179ozp6+uzPXv28JKpzIULFxgAdu/ePY1k1pf7+++/s1atWrHs7Gzm4ODA4uLieM0cOnQo+/jjjzWWoU6mm5sbW7JkicI0b29vNm/ePI3l1vw8ePbsGdPV1WX79+/nlsnJyWEA2NmzZ3nLVeb7779nenp6rKqqitfMK1eusFatWrHCwkK16ryhmV27dmXz58/XWIa6uUZGRmzXrl0Ky5mZmbGtW7dqLLd58+Zs27ZtjVZHNXOV0XQd1ZXJZx0py2yMOlKWy2cd1XW8wGc9vc4xiqZqSVUmX7VUXy5f9VRfZmN8JmkSjThpQWVlJS5duoTg4GBumlAoRHBwMM6ePdsobZAPM5uZmTVKXmRkJPr27auwzXw5fPgwfHx8MGTIELRs2RJeXl7YunUrr5l+fn5ITU3FzZs3AQBZWVn45Zdf8P777/Oa+6o7d+7g4cOHCvu4WbNm6Nq1a6PVFfCytgQCAUxNTXnNkclkGD58OGbOnAk3Nzdes+R5R48eRbt27RASEoKWLVuia9euGj99oiY/Pz8cPnwYf/zxBxhjSEtLw82bN9G7d2+NZdT8PLh06RKqqqoUaqlDhw6wt7fXaC2p8zlUVFQEiUQCHR0d3jJLS0vx0UcfIT4+HlZWVhrJqS/z0aNHOH/+PFq2bAk/Pz9YWloiMDAQv/zyC6+5wMt62rdvH548eQKZTIa9e/eivLwcQUFBDc6TSqXYu3cvSkpK4Ovr22h1VDNXGU3XkbJMvuuoZmZj1ZGybeWzjuo6XuCznl7nGEVTtVRfJp+1VFcun/VU37byWUu80HbPrSn6448/GAB25swZhekzZ85kXbp04T1fKpWyvn37Mn9/f96zGGNsz5497J133mFlZWWMMcb7iJO+vj7T19dnc+fOZZcvX2abN29mYrGY7dixg7dMqVTKZs+ezQQCAdPR0WECgYDFxMTwlsdY7dGJ06dPMwDswYMHCssNGTKEhYWF8ZJZU1lZGfP29mYfffSRRvLqy42JiWG9evViMpmMMcZ4H3GSf+tnaGjI1qxZw65cucJiY2OZQCBg6enpvGQyxlh5eTkbMWIEA8B0dHSYnp4e27lzp0byGFP+eZCYmMj09PRqLdu5c2c2a9Ys3nJrevz4MbO3t2eff/45r5ljx45lERER3HNVdd7QzLNnzzIAzMzMjG3fvp1dvnyZTZkyhenp6bGbN2/ylssYY0+fPmW9e/fm6kkikbCffvqpQVm//fYbMzIyYiKRiDVr1owdPXqUMcZ/HdWVW5Mm66i+TL7qqK5Mvuuovm3lo44Yq/94ga96ep1jFE3VkqpMvmqpvly+6knVtvJVS3zRzFcv5B8lMjIS2dnZGv9WSpn79+9j8uTJSElJadB1IK9DJpPBx8cHMTExAAAvLy9kZ2dj06ZNGDlyJC+Z33//PRITE7F79264ubkhMzMTU6ZMgY2NDW+ZfzdVVVUICwsDYwwbN27kNevSpUv46quvcPnyZV7O/1ZGJpMBAAYMGICpU6cCADp27IgzZ85g06ZNCAwM5CV33bp1OHfuHA4fPgwHBwecPHkSkZGRsLGx0cgIbmN+HrxObnFxMfr27QtXV1csWrSIt8zDhw/jxIkTvJ1PryxTXkvjxo3D6NGjAbz8nEpNTcX27dsRGxvLSy4ALFiwAM+ePcPPP/+MFi1a4NChQwgLC8OpU6fg7u7+Rlnt27dHZmYmioqK8MMPP2DkyJHIyMho8Da8aa6rqyu3jKbrqK7MW7du8VZHdWXyXUf17V8+6kgbxwuvk6mpWlKVyddnkqpcPupJnf3LRy3xSts9t6aooqKCiUSiWt8ejBgxgvXv35/X7MjISGZra8tu377Na47cwYMHGQAmEom4BwAmEAiYSCRi1dXVGs+0t7dX+KaGMcY2bNjAbGxsNJ4lZ2try9avX68wbenSpax9+/a8ZaLGN1D5+fkMALty5YrCcgEBAWzSpEm8ZMpVVlay0NBQ5uHhwf73v/9pJKu+3Li4OK6GXq0roVDIHBwceMmsqKhgOjo6bOnSpQrLzZo1i/n5+fGSWVpaynR1ddmRI0cUlouIiGAhISENzqvr8yA1NZUBYE+fPlWYbm9vz9asWcNbrlxxcTHz9fVlPXv25L6l5Ctz8uTJddZSYGAgL5m3b99mANi3336rMD0sLEwjo7V15d66dYsBYNnZ2QrTe/bsycaNG9fg3FfXN3bsWN7rqK5cOT7qqK5MPuuorky+66iuXL7qSNXxws8//6zxelL3GEWTtaQqMyoqipdaUpUrf181WU/qZvL9maRJNOKkBXp6eujUqRNSU1MRGhoK4GVPPzU1FVFRUbxkMsYwceJEHDx4EOnp6WjdujUvOTX17NkTV69eVZg2evRodOjQAbNnz4ZIJNJ4pr+/f61b8N68eRMODg4az5IrLS2tddcZkUjEfYPTGFq3bg0rKyukpqaiY8eOAF5+Q3b+/Hl89tlnvOXKR5ry8vKQlpYGc3Nz3rLkhg8fXmu0JSQkBMOHD+e+KdM0PT09dO7cuVFrq6qqClVVVRqvLVWfB506dYKuri5SU1MxePBgAEBubi4KCgrqvIZEE7nAy5oNCQmBvr4+Dh8+3OBvnlVlzpkzB2PGjFGY5u7ujri4OPTr14+XTEdHR9jY2CitpYZcF6kqt7S0FAB4/6ySyWSoqKjgrY5U5QKaryNVmYsXL9Z4HanK5KuOVOXyVUeqjhfs7Ow0Xk/qHKNoupZUZbZo0QLjxo1TmK+JWlKV6+TkpPF6UpXZWJ9JGqXNXltTtnfvXqavr8927NjBrl+/zsaOHctMTU3Zw4cPecn77LPPWLNmzVh6ejorLCzkHqWlpbzk1Yfva5wuXLjAdHR02PLly1leXh5LTExkhoaG7LvvvuMtc+TIkaxVq1bsyJEj7M6dO+zAgQOsRYsWGrseRO758+fsypUr7MqVKwwAd62N/A52K1asYKampuzHH39kv/32GxswYABr3bp1g74hqy+zsrKS9e/fn9na2rLMzEyF2qqoqOB1W2vSxDVOqjIPHDjAdHV12ZYtW1heXh5bt24dE4lE7NSpU7xlBgYGMjc3N5aWlsZu377NEhISmFgsZhs2bHjjTHU+D8aPH8/s7e3ZiRMn2MWLF5mvry/z9fV940x1couKiljXrl2Zu7s7u3XrlsIybzo6/SaffWjg9QTqZMbFxTGJRML279/P8vLy2Pz585lYLGa3bt3iLbeyspI5Ozuz9957j50/f57dunWLffnll0wgENR5fZAqc+bMYRkZGezOnTvst99+Y3PmzGECgYAdP36cMcZPHanK5aOO1NnWmhpaR+pk8lFHqnL5qKO61Dxe4Kue6srkq5bqy1RGE7WkTi5f9VRXZmPWkqZQx0mL1q1bx+zt7Zmenh7r0qULO3fuHG9ZAJQ+EhISeMusC98dJ8YY++9//8veeecdpq+vzzp06MC2bNnCa15xcTGbPHkys7e3Z2KxmDk5ObF58+Y1uPNQU1pamtL3ceTIkYyxl7ckX7BgAbO0tGT6+vqsZ8+eLDc3l7fMO3fu1FlbaWlpvG5rTZroOKmT+c033zBnZ2cmFouZp6cnO3ToEK+ZhYWFbNSoUczGxoaJxWLWvn17tnr1au6mGG9Cnc+DsrIyNmHCBNa8eXNmaGjIBg4cyAoLCxu0rapy69oXANidO3d421Zlr2nIQYq6mbGxsczW1pYZGhoyX1/fBnXA1c29efMmGzRoEGvZsiUzNDRkHh4etW4F/Do++eQT5uDgwPT09JiFhQXr2bOnQkeCjzpSlctHHanKVEYTB7vqZGq6jtTJ1XQd1aXm8QJf9VRXJl+1VF+mMo3VcWKMn3qqL7OxaklTBIwxpnpcihBCCCGEEEKaLvodJ0IIIYQQQghRgTpOhBBCCCGEEKICdZwIIYQQQgghRAXqOBFCCCGEEEKICtRxIoQQQgghhBAVqONECCGEEEIIISpQx4kQQgghhBBCVKCOEyGEEEIIIYSoQB0nQgghb+Tu3bsQCATIzMzUdlM4N27cwLvvvguxWIyOHTtquzla4ejoiLVr19a7zKJFi5rs/iGEkDdFHSdCCPmHGjVqFAQCAVasWKEw/dChQxAIBFpqlXZFR0fDyMgIubm5SE1NrXO5hw8fYvLkyXB2doZYLIalpSX8/f2xceNGlJaW8t7OoKAgCASCWo/x48ervY4dO3bA1NS01vRff/0VY8eO5Z4LBAIcOnRIYZkZM2bUu38IIYTUpqPtBhBCCHlzYrEYK1euxLhx49C8eXNtN0cjKisroaen90avzc/PR9++feHg4FDnMrdv34a/vz9MTU0RExMDd3d36Ovr4+rVq9iyZQtatWqF/v37v2nz1fbpp59iyZIlCtMMDQ0bvF4LCwuVyxgbG8PY2LjBWYQQ0pTQiBMhhPyDBQcHw8rKCrGxsXUuo+y0rLVr18LR0ZF7PmrUKISGhiImJgaWlpYwNTXFkiVLUF1djZkzZ8LMzAy2trZISEiotf4bN27Az88PYrEY77zzDjIyMhTmZ2dn4/3334exsTEsLS0xfPhw/O9//+PmBwUFISoqClOmTEGLFi0QEhKidDtkMhmWLFkCW1tb6Ovro2PHjkhOTubmCwQCXLp0CUuWLIFAIMCiRYuUrmfChAnQ0dHBxYsXERYWBhcXFzg5OWHAgAE4evQo+vXrxy377NkzjBkzBhYWFpBIJOjRoweysrIU1rdx40a0adMGenp6aN++Pb799luluTUZGhrCyspK4SGRSAD832mQBw4cQPfu3WFoaAhPT0+cPXsWAJCeno7Ro0ejqKiIG62Sb++rp+rJ3+OBAwdCIBBwz5XVxLZt2+Di4gKxWIwOHTpgw4YN3LzKykpERUXB2toaYrEYDg4O9dYcIYS8jajjRAgh/2AikQgxMTFYt24dfv/99wat68SJE3jw4AFOnjyJNWvWIDo6Gv/+97/RvHlznD9/HuPHj8e4ceNq5cycORPTp0/HlStX4Ovri379+uGvv/4C8LLj0aNHD3h5eeHixYtITk7Gn3/+ibCwMIV17Ny5E3p6ejh9+jQ2bdqktH1fffUVVq9ejS+//BK//fYbQkJC0L9/f+Tl5QEACgsL4ebmhunTp6OwsBAzZsyotY6//voLx48fR2RkJIyMjJTmvHqa45AhQ/Do0SMcO3YMly5dgre3N3r27IknT54AAA4ePIjJkydj+vTpyM7Oxrhx4zB69GikpaWpudfrN2/ePMyYMQOZmZlo164dPvzwQ1RXV8PPzw9r166FRCJBYWFhndv766+/AgASEhJQWFjIPa8pMTERCxcuxPLly5GTk4OYmBgsWLAAO3fuBAB8/fXXOHz4ML7//nvk5uYiMTFRoeNNCCFNAiOEEPKPNHLkSDZgwADGGGPvvvsu++STTxhjjB08eJC9+vEeHR3NPD09FV4bFxfHHBwcFNbl4ODApFIpN619+/bsvffe455XV1czIyMjtmfPHsYYY3fu3GEA2IoVK7hlqqqqmK2tLVu5ciVjjLGlS5ey3r17K2Tfv3+fAWC5ubmMMcYCAwOZl5eXyu21sbFhy5cvV5jWuXNnNmHCBO65p6cni46OrnMd586dYwDYgQMHFKabm5szIyMjZmRkxGbNmsUYY+zUqVNMIpGw8vJyhWXbtGnDNm/ezBhjzM/Pj3366acK84cMGcL+9a9/1bstgYGBTFdXl8uUP7777jvG2P/t223btnGvuXbtGgPAcnJyGGOMJSQksGbNmtVat4ODA4uLi+OeA2AHDx5UWKZmTbRp04bt3r1bYZmlS5cyX19fxhhjEydOZD169GAymaze7SKEkLcZjTgRQshbYOXKldi5cydycnLeeB1ubm4QCv/vvwVLS0u4u7tzz0UiEczNzfHo0SOF1/n6+nJ/19HRgY+PD9eOrKwspKWlcdfUGBsbo0OHDgBeXo8k16lTp3rbVlxcjAcPHsDf319hur+/f4O2We7ChQvIzMyEm5sbKioquLa/ePEC5ubmCu2/c+cO1/acnJx625SYmKjw2lOnTnHLhYeHIzMzU+FR89oqDw8P7u/W1tYAUGv/N1RJSQny8/MRERGh0NZly5Zx2zlq1ChkZmaiffv2mDRpEo4fP67RNhBCyD8B3RyCEELeAgEBAQgJCcHcuXMxatQohXlCoRCMMYVpVVVVtdahq6ur8FwgECidJpPJ1G7Xixcv0K9fP6xcubLWPHlHAECdp81pmrOzMwQCAXJzcxWmOzk5AQAMDAy4aS9evIC1tTXS09NrrUfZ3eyU6d+/P7p27co9b9WqFff3Zs2awdnZud7Xv7r/5acQvs7+V8eLFy8AAFu3blVoK/CyswwA3t7euHPnDo4dO4aff/4ZYWFhCA4Oxg8//KDRthBCyN8ZdZwIIeQtsWLFCnTs2BHt27dXmG5hYYGHDx+CMcYdfGvyt5fOnTuHgIAAAEB1dTUuXbqEqKgoAC8PuP/zn//A0dEROjpv/l+ORCKBjY0NTp8+jcDAQG766dOn0aVLF7XXY25ujl69emH9+vWYOHFivR02b29vPHz4EDo6OnVez+Pi4oLTp09j5MiRCm1ydXUFAJiYmMDExETt9r0OPT09SKVSlcvp6urWu5ylpSVsbGxw+/ZthIeH17mcRCLB0KFDMXToUHzwwQfo06cPnjx5AjMzszdqPyGE/NNQx4kQQt4S7u7uCA8Px9dff60wPSgoCI8fP8aqVavwwQcfIDk5GceOHePu4NZQ8fHxaNu2LVxcXBAXF4enT5/ik08+AQBERkZi69at+PDDDzFr1iyYmZnh1q1b2Lt3L7Zt28aNaKhj5syZiI6ORps2bdCxY0ckJCQgMzMTiYmJr9XeDRs2wN/fHz4+Pli0aBE8PDwgFArx66+/4saNG9xpg8HBwfD19UVoaChWrVqFdu3a4cGDBzh69CgGDhwIHx8fzJw5E2FhYfDy8kJwcDD++9//4sCBA/j5559VtqO0tBQPHz5UmKavr6/2beUdHR3x4sULpKamwtPTE4aGhkpvZ+7o6IjU1FT4+/vXuf7Fixdj0qRJaNasGfr06YOKigpcvHgRT58+xbRp07BmzRpYW1vDy8sLQqEQ+/fvh5WVldojb4QQ8jaga5wIIeQtsmTJklqncrm4uGDDhg2Ij4+Hp6cnLly4oPQObG9qxYoVWLFiBTw9PfHLL7/g8OHDaNGiBQBwo0RSqRS9e/eGu7s7pkyZAlNTU4XrqdQxadIkTJs2DdOnT4e7uzuSk5Nx+PBhtG3b9rXW06ZNG1y5cgXBwcGYO3cuPD094ePjg3Xr1mHGjBlYunQpgJenxiUlJSEgIACjR49Gu3btMGzYMNy7dw+WlpYAgNDQUHz11Vf48ssv4ebmhs2bNyMhIQFBQUEq27F161ZYW1srPD788EO1t8PPzw/jx4/H0KFDYWFhgVWrVildbvXq1UhJSYGdnR28vLyULjNmzBhs27YNCQkJcHd3R2BgIHbs2IHWrVsDeDlytmrVKvj4+KBz5864e/cukpKSXvs9JISQfzIBq3niOyGEEEIIIYQQBfRVESGEEEIIIYSoQB0nQgghhBBCCFGBOk6EEEIIIYQQogJ1nAghhBBCCCFEBeo4EUIIIYQQQogK1HEihBBCCCGEEBWo40QIIYQQQgghKlDHiRBCCCGEEEJUoI4TIYQQQgghhKhAHSdCCCGEEEIIUYE6ToQQQgghhBCiwv8DzTd//zG9C2QAAAAASUVORK5CYII=\n"},"metadata":{}},{"output_type":"stream","name":"stdout","text":["Total number of geo-entities in fake reviews: 52188\n","Total number of geo-entities in real reviews: 438321\n","Total number of geo-entities in combined reviews: 490509\n","Total number of unique geo-entities in combined reviews: 61657\n","Most common geo-entities in combined reviews:\n","nyc: 18730\n","new york: 11723\n","N: 11296\n","philly: 9737\n","brooklyn: 8708\n","manhattan: 7052\n","yelp: 6512\n","philadelphia: 5930\n","ny: 5218\n","chinatown: 4128\n"]}]},{"cell_type":"code","source":["#The list should now only contain unique entities.\n","print(geo_entities_list_fake)"],"metadata":{"id":"PDwyaZB_BzDe","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716530338845,"user_tz":420,"elapsed":205,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"2b192eaa-273a-4ad5-b643-4b62dd2cfc47"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["['aurora', 'queens', 'hoboken', 'habana', 'copperhouse', 'tx', 'passionne', 'wethersfield', 'riverwalk', 'green line pv', 'ave', 'florida', 'shoprite', 'ai fiori', 'west philadelphia', \"di fara '\", 'nice , france', 'desert', 'nyc', 'fornos', \"chef '\", 'baltimore ave', 'caske', 'yelp', \"c te d ' azur\", 'glastonbury', 'N', 'morandi', 'cask republic', 'trenton', 'scratchbread', 'imocha', 'the plan b', 'el paso', 'Nth', 'colorado theater', 'l b spumoni', 'fort greene', 'colorado', 'new york city', 'the halal guys', 'the dutch kills civic association', 'denver', 'hawthorne', 'shahi palace', 'philly', 'bbs', 'phoenix', 'green line', 'N . N per', 'imy', 'nouveau', 'socca', 'riverwalk grill', 'zavino', 'new haven', 'bloomfield avenue', 'chipotle', 'christiana', 'saigon shack', 'cafe renata N', 'vanderbilt', 'ht', 'dinosaur', 'chapel street', \"mozzicato ' s\", 'garces trading co', \"totonno ' s\", \"govinda ' s\", 'bastas', 'raymond blvd', 'city tap house', 'lackawanna plaza', 'costco', 'bayonne', 'the flatiron district', 'twin peaks', \"di fara ' s\", 'north carolina', 'gotham', 'byo', 'la viola', 'west philly', 'chuko', 'flux factory', 'applebees', 'p tes et', 'new york', 'hill country', 'kc prime', 'west coast', 'the east coast', 'shake shack', \"the c te d ' azur\", 'damons', 'Nnd', 'the better business bureau', 'terra nostra', 'N N N', 'abbaye', \"the moan and dove '\", 'devon', 'the moan and dove', \"geno ' s\", 'p tes et traditions', \"miya ' s\", 'hu kitchen', 'philadelphia', \"jimmy ' s\", \"becco ' s\", 'long island', 'rubirosa', 'cafe clave', 'damons restaurant', 'yale', 'gordon ramsey', 'salt creek grille', 'spring street N subway', 'roosevelt island', 'almond', 'queens manhattan', 'boston', 'ameti', 'paesano', 'barbuzzo', 'san antonio', 'visitphilly', 'N Npm', 'trenton social', 'new york magazine', 'qu bec city', 'conservative tours', 'fornos of spain', 'prime N', 'tierney', 'brunch', 'hartford', 'cth', 'tavern', 'tk', 'mesquite', \"lombardi ' s\", 'clinton street bakery', 'az stronghold', 'jg', 'gotham blare', 'princeton', 'heavy woods', 'basta', 'dosa express', \"jose ' s\", \"ameti ' s\", 'N N N hour', 'agricola', 'great american bistro', 'terminal market', 'amada', \"paesano '\", 'newark', 'midwood', 'verlaines', 'philadelphia tourism', 'pathmark', 'harvest table', 'central new jersey', 'burlington', 'houston', 'ccse', 'parsippany', 'williamsburg', 'france', \"stefano ' s\", 'palace at the ben', 'ny', \"patsy ' s\", 'nj', 'Nst nyc', \"grimaldi ' s\", 'manhattan', 'garces', 'pasesano', 'metropolis', 'barbacon', 'gotham nightclub', 'the u . s', 'local', 'the tater heaven', 'north brooklyn', 'london', 'halsey ave', 'amherst', 'cask', \"michael ' s\", 'el camino real', 'perilla', 'cafe renata', 'pitaziki', 'girard', \"geno '\", 'umi', 'p p', 'tiffin', 'az', 'rizzuto', 'N N', 'ekta', 'N N on', 'trumbull kitchen', 'l b', 'don pepe', 'le barricou', 'united states', 'milford', 'the mount olympus', 'california', 'era bar', 'el vez', 'the n . y . times', 'italy', 'lolitos', 'fishtown', \"franco luigi ' s\", \"west haven '\", 'uva', 'the philadelphia convention and visitors bureau', 'moshulu', \"pat ' s\", 'discoverphi', 'front street bistro', 'bbb', \"cuban pete ' s\", 'era', 'midtown manhattan', 'wayne', 'spice ii', 'un', 'riveara', 'local N', 'karma', 'crescent grill', \"penelope ' s\", 'wikipedia', 'brooklyn', 'batavia', 'bizzarre', 'fro arizona', 'Nrd', 'scarpetta', 'the south of france', 'the queensboro bridge', 'ala cart', 'rooftop N']\n"]}]},{"cell_type":"code","source":["import pickle\n","#FakeGeoEntitiesList = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/FakeGeoEntitiesList.pkl'\n","FakeGeoEntitiesList = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_FakeGeoEntitiesList.pkl'\n","with open(FakeGeoEntitiesList, 'wb') as file:\n"," pickle.dump(geo_entities_list_fake, file)"],"metadata":{"id":"_V2uIpMXdciv"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["#import pickle\n","#with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/Yelp_dataset_separated/yelp_real_ns.pkl', 'rb') as file:\n","# loaded_list = pickle.load(file)\n","#\n","##Just to see what the data looks like here\n","#print(loaded_list[:5])"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"ND3aYyoFroTD","executionInfo":{"status":"ok","timestamp":1718988530904,"user_tz":420,"elapsed":479,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"71250d69-044b-41a9-b830-780bb6dca547"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["[(\"i have been here a couple of times and i have had negative experiences each time . the latest was yesterday when i ordered the chicken panini . the boneless thigh meat was severely undercooked and pink . i discovered after a few bites in , and the waiter took the plate away and offered to get me something else . too bad i already had a couple of bites . i am now home sick thanks to food poisoning . poultry needs to be cooked thoroughly and not mildly seared like steak . i have been sick all morning and can ' t believe i paid that much to miss work the next day and now be sick all day . never again ! \", '0'), ('my wife and i went there with such great expectations . she had done a lot of research , trying to surprise me for a romantic night-out . she had read many reviews and was raving about this place while we were driving . every one was saying how outstanding the food was and giving it thumbs up for decor and service . our experience was not as good as what we expected . the tuna was dry and the taste of humus outdid the tuna flavor . one of the plates was supposed to be with a duck liver , but if you do not mention that you really want the duck liver , they substitute with a shrimp and charge you N extra on top of the already overpriced plates . the chocolate deserts we opted for were blatant and dry . when i complained about the additional charge , the waiter did not even return with an explanation . so , in conclusion , the place gets N stars for decor , N stars for service and N stars for food . ', '0'), (\"don ' t believe anyone who doesn ' t rave about this place . it is amazing . they specialize in fresh seafood and have a very small , but delicious and completely reasonably priced menu . i ' m new to oysters and they have the biggest selection . the waitress recommended several types and was right on with the description . those suckers are scrumptuous ! their fish special changes frequently if not daily and they pride themsevles on not frying anything or having a freezer . fresh fresh fresh , perfectly seasoned seafood . \", '0'), ('food is good , i like there chicken and i loved there pizza . . i wish there were open after midnight . . ', '0'), ('great food , great atmosphere and great service ! favorites mint lemonade , pork belly sandwhich , fish tacos ', '0')]\n"]}]},{"cell_type":"code","source":["import pickle\n","\n","# Open the file for reading\n","with open('/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/FakeGeoEntitiesList.pkl', 'rb') as file:\n"," loaded_list = pickle.load(file)\n","\n","# Now loaded_list contains the geo-entities\n","print(loaded_list)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"RKkGE3vueAIM","executionInfo":{"status":"ok","timestamp":1716522750468,"user_tz":420,"elapsed":170,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"8ce59025-e5e7-4b8c-f812-b3b9563ae074"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["[\"w ' burg\", 'aurora', 'serpico', 'montreal', 'the gramercy tavern', 'cuban pete', 'rhode island', 'saigon', \"chef '\", 'malagueta', 'modern apizza', 'michelin', \"eno terra '\", 'cask republic', 'el paso', 'sdc', 'colorado', 'le cirque', 'denver', 'bbs', 'walnut', 'il babbo', 'imy', 'riverwalk grill', 'zavino', \"tink ' s\", 'bistango', 'de novo', 'burger baby', 'the millennium dance complex', 'austria', 'garces trading co', 'lackawanna plaza', 'the brasilia grill', 'ferry st barbeque', 'monument lane', 'pyt N', 'pazzo', 'eastman', 'the lebanon opera house', 'the west side highway', 'market st', 'N-N Nam', 'a new yorker', 'oak haven', 'magnolia', '\" witherspoon bread company \"', 'dc', 'han dynasty', 'germany', 'long island', 'hershey park', \"jim dandy ' s\", 'commerce on commerce street', \"sally ' s\", 'williston', 'blackeyedsallys', 'uk', \"stan ' s\", 'the empire diner', \"west hartford '\", 'singapore', 'rt N', 'lulu po', 'tierney', 'times square', 'east coast', 'percy street barbeque', 'midtown', 'spotted pig', 'ricaltons', '\" wilson pizza palace \"', 'wooden tap', 'honeygrow', 'southend', 'beana', 'usa', 'parisi bakery', 'morgans', 'Nst nyc', 'ca - N N N', 'havana', 'cinco de mayo', 'northern new jersey', 'papa franks', 'eagles', 'london', 'southwark', 'zorba', 'el fuego', 'valenca', 'morrisville', 'tj max', 'tessara', \"delorenzo ' s\", 'uvm', 'chelsea', \"damon ' s\", 'anastasio s', 'trumbull kitchen', 'mexicali', 'pylos', 'ginza', 'la', 'burlington county', 'jimmies of savin rock', 'montville inn', 'east harlem', 'la colombe', \"mcdonald ' s\", \"ar ' s\", 'ktown', \"l ' amante\", 'the little basil restaurant', 'metropolitan', \"mickey d ' s\", \"patricia '\", 'boro', 'fro arizona', 'the shanghai gourmet', \"murphy ' s\", \"thierry marx '\", 'dibruno', 'ferry street', \"the ' stoney ' s '\", 'buffet N', 'spice', 'hinge', 'petit paris', 'belgium', 'nice , france', 'palace', 'patzeria', 'bangkok gardens', 'new zealand', 'yelp', 'pc tavern', 'olive garden', 'traif', 'shahi palace', 'masa sushi', 'nouveau', 'verlaine', 'la cosinata', 'main st', 'yakitori boy', 'birreria', 'south ozone park - queens', 'india palace', \"totonno ' s\", 'bedford hill', 'kingsland road', \"rosa '\", 'bar', 'fu zhou', 'the citibank plaza', 'wh center', \"pazzo ' s\", 'pho', 'porto', 'northeast kingdom', 'yonkers', 'pompei', 'the prudential center', \"the moan and dove '\", 'minetta', 'talula', 'rubirosa', 'alabama', 'ft . greene', 'salt creek grille', 'stoltfus farm', 'point', \"lead zeppelin '\", 'osteria giotto', 'qu bec city', 'fornos of spain', 'modern', 'north arlington', 'princeton university', 'jones N', 'vintage', 'mangagement', 'la riviera trattoria', 'shabu', 'tomad', \"pepe ' s\", 'd', 'ovest', 'grindcore house', 'brendan memphistaproom', 'central new jersey', 'vietnam', 'the fairmount neighborhood', 'meal', 'staten island', 'madrid', 'bombay', 'kansas city', 'cancun', 'gotham nightclub', 'japon', 'the west coast', 'el camino real', 'bottle bar', 'miami', 'livingston', \"gianna ' s\", 'reg', 'rizzuto', 'clear creek', 'ekta', 'thai taste', 'pst', 'tops diner', \"franco luigi ' s\", 'manayunk', \"lee ' s\", 'vesta', 'bunker', 'wawa', 'carlton', 'govinda', 'chef', 'the grape vine', 'ethopia', 'the philadelphia swing dance society', 'the canoe club', 'uws', 'ave', 'west philadelphia', 'saxon parole', 'the merriam theater', 'N pm', \"N o ' clock\", \"george ' s\", 'barstool', 'dallas', 'wh', 'simone', 'lic market', 'fort greene', 'qin dynasty', 'feast tv', 'the dutch kills civic association', 'prime meats', 'san francisco', 'N may N', 'hawthornes', 'the big apple', 'bouley', 'idyllic andaman sea', 'astoria', 'grand lux', 'iraq', 'burger king', 'acacia', 'chris N degrees', \"jeepney ' s\", 'raymond blvd', 'new england', 'madison square park', 'sol', 'fork', 'north carolina', 'cafeteria', 'penny cluse', 'nytimes', 'kc prime', 'sugarfreak', 'blue cat', 'germantown', 'the east coast', \"rosa ' s\", 'mcsorley', 'the better business bureau', \"tony d ' s\", 'madball', 'rutherford', 'walnut street', 'casa mono', 'america', 'Nyds', 'south philly', 'oregon', 'pepe', 'modo mio', \"peppercorn ' s grill\", 'mesquite', 'seabra', 'sam', 'princeton', 'minca', 'montrose', 'scaliini fedeli', 'the queens kickshaw', 'cookshop', \"angelo ' s\", \"sanford ' s\", 'rail house', 'manhattan', 'lure fish bar', 'seahawks', \"billy murphy ' s\", 'dinner', \"scannichio ' s\", 'princeton u', 'banana leaf', 'fernandes', 'la pizza pasta', 'pitaziki', 'pitruco', 'siam orchid', 'mexicali grill', \"espisito ' s\", 'stone hearth', \"nam nam '\", 'the \" princeton social club \"', 'koch', \"corner bistro '\", 'blue back square', 'welmont', 'marriott', \"chavela ' s\", 'art district', 'washington ave', 'tapatio', 'tashan', 'kfc popeyes', 'cranbury nj', 'bbp', 'roberta', \"beso ' s\", 'santa claus', 'queens', 'south america', 'theatre district', \"di fara '\", 'big', 'st .', 'red sox', 'greece', 'N Nam', 'morandi', 'foot of hill', 'N-', 'park avenue', 'tokyo', 'canada', 'nantucket', 'bloomfield ave', 'phoenix', 'dayton', 'merc bar', \"jake ' s\", 'mayfair', 'craig laban N bell dining', 'dinosaur', 'continental mid', 'the corner bldg', 'Nrd st', 'city tap house', 'bedstuy', 'distrito', 'chuko', 'escape', 'alphabet city', 'west coast', 'park and chapel st', 'banh-mi', 'ri ra', 'seattle', 'commodore barry club', 'puerto vallarta', 'N N restaurants', 'the little italy', 'the sahara desert', 'yale', 'pizza brain', 'stasi', 'zinc', 'spring street N subway', 'amazon', \"porcini ' s\", 'broadway', 'louis', 'trenton social', 'maialino', 'vegedelphia', 'the ivy inn', 'florida', 'basta', 'paris', 'ditmars Nst', 'roia', 'agricola', 'terminal market', 'amada', 'the millennium hilton', 'the cheese shop', 'upper manhattan', 'patsi', 'vivo', 'arch', 'the philadelphia companies', \"grimaldi ' s ii\", 'drexel university', 'the east side', 'boonton', 'greenpoint', 'little basil', \"palo santo '\", 'mp', 'temple grill restaurant', \"adel ' s\", 'we', 'mysore', 'N N on', \"the mcdonald ' s\", 'yerba buena', 'ridgewood', 'park', 'burlington bay', 'revolution kitchen', 'N-star', 'carlisle farm house', 'vernick', 'amy ruths', 'the chart house', 'mission', 'lava cafe', 'local N', 'tap house', 'scarpetta', 'Nnd avenue', 'lecirque', 'clinton hill', 'northern nj', 'salute', \"fyi pepe '\", 'skappo', 'fries', 'whitman and bloom', \"charlie ' s\", 'savingnon wines', 'central jersey', 'the m m', 'york noodle', 'pa', 'irish pub', 'the dollar store', 'provence', 'nolibs', 'fiesta hut', 'egan and sons', 'les', 'metropolitan ave', \"the cask republic '\", 'great wall', 'minetta tavern', \"govinda ' s\", 'tri state', 'savannah', 'bleecker st', 'tryfitzwater caf', 'byo', 'exit Nw', 'p tes et', 'korea', 'tops', 'ct .', \"roberta ' s\", 'old el paso', 'spring', 'chez moi', 'georgia', 'the eiffel tower', 'devils', 'the south stuy', 'ameti', 'parc', 'preston street', 'chrystie', 'brooklyn fare', 'conservative tours', 'orange', \"jimmie ' s\", 'el almacen', 'el camino', 'jersey', 'heavy woods', 'N N N hour', 'great american bistro', 'east williamsburg', 'edinburgh', 'mercato', 'max burger', 'trinity', 'bru', 'burlington', \"carmine ' s\", 'williamsburg', 'the south slope', 'new orleans-', 'the dalmatian coast', 'continental', 'la cosinita', 'pompton plains', 'white plains', 'morimoto', 'kalabaka', 'the u . s', 'local', 'amherst', 'indo-rest', 'the food network', 'times', 'baklava', 'gaia italian caf', 'the white dog', 'lafayette', 'opentable', 'info', \"the new maggy mcfly ' s\", \"hamilton ' s\", \"stoney ' s\", \"new brunswick '\", 'alvin ailey', 'the rib house', 'fishtown', 'beirut', 'grubhub', 'fare', 'mesob ethiopian cuisine', 'pierre', 'seraghina', 'americana', 'ditmars', 'prospect', 'the front street bistro solo', 'rome', 'the star ledger', 'eleven madison park', 'the hudson river', 'elmhurst malaysian', 'fatboy', 'clarion', 'iberia', 'an', 'geneva', 'texas barbecue', 'caske', 'imocha', 'turin', 'the maritime hotel', 'colorado theater', 'the good sheperd convent', 'downhome', 'connecticut', 'the halal guys', 'bay ridge', 'Npm', 'zahav', 'tuscany', 'rhi', 'dom', 'maple woodstock', 'del posto', 'sweden', 'blue ribbon sushi', 'sushi house N', 'restaurant . com', 'twin peaks', 'greenwich avenue', \"buttermilk channel '\", 'redstone', 'hudson clearwater', 'posto', 'new york', 'pad thai', 'damons', 'mcdonalds', 'miya', 'bologna', 'wells fargo center', 'astor place', 'guangdong', 'shiksa', 'virginia beach', 'tt', 'hat city', 'the pad thai', \"the nutley jim dandy ' s\", 'bank of america', \"lucali ' s\", 'westminster california', 'enthaice', 'burger . org', 'percy street bbq', 'ten stone', 'dine-', 'pacifico', 'locust', 'natasha', 'media', 'philadelphia tourism', \"joe ' s shanghai\", 'harvest table', \"honey ' s\", \"difara ' s\", \"valentine ' s\", 'rocky hill', 'mart', 'newark p . d .', 'casa mia', 'the gulf coast', 'barbacon', 'the new york times', 'ippudo', 'ferry st', 'the brew ha-ha comedy club', 'hilton', 'west village', 'baby blues bbq', 'pizzeria bianco', 'shannon rose', 'sally', 'lolitos', 'cheers', 'midwest', \"the N ' s\", \"pat ' s\", 'taim', 'front street bistro', 'coney island', 'vermont tap house', 'masa', 'farmington avenue', 'pabst', 'ay salsa', 'd r canal', 'tessara restaurant', 'copperhouse', 'maharlika', \"villa gennaro '\", 'ai fiori', 'waseda', 'prada', 'new yorkers', 'west hartford center', 'bodhi tree', \"calandra ' s\", 'caldwell', 'vietnam banh mi so N', 'scratchbread', 'N N a . m', 'walmart', 'the newark area', 'national', 'N minus tip', \"patricia ' s\", 'woorijip', 'seoul restaurant', 'philly', 'tripadvisor', 'chipotle', 'perkins', 'ht', 'mug club', \"davinchi ' s\", 'vivoli', 'tacqueria diana', 'new orleans', \"cafe valentino '\", 'shane', 'dixwell', 'socrates', 'blu', 'mompou', 'marcus wolf', 'blue ribbon', \"honest tom ' s\", 'the health department', 'thai awesome', 'dinosaur bbq', \"pete '\", 'good karma cafe', 'africa', 'sycamore', 'hu kitchen', 'philadelphia', 'macarthur', 'shake shacks', 'ues', 'le salbuen', \"ruby foo ' s\", 'lays', 'harrison avenue', 'yardley inn', 'horus cafe', 'leone', 'yuca', 'az stronghold', 'franklin', 'dosa express', 'colchester', 'devils alley', 'kearny', \"taste good '\", 'jahan kebab grill', 'four seasons', 'kara kara', 'becco', 'mediterranean', 'the white dog caf', 'witherspoon bread co', 'york', \"hamilton '\", 'rose petals cafe lounge', 'roosevelt', 'edit', 'east haven', 'los angeles', 'ratchada', 'nicks', 'lam zhaou', 'jersey city', \"michael ' s\", \"tony di napoli '\", 'cedar grove', 'franklin avenue', \"talula ' s\", 'the N train', 'chatni ,', 'yardville', 'the blue ribbon', 'gramercy', 'shanghai', 'rotisseur', \"bijan ' s\", 'ct', \"peppercorn ' s\", 'sri lanka', 'moshulu', 'bosphorus', 'washington avenue', 'greek', 'bk', 'gothenburg', 'hudson county', \"lombardi '\", 'lousiana', 'nuoc cham mixture', 'chinatown', 'geronimo', 'pratt street', 'wall street', 'phillies', 'wethersfield', \"tony ' s\", 'the east river', 'grimaldi', 'wildwood', 'lava', 'istanbul', \"anella '\", \"c te d ' azur\", 'zjc', 'Nth', 'baltimore', 'di fara', 'roma', 'the united states', 'N . N per', 'socca', 'allegro', 'fernades', 'india', 'new haven', 'tatsu', \"amy ruth '\", 'cliffnotes', 'dominic', 'forno', 'bouley market', 'la riveriera-', \"gelone ' s\", 'napa valley boite', 'the flatiron district', 'atlantic', \"di fara ' s\", 'argicola', 'pat thai restaurant', 'sister bar', 'bocca lupo', 'newport', '-', 'the pond house', 'taqueria', 'robataya', 'leones', 'tsukiji market', 'the moan and dove', 'cafe', \"trattoria dell ' arte\", 'the west village', 'mt fuji', 'queens manhattan', 'princeton medical center', 'atticus', 'south brunswick', 'ironbound', 'new york times', 'miami dolphins', 'avanguard', 'mediterra', 'jewel of india', 'the cranbury inn', 'jg', \"the mid-N ' s\", 'karma kafe', \"jose ' s\", 'Np', 'lions head', 'michigan', 'canal street', 'marsilio', 'china', 'cheescake factory', 'jeepney', 'oliver garden', 'turks', 'florence', 'bergen county', \"gallagher ' s\", 'europe', 'queens comfort', 'pf chang', 'nam nam', \"woody ' s\", 'chattime', \"smucker '\", 'patsys', 'edi', 'kc', 'quiznos', \"mario b '\", \"geno '\", 'p p', 'texas', 'south orange', 'hoagie haven', 'N N am', 'west orange', 'cnn', 'united states', 'california', 'italy', 'hollywood', 'fairmount', 'ani', \"bubby ' s pie company\", 'wrapido', \"cuban pete ' s\", 'era', 'u . s', 'hartsdale', 'almaz cafe', 'watchung plaza', 'luigi', 'batavia', 'bizzarre', 'sura thai kitchen', 'hanover', 'the queensboro bridge', 'khyber pass pub', 'greek delight', 'pc', 'the mug club', 'passionne', 'bungsar maternity hospital', 'the blue point grill', 'miss freitag', 'nyc', \"mamoun ' s\", 'clifton', 'dim sum', 'oddfellows', 'the upper valley', 'westchester', 'tapatio restaurant', 'dee', 'steven starr restaurants', 'rockefeller center', 'seoul', 'Nth ave', 'ny times', 'Nth st', 'montgomery', 'mississippi', 'vermont', 'samosa', 'zeus', 'the beer mart', 'croatia', 'west philly', 'england', \"grimaldi '\", 'naples', 'strike N', 'upstate', 'the lemon grass thai restaurant', 'walia', 'panorama', 'bella vista', 'seton hall', 'gordon ramsey', 'the east village', 'oxford valley', 'chatni', 'N guys', 'nypd', 'paramus', \"pat ' s- parking\", 'babbo', 'hightstown', 'kingston', 'jose tejas', 'tres jalapenos', 'midwood', 'ardesia', 'ilili', 'cafe la maude', 'the willowbrook mall', 'west caldwell', \"stefano ' s\", 'ihop', 'ny', \"a mcdonald ' s\", \"suzyque ' s\", \"patsy ' s\", 'yountville', \"grimaldi ' s\", \"scarpetta ' s\", 'quest song', 'applewood', 'pyt', 'vanity fair', 'delmonico', 'gaia', \"sonny ' s\", 'kennebunkport', 'cici', 'halal', 'us', 'delhi', 'jp', 'congress', 'milford', 'alma', 'era bar', 'N . N', 'jfk', 'la riviera', 'village whiskey', 'mexican cuisine', 'the george street playhouse', 'midtown manhattan', 'N state st', 'jose pistolas', 'la va', 'cafe viet huong', 'elmhurst queens', \"vito ' s\", 'habana', 'bibou', \"bella anthony '\", 'hudson', 'metro denver', 'the bloomfield steak seafood house', 'desert', 'italian', 'apple bees', 'fornos', 'east village', 'bcd tofu house', 'kara kara tonkotsu', 'glastonbury', 'rt . N', 'powelton village', 'pho N', \"buster ' s\", \"the devil ' s alley\", 'hawthorne', 'belgrade', 'carmine', 'joe', 'lombardis', 'l .', 'kiso', 'cafe renata N', \"giovanni ' s\", 'little basil restaurant', 'jeepneys', 'claremont', 'red hook', 'bogota latin bistro', \"j . gilbert ' s\", 'the entire upper valley', 'kefi', 'clinton st .', 'red cat', 'littleneck', \"the c te d ' azur\", 'palma', 'butcher bar', 'think grill', 'devon', 'the garden state', 'craigslist', 'cafe clave', 'abc', 'washington', 'kazumi', 'bronx', 'gelone', 'upper east side', 'il bambino', \"max '\", 'university city', 'N restaurants', \"quincy ' s\", 'steven starr', 'picnic', 'N italians', 'locanda verde', 'east germany', \"paesano '\", 'osteria morini', 'st . georges ave', 'parsippany', 'republic', 'palace at the ben', 'delaney', 'taqueria diana', 'pinto', 'the nutley franklin steakhouse', 'pasesano', 'boston market', 'new jersey', 'N N pm', 'the ferry house', 'sever', 'penelope', 'girard', 'vips', 'this ba xuyen', 'tiffin', 'petite abeille', 'han', 'nutley', 'the jersey pines', 'barcelona', 'center city', 'china brassiere', 'vanessas', 'the di palo italian deli', 'ferrara', 'discoverphi', \"lahiere ' s\", 'las vegas', 'va', 'vatican', 'oaxaca', 'palmer square', 'west hartford', 'un', 'the nw coast', 'sabrinas', 'hamden', 'N hwy N e parsippany', 'ruben', 'pistolas', 'mass', 'fuji mountain', 'the bergen street f train', 'pacific rim', 'gander', 'yuca bar', 'baby blues', 'the passyunk strip', 'gt oyster', 'arthur avenue', 'the plan b', 'l b spumoni', 'temple grille', 's h kebab house', 'ft .', 'pistola', 'totowa', 'phl', \"joju ' s\", 'alaska', 'boroughs', 'bloomfield avenue', 'northern liberties plaza', 'christiana', 'tmg', 'saigon shack', 'vanderbilt', 'sf', 'salinas', 'eno terra', 'm', 'bastas', 'dartmouth', 'burlington vt', 'yugoslavia', 'vietnamese', 'cha', 'jordan', 'triskell', 'vw', 'route N', 'thai', 'eno terra eh-no teh-rah', 'wk', 'ferry', 'seasonal', 'bro-tank', 'the financial district', 'spuntino', \"miya ' s\", 'pok pok', \"byob ' s\", 'ponderosa', 'mulberry market', 'city steam', 'pennington', 'paesano', 'sunset park', 'plainsboro', 'ohio', 'ares', 'russell', 'star tavern', 'sakura mandarin', 'eataly', \"tony luke ' s\", 'watchung deli', 'northern liberties', 'ireland', 'the wrap shack', 'flatiron', 'houston', \"lillie ' s\", 'uconn', 'kafana', 'lucas ristorante', 'cia', 'barrel house', 'north brooklyn', 'temple grill', 'halsey ave', 'cask', 'audrey claire', 'gramercy tavern', 'wilson', \"devil ' s den\", 'don pepe', \"egan ' s\", 'aureole', 'momofuku', 'rocky hill inn', 'hackensack river', 'kuala lumpur', 'dhs', 'happy hr', 'gushing times', 'spice ii', 'grimaldis', 'bcd', 'flux factory', 'japan', 'risotto house', 'louis lunch', 'spain', \"ghislaine arabian '\", 'sagami', 'trenton', 'bukit bintang', 'catfish', 'green line', 'el balconsito', 'pates et traditions', 'rt', 'bucks , mercer', 'bloomfield', 'md', 'cumberland street', 'bayonne', 'spotlight theater', 'pizza hut', \"mile ' s\", 'chengdu N', 'balthazar', 'applebees', 'dominican republic', 'jean-georges', 'blend', 'bobolink', 'cafe fulya', \"geno ' s\", 'ivy', 'atlantic city', 'flatbush', 'the philadelphia city', 'yakitori boy - japas', 'villa borghese', 'co', 'oaxaca kitchen', 'Nish', 'visitphilly', 'sushi palace', 'southern hospitality', 'jones', 'a michelin N star', 'jimmies', 'massachusetts', 'brunch', 'awful', 'tk', 'cielo', 'clinton street bakery', 'midtown iii', 'green', 'the forrestal village restaurant', \"the new york times '\", 'francis lewis blvd', 'grand street', \"sanford '\", 'pathmark', 'houston st .', 'momofuku ssam', 'ccse', 'state street', '--space mountain', 'glen ridge', 'totonno', 'kabin', 'the north east', 'bartaco', 'caribbean', 'indonesia', 'taiwan', 'san marzano', 'coast line', 'perilla', \"luzzo ' s\", \"d ' angelo ' s\", 'paris bakery', 'the N boroughs', 'groupon', 'the steel pier', 'east river', 'pancheros', 'l b', 'banh mi so N', 'the new york metro area', 'honolulu', 'starr', 'joya', 'red rose', 'the beach club', 'riveara', 'koreana', 'the philadelphia ocean prime', \"chip ' s\", 'cinema village', 'rooftop N', 'hillstone', \"gencarelli ' s\", 'njpac', 'hoboken', 'campania coal fired pizza', 'avenel', 'riverwalk', 'grill', 'green line pv', 'firebox', 'tessera', 'bugambilias', 'palo santo', \"the little owl per yelp ' s\", 'byob brunch', 'frankford hall', 'hungary', 'avenue b', 'totonnos', 'philadlephia', \"jim ' s\", 'udu cafe', 'east passyunk ave', 'entree', 'aarp', \"lee ' s deli '\", 'due amice', 'atmoshpere', 'tijuana', \"app ' s\", \"devil '\", 'gotham', 'elmhurst r , m', 'blimpie burger', 'buttermilk', 'abbaye', 'cape', 'bijan', 'graham ave', 'nh', 'the d cor', \"jimmy ' s\", 'taverna kyclades', 'damons restaurant', 'barrio chino', 'ramen bar', 'rouge', 'almond', 'portlandia', 'pat thai', 'lower manhattan', 'boston', 'wal', 'eno', 'the kabob shack', 'N Npm', 'louisiana', 'Npp', \"sharky ' s\", 'lure', 'Nam', 'rocky balboa', 'prime N', 'cuba cabana', 'the bay area', 'toronto', 'the bistro nouveau', 'mp taverna', 'N fast food', \"leone ' s\", 'gotham blare', 'jaffna', 'starbucks', 'broadway park', 'belleville nj', 'pN', 'states', 'royal', 'Nth avenue', 'anthony bourdaines', 'ann arbor', 'the late eastern europe', 'university of pennsylvania', 'momofuku noodle bar', 'atlanta', 'alta', 'agape substance', \"cuban pete '\", 'lida', 'do or dine', 'kuu', 'fdr grand st', 'yemen', 'the hackensack river', 'hong kong supermarket', 'maine', 'barboncino', 'newcastle', 'penang', 'boloco', 'the philadelphia convention and visitors bureau', 'terakawa', 'forte', 'wayne', 'mas', 'crescent grill', \"penelope ' s\", 'N chestnut street', \"miriam ' s\", 'harlem', 'buddakan', 'ritz', 'shoprite', 'ice queen', 'park slope', 'bensalem', 'city market', 'boros', 'N', 'lam zhou', \"lucky lou ' s\", 'new york city', 'gottscheer hall', 'totto', \"cheryl ' s\", 'costenera', \"wendy ' s\", 'hawaii', 'b b', 'david chang', 'the flyers', 'bank bourbon', 'rafaella', 'sakura', 'hill country', \"brooklyn commune '\", 'central texas', 'clinton street baking company', 'public', 'dover , de', 'bosnia', 'montclair', 'the malt house', \"l b ' s\", 'morris county', 'hooters', 'new york magazine', \"lassoni ' s\", 'the meatpacking district', 'lucas', \"new york '\", \"scarpetta '\", 'blue bird', 'australia', 'mexico', 'bar bruno', 'springfield', 'greater hartford', 'long island sound', 'southern california', 'quest', 'portugal', 'bourbon street', 'the blue elephant', 'ivy noodle', 'metropolis', 'mcdonalds burger king', 'bottle bar east', 'cantina', 'latin america', 'c ps', 'the tater heaven', 'rose petals', \"carbone ' s\", 'N sippies N rosettas', 'oklahoma city', \"dee '\", 'banh mi saigon', 'az', 'momos', 'the highlawn pavilion', \"nj denny '\", 'south street', 'green eggs cafe', \"denny ' s\", 'uva', 'montana', 'tribeca', 'lucy s', 'myilai masala', 'franklin ave', 'joju', 'the gun clubs', 'genos', 'wikipedia', 'brooklyn', 'grand st', 'Nrd', \"mcladden ' s\", 'the south of france', 'ala cart', 'rhong tiam', 'korzo', 'tx', 'N c', 'sysco', \"don peppe ' s\", 'perry st .', 'the subway el', 'stone park', 'the brooklyn bridge', 'turkey', 'the peacock inn', 'thai cuisine', 'walter foods', '\" tommy brandi \\' s', 'newark airport', 'egans', 'home depot', 'N stars', \"el balconsito '\", 'stuy', 'whitman bloom', 'chapel street', 'louisana', 'miles', \"mcd ' s\", 'western plus fairfield executive inn', 'costco', 'Nst', 'ditmas park', 'max', 'la viola', 'laurel', 'al di la', 'the pa convention center', \"grant ' s\", 'Nnd', 'N N N', 'the xl center', 'p tes et traditions', \"a denny ' s\", \"becco ' s\", 'ref mediterra', \"lee ' s deli ' s\", 'yasuda', 'broome street', 'cuba', \"talula '\", 'takadanobaba', \"varalli ' s\", \"harry ' s\", 'kitchen confidential', 'barbuzzo', 'malaysia', 'clinton st', 'thompson street', 'the lower east side', 'tavern', 'thailand', 'jackson', 'N bud', \"mc donald ' s\", \"bill harry ' s\", 'fort lee', 'kickshaw', 'the memphis taproom', 'tinto', 'N restaurant', \"tom ' s\", 'france', 'nj', 'raw on chestnut st', 'istanbul cafe', 'hillsborough', \"brasserie '\", 'bethwood', 'wah fung no .', 'la masseria', 'the steam cart', 'cafe renata', 'boves', 'umi', 'percy street', 'juventino', 'the columbus ave', 'talledega nights fame', 'the pond house restaurant', 'vida', 'devil alley bar girls', 'southeast asia', 'chicago', 'the mount olympus', 'vt', 'memphis', 'the middle east', 'east', \"west haven '\", \"devil ' s alley\", 'pt', 'lissoni', 'brazil', 'the pond house cafe', 'bacchanalia', 'bbq', 'san diego', 'fulton street', 'karma', 'nyse', \"luca ' s\", 'serbia', 'renaissance furniture restoration', 'byob', 'sushi', 'windsor', 'N franklin ave', \"jesse ' s\", 'leone restaurant', 'nbc connecticut', 'caf triskell', 'adega', 'pulau langkawi', 'san fran ot la', 'dumbo', 'bergan county', 'baltimore ave', 'monks', 'fidi', \"amanda freitag '\", 'phila', \"junior ' s\", 'sandwich theory', 'trumbull street', 'cons', 'mysore woodlands', 'Nth street', 'guru palace', 'detroit', \"mozzicato ' s\", \"num pang '\", 'crispo', 'bed-stuy', 'klong', 'char siu fun', 'shake shack', 'oyster house', 'terra nostra', 'kyhber pass pub', 'princeton area', 'morgan ave', 'twenty manning', 'candela', 'roosevelt island', 'parker quinn', 'san antonio', 'wildwood new jersey', 'urban cookhouse', 'corner bistro', 'tessara N', 'risotto', 'bluebird', 'roosevelts', 'hartford', 'cth', 'pennsylvania', \"lombardi ' s\", 'filmore east concert hall', 'twitter', \"max ' s\", 'brooklyn bridge', \"ameti ' s\", 'pizzeria mozza', 'fairfield', 'Nst ave', 'newark', 'greene bk', 'jefferson', 'verlaines', \"l ' angolo\", 'argentina', \"toys r ' us\", 'la follia', \"gristede ' s\", 'moes', \"pierre ' s\", 'the secaucus restaurant', 'bushwick', 'murray', 'garces', 'motorino', 'vanessa', 'the meatball shop', 'the midwest chicago', 'northern california', 'the olive garden', 'mcdonald', 'cavanaugh', 'queens blvd', 'tres scalini', 'pos', 'N N', 'indian', \"patsi ' s\", 'beanas', 'ayce', 'portland', 'nomnom', 'wooster street', 'le barricou', 'danny meyer', 'the deep south', 'tramonti', 'el vez', 'the n . y . times', 'perry st', 'geno', \"le p ' tit '\", 'bN', 'bbb', 'kiwiana', 'di faras', 'teresa', 'fricassee', 'paris cafe', 'camden', 'eleven']\n"]}]},{"cell_type":"code","source":["# Outdated, use the cell below.\n","# #Using OpenStreeMaps api, gather the coordinates for each geo-entitiy.\n","# from geopy.geocoders import Nominatim\n","# geolocator = Nominatim(user_agent=\"Geo-Entity Master Project\")\n","\n","\n","# coordinates_dict = {}\n","\n","# for entity in geo_entities_list:\n","# try:\n","# location = geolocator.geocode(entity)\n","# if location:\n","# coordinates_dict[entity] = (location.latitude, location.longitude)\n","# print(f\"{entity}: {location.latitude}, {location.longitude}\")\n","# else:\n","# print(f\"Location not found for {entity}\")\n","# except Exception as e:\n","# print(f\"Error geocoding {entity}: {e}\")\n"],"metadata":{"id":"pD14LLhNBzF6"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["#MODIFIED VERSION: Only pulls the Geo-Entities from New York.\n","#TODO - Update this cell to remove any entity name that is non-alpha-numeric and Geo-entities that do not have a place name or coordinate\n","import re\n","from geopy.geocoders import Nominatim\n","geolocator = Nominatim(user_agent=\"Geo-Entity Master Project\")\n","\n","coordinates_dict_fake = {}\n","\n","def is_alpha_numeric(entity):\n"," return re.match(\"^[a-zA-Z0-9\\s]+$\", entity)\n","\n","for entity in geo_entities_list_fake:\n"," if not is_alpha_numeric(entity):\n"," print(f\"Skipping non-alpha-numeric entity: {entity}\")\n"," continue\n"," if len(entity) < 3:\n"," print(f\"Skipping entity with length less than 3: {entity}\")\n"," continue\n"," try:\n"," # Limit the search within New York during the geocoding request\n"," location = geolocator.geocode(f\"{entity}, New York\")\n"," if location:\n"," if 'New York' in location.address:\n"," coordinates_dict_fake[entity] = (location.latitude, location.longitude)\n"," print(f\"{entity}: {location.latitude}, {location.longitude}\")\n"," else:\n"," print(f\"{entity} found, but not in New York\")\n"," else:\n"," print(f\"Location not found for {entity}\")\n"," except Exception as e:\n"," print(f\"Error geocoding {entity}: {e}\")"],"metadata":{"id":"Ey4-YXshsTXg","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716530478456,"user_tz":420,"elapsed":114798,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"ffe12b44-ffc4-418c-a23f-81b2be758994"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["aurora: 42.7324505, -78.6315537\n","queens: 40.7135078, -73.8283132\n","hoboken: 42.6270181, -75.3223928\n","habana: 40.7228449, -73.9942284\n","Location not found for copperhouse\n","Skipping entity with length less than 3: tx\n","Location not found for passionne\n","wethersfield: 42.6521201, -78.2499588\n","riverwalk: 42.0994424, -75.915653\n","Location not found for green line pv\n","ave: 1.2545643, 103.8212738\n","florida: 42.8904161, -74.196582\n","shoprite: 40.6267325, -73.97712097348416\n","Location not found for ai fiori\n","Location not found for west philadelphia\n","Skipping non-alpha-numeric entity: di fara '\n","Skipping non-alpha-numeric entity: nice , france\n","Location not found for desert\n","nyc: 40.7127281, -74.0060152\n","Location not found for fornos\n","Skipping non-alpha-numeric entity: chef '\n","baltimore ave: 40.6863577, -73.4634619\n","Location not found for caske\n","Location not found for yelp\n","Skipping non-alpha-numeric entity: c te d ' azur\n","glastonbury: 43.0290971, -77.707679\n","Skipping entity with length less than 3: N\n","morandi: 40.7353587, -74.0014906\n","Location not found for cask republic\n","trenton: 43.2554109, -75.1911199\n","Location not found for scratchbread\n","Location not found for imocha\n","Location not found for the plan b\n","el paso: 40.7952819, -73.9452985\n","Location not found for Nth\n","Location not found for colorado theater\n","l b spumoni: 40.5947235, -73.98131332751743\n","fort greene: 40.6907711, -73.9766245\n","Location not found for colorado\n","new york city: 40.7127281, -74.0060152\n","the halal guys: 40.7935422, -73.9709709\n","Location not found for the dutch kills civic association\n","denver: 42.2125871, -74.5693201\n","hawthorne: 41.1073184, -73.7959667\n","Location not found for shahi palace\n","philly: 42.651087, -74.05488\n","bbs: 40.6763094, -73.7405562\n","phoenix: 43.2309198, -76.3001887\n","Location not found for green line\n","Skipping non-alpha-numeric entity: N . N per\n","Location not found for imy\n","nouveau: 43.065664, -77.435108\n","Location not found for socca\n","Location not found for riverwalk grill\n","Location not found for zavino\n","new haven: 43.4797279, -76.3150179\n","bloomfield avenue: 42.902687, -78.689485\n","chipotle: 40.778899, -73.9811844\n","christiana: 42.88572165, -73.94710882769347\n","saigon shack: 40.729691, -74.000637\n","Location not found for cafe renata N\n","vanderbilt: 40.75297175, -73.97854231036098\n","Skipping entity with length less than 3: ht\n","dinosaur: 40.7202523, -73.9998945\n","chapel street: 42.6804834, -74.4852244\n","Skipping non-alpha-numeric entity: mozzicato ' s\n","Location not found for garces trading co\n","Skipping non-alpha-numeric entity: totonno ' s\n","Skipping non-alpha-numeric entity: govinda ' s\n","Location not found for bastas\n","raymond blvd: 42.0366404, -76.7480533\n","Location not found for city tap house\n","Location not found for lackawanna plaza\n","costco: 40.7674182, -73.93918235906585\n","bayonne: 40.7918916, -73.1730828\n","the flatiron district: 40.7479801, -73.9900333\n","twin peaks: 40.7327455, -74.00545877553185\n","Skipping non-alpha-numeric entity: di fara ' s\n","north carolina: 42.8569613, -73.870433\n","gotham: 40.7262942, -73.9912929\n","Location not found for byo\n","la viola: 40.832831, -73.052288\n","Location not found for west philly\n","chuko: 40.6807894, -73.9675362\n","flux factory: 40.7527012, -73.9350775\n","Location not found for applebees\n","Location not found for p tes et\n","new york: 40.7127281, -74.0060152\n","hill country: 40.7736157, -73.871733\n","kc prime: 41.4902681, -74.1779324\n","west coast: 41.37970745, -74.31205076480654\n","Location not found for the east coast\n","shake shack: 40.7106146, -74.0090139\n","Skipping non-alpha-numeric entity: the c te d ' azur\n","Location not found for damons\n","Location not found for Nnd\n","Location not found for the better business bureau\n","Location not found for terra nostra\n"]},{"output_type":"stream","name":"stderr","text":["WARNING:urllib3.connectionpool:Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ReadTimeoutError(\"HTTPSConnectionPool(host='nominatim.openstreetmap.org', port=443): Read timed out. (read timeout=1)\")': /search?q=N+N+N%2C+New+York&format=json&limit=1\n"]},{"output_type":"stream","name":"stdout","text":["N N N: 40.7127281, -74.0060152\n","Location not found for abbaye\n","Skipping non-alpha-numeric entity: the moan and dove '\n","devon: 40.9914899, -72.1070204\n","Location not found for the moan and dove\n","Skipping non-alpha-numeric entity: geno ' s\n","Location not found for p tes et traditions\n","Skipping non-alpha-numeric entity: miya ' s\n","Location not found for hu kitchen\n","philadelphia: 44.154622, -75.708847\n","Skipping non-alpha-numeric entity: jimmy ' s\n","Skipping non-alpha-numeric entity: becco ' s\n","long island: 40.85149705, -73.0994258107431\n","rubirosa: 40.7227225, -73.9961142\n","Location not found for cafe clave\n","Location not found for damons restaurant\n","yale: 42.8064569, -76.9199618\n","Location not found for gordon ramsey\n","Location not found for salt creek grille\n"]},{"output_type":"stream","name":"stderr","text":["WARNING:urllib3.connectionpool:Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ReadTimeoutError(\"HTTPSConnectionPool(host='nominatim.openstreetmap.org', port=443): Read timed out. (read timeout=1)\")': /search?q=spring+street+N+subway%2C+New+York&format=json&limit=1\n"]},{"output_type":"stream","name":"stdout","text":["Location not found for spring street N subway\n","roosevelt island: 40.76133675, -73.95028526170718\n","almond: 42.3222916, -77.738327\n","queens manhattan: 40.75002325, -73.93634871866918\n","boston: 42.6289858, -78.7376213\n","Location not found for ameti\n","paesano: 40.7185789, -73.997542\n","Location not found for barbuzzo\n","san antonio: 40.6619515, -73.6994873\n","Location not found for visitphilly\n"]},{"output_type":"stream","name":"stderr","text":["WARNING:urllib3.connectionpool:Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ReadTimeoutError(\"HTTPSConnectionPool(host='nominatim.openstreetmap.org', port=443): Read timed out. (read timeout=1)\")': /search?q=N+Npm%2C+New+York&format=json&limit=1\n"]},{"output_type":"stream","name":"stdout","text":["Location not found for N Npm\n","Location not found for trenton social\n","Location not found for new york magazine\n","Location not found for qu bec city\n","Location not found for conservative tours\n"]},{"output_type":"stream","name":"stderr","text":["WARNING:urllib3.connectionpool:Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ReadTimeoutError(\"HTTPSConnectionPool(host='nominatim.openstreetmap.org', port=443): Read timed out. (read timeout=1)\")': /search?q=fornos+of+spain%2C+New+York&format=json&limit=1\n"]},{"output_type":"stream","name":"stdout","text":["Location not found for fornos of spain\n","prime N: 41.4902681, -74.1779324\n","tierney: 42.613991, -73.846711\n","brunch: 40.783395, -73.9799783\n","hartford: 43.363967, -73.4052888\n","Location not found for cth\n","tavern: 40.7033938, -74.0113353057346\n","Skipping entity with length less than 3: tk\n","mesquite: 40.7617883, -73.9108432\n","Skipping non-alpha-numeric entity: lombardi ' s\n"]},{"output_type":"stream","name":"stderr","text":["WARNING:urllib3.connectionpool:Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ReadTimeoutError(\"HTTPSConnectionPool(host='nominatim.openstreetmap.org', port=443): Read timed out. (read timeout=1)\")': /search?q=clinton+street+bakery%2C+New+York&format=json&limit=1\n"]},{"output_type":"stream","name":"stdout","text":["clinton street bakery: 40.7211788, -73.9838832\n","Location not found for az stronghold\n","Skipping entity with length less than 3: jg\n","Location not found for gotham blare\n","princeton: 40.738646, -73.86054903964195\n","heavy woods: 40.7056487, -73.9216186\n","basta: 40.7555436, -73.98468630439257\n","Location not found for dosa express\n","Skipping non-alpha-numeric entity: jose ' s\n","Skipping non-alpha-numeric entity: ameti ' s\n"]},{"output_type":"stream","name":"stderr","text":["WARNING:urllib3.connectionpool:Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ReadTimeoutError(\"HTTPSConnectionPool(host='nominatim.openstreetmap.org', port=443): Read timed out. (read timeout=1)\")': /search?q=N+N+N+hour%2C+New+York&format=json&limit=1\n"]},{"output_type":"stream","name":"stdout","text":["Location not found for N N N hour\n"]},{"output_type":"stream","name":"stderr","text":["WARNING:urllib3.connectionpool:Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ReadTimeoutError(\"HTTPSConnectionPool(host='nominatim.openstreetmap.org', port=443): Read timed out. (read timeout=1)\")': /search?q=agricola%2C+New+York&format=json&limit=1\n"]},{"output_type":"stream","name":"stdout","text":["Location not found for agricola\n","Location not found for great american bistro\n","terminal market: 40.64348415, -73.91597200510382\n","Location not found for amada\n","Skipping non-alpha-numeric entity: paesano '\n","newark: 43.0467301, -77.0952516\n","midwood: 40.6188823, -73.9654889\n","Location not found for verlaines\n","Location not found for philadelphia tourism\n","pathmark: 40.6354288, -73.93684759750955\n","Location not found for harvest table\n","Location not found for central new jersey\n","burlington: 42.7228512, -75.1254387\n","Location not found for houston\n","ccse: 42.1571225, -78.73106699360247\n","Location not found for parsippany\n","williamsburg: 40.714622, -73.95345\n","france found, but not in New York\n","Skipping non-alpha-numeric entity: stefano ' s\n","Location not found for palace at the ben\n","Skipping entity with length less than 3: ny\n","Skipping non-alpha-numeric entity: patsy ' s\n","Skipping entity with length less than 3: nj\n","Location not found for Nst nyc\n","Skipping non-alpha-numeric entity: grimaldi ' s\n","manhattan: 40.788655250000005, -73.9603027827792\n","Location not found for garces\n","Location not found for pasesano\n","metropolis: 14.8927004, 120.7917436\n","Location not found for barbacon\n","Location not found for gotham nightclub\n","Skipping non-alpha-numeric entity: the u . s\n","local: 40.75150055, -73.99343636839566\n","Location not found for the tater heaven\n","north brooklyn: 42.119233, -77.951272\n","london: 40.7364228, -73.86518880780383\n","halsey ave: 40.8054401, -72.6580003\n","amherst: 42.9783924, -78.7997616\n","cask: 40.745353, -73.9790274\n","Skipping non-alpha-numeric entity: michael ' s\n","Location not found for el camino real\n","Location not found for perilla\n","Location not found for cafe renata\n","Location not found for pitaziki\n","girard: 40.703648, -73.254435\n","Skipping non-alpha-numeric entity: geno '\n","umi: 40.6242838, -74.1483367\n","p p: -0.2143885, -78.511858\n","tiffin: 41.1671118, -74.0234059\n","Skipping entity with length less than 3: az\n","rizzuto: 40.694797449999996, -73.82159282449219\n","N N: 40.7127281, -74.0060152\n","Location not found for ekta\n","Location not found for N N on\n","Location not found for trumbull kitchen\n","l b: -3.9445944, -79.2173379\n","don pepe: 40.6511203, -74.0042708\n","Location not found for le barricou\n","united states: 40.7127281, -74.0060152\n","milford: 42.5906322, -74.9451573\n","Location not found for the mount olympus\n","california: 44.1937112, -73.5953163\n","Location not found for era bar\n","el vez: 40.7147631, -74.0156301\n","Skipping non-alpha-numeric entity: the n . y . times\n","italy: 42.611735, -77.2919246\n","Location not found for lolitos\n","Location not found for fishtown\n","Skipping non-alpha-numeric entity: franco luigi ' s\n","Skipping non-alpha-numeric entity: west haven '\n","uva: 40.7721955, -73.9556505\n","Location not found for the philadelphia convention and visitors bureau\n","moshulu: 40.8759458, -73.8824637715088\n","Skipping non-alpha-numeric entity: pat ' s\n","Location not found for discoverphi\n","Location not found for front street bistro\n","Location not found for bbb\n","Skipping non-alpha-numeric entity: cuban pete ' s\n","era: 42.7737131, -78.78690321060253\n","midtown manhattan: 40.7601132, -73.97816545086786\n","wayne: 43.1500557, -77.0377603\n","spice ii: 43.0728662, -78.8386312692987\n","Skipping entity with length less than 3: un\n","Location not found for riveara\n","local N: 40.75150055, -73.99343636839566\n","karma: 42.9324586, -78.8752426\n","Location not found for crescent grill\n","Skipping non-alpha-numeric entity: penelope ' s\n","wikipedia: 8.391969249999999, -13.131562399820279\n","brooklyn: 40.6526006, -73.9497211\n","batavia: 42.9980144, -78.1875515\n","Location not found for bizzarre\n","Location not found for fro arizona\n","Location not found for Nrd\n","Location not found for scarpetta\n","the south of france: 40.831752, -73.8662124\n","Location not found for the queensboro bridge\n","Location not found for ala cart\n"]},{"output_type":"stream","name":"stderr","text":["WARNING:urllib3.connectionpool:Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ReadTimeoutError(\"HTTPSConnectionPool(host='nominatim.openstreetmap.org', port=443): Read timed out. (read timeout=1)\")': /search?q=rooftop+N%2C+New+York&format=json&limit=1\n"]},{"output_type":"stream","name":"stdout","text":["rooftop N: 40.743554, -74.0108072\n"]}]},{"cell_type":"code","source":["print(coordinates_dict_fake)"],"metadata":{"id":"EUTMR519BzJ5","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716523526857,"user_tz":420,"elapsed":187,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"434279be-6a81-4182-bc52-b3babb65155f"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["{'aurora': (42.7324505, -78.6315537), 'montreal': (43.115928, -77.589363), 'rhode island': (42.6789568, -75.7996365), 'saigon': (40.7289293, -74.000965), 'malagueta': (40.7578849, -73.9321866), 'el paso': (40.7952819, -73.9452985), 'denver': (42.2125871, -74.5693201), 'bbs': (40.6763094, -73.7405562), 'walnut': (43.0282721, -77.4794543), 'bistango': (40.7563844, -73.9713268), 'de novo': (32.377435, -106.4936378), 'austria': (48.0378872, 14.4175006), 'monument lane': (41.028267, -72.208382), 'eastman': (43.157478999999995, -77.60113082908458), 'market st': (40.859271, -73.0856788), 'a new yorker': (43.064593, -75.761775), 'magnolia': (42.1750574, -79.4400478), 'han dynasty': (40.7322044, -73.9882118), 'germany': (48.3905537, 9.995567138990825), 'long island': (40.85149705, -73.0994258107431), 'williston': (42.8275599, -78.5164117), 'singapore': (40.736308750000006, -73.86109847714846), 'tierney': (42.613991, -73.846711), 'times square': (40.757261400000004, -73.98589982948505), 'east coast': (41.38061135, -74.312665112785), 'midtown': (40.7601132, -73.97816545086786), 'spotted pig': (40.73563215, -74.00667612644291), 'honeygrow': (40.6924795, -73.9913451), 'southend': (43.0202799, -77.718524), 'usa': (40.7127281, -74.0060152), 'parisi bakery': (40.7211562, -73.9955368), 'morgans': (43.45924, -73.38374529279892), 'havana': (42.3372852, -76.8248424), 'cinco de mayo': (40.7618779, -73.769964), 'eagles': (42.0709247, -76.7984261480349), 'london': (40.7364228, -73.86518880780383), 'southwark': (51.5051841, -0.0992199), 'morrisville': (42.8986566, -75.6402204), 'chelsea': (40.7464906, -74.0015283), 'pylos': (40.7261637, -73.9840813), 'ginza': (40.7456647, -73.9756623), 'burlington county': (42.7228512, -75.1254387), 'east harlem': (40.7947222, -73.9425), 'la colombe': (40.7280641, -73.9932516), 'metropolitan': (40.7794396, -73.96338248033601), 'boro': (40.633993, -73.9968059), 'ferry street': (42.6594931, -73.7436356), 'buffet N': (40.6750238, -73.7377024), 'spice': (40.675488, -73.974586), 'belgium': (43.1764566, -76.2746515), 'palace': (40.7254611, -73.944628), 'patzeria': (40.7594345, -73.9868675), 'new zealand': (42.6081537, -73.4726067), 'pc tavern': (42.7536731, -77.9286158), 'olive garden': (40.8078679, -73.9462049), 'traif': (40.71059745, -73.95893481915246), 'nouveau': (43.065664, -77.435108), 'verlaine': (40.7200177, -73.9878219), 'main st': (40.7148802, -73.816426), 'birreria': (40.7419337, -73.9898018), 'india palace': (40.7614174, -73.9601599), 'bedford hill': (40.689627, -73.953522), 'kingsland road': (41.105039, -73.863357), 'bar': (42.093189249999995, -73.94474905), 'fu zhou': (30.8385202, -87.2008048), 'pho': (34.0143928, -117.898451), 'yonkers': (40.9312099, -73.8987469), 'minetta': (40.7302778, -74.0016667), 'rubirosa': (40.7227225, -73.9961142), 'alabama': (43.096448, -78.390856), 'modern': (40.761612400000004, -73.97749918210806), 'north arlington': (43.0580257, -74.3484828), 'princeton university': (42.649094, -73.7757179), 'jones N': (41.256589, -74.400926), 'vintage': (40.9043468, -72.9692943), 'shabu': (40.7292566, -73.9858501), 'vietnam': (40.875694249999995, -73.60039555), 'meal': (43.09349, -77.158905), 'staten island': (40.5834557, -74.1496048), 'madrid': (44.750147, -75.130874), 'bombay': (44.939043, -74.567986), 'kansas city': (40.738038700000004, -73.85933288396191), 'cancun': (41.9947311, -73.8761093), 'bottle bar': (42.6581223, -73.7486739), 'miami': (43.6139119, -74.4275891), 'livingston': (42.7360902, -77.7781416), 'reg': (40.7575361, -73.9314947), 'rizzuto': (40.694797449999996, -73.82159282449219), 'clear creek': (42.4895554, -78.3692291), 'thai taste': (40.7229265, -73.8007382), 'manayunk': (41.5072156, -74.2959587), 'vesta': (40.7697031, -73.9277101), 'bunker': (42.8061803, -76.6466125), 'wawa': (39.4922892, -74.4574975), 'carlton': (43.327135, -78.191081), 'govinda': (40.6876209, -73.9821832), 'chef': (40.7560775, -73.996449), 'uws': (40.8010889, -73.9617691), 'ave': (1.2545643, 103.8212738), 'dallas': (42.835363, -78.825421), 'simone': (43.08450045, -77.67460317695037), 'fort greene': (40.6907711, -73.9766245), 'prime meats': (40.6771797, -73.9982258), 'san francisco': (8.97691115, -79.51722847515528), 'N may N': (41.0837563, -74.0092714), 'the big apple': (40.7645137, -73.9958411), 'bouley': (40.7411298, -73.992128), 'astoria': (40.7720145, -73.9302673), 'grand lux': (40.7406574, -73.61533165851199), 'burger king': (40.6865033, -73.8231058), 'acacia': (43.0589025, -78.81134666757669), 'raymond blvd': (42.0366404, -76.7480533), 'new england': (53.0668217, -0.1567064), 'madison square park': (40.742203, -73.9879654739484), 'sol': (13.3439516, -88.43592685239591), 'fork': (40.1237688, -111.6436229), 'north carolina': (42.8569613, -73.870433), 'cafeteria': (40.7404947, -73.9980066), 'kc prime': (41.4902681, -74.1779324), 'blue cat': (43.5884218, -73.6972837), 'germantown': (42.1345339, -73.8917982), 'mcsorley': (40.7287612, -73.9897021), 'rutherford': (40.73472045, -73.9835274258192), 'walnut street': (40.996205, -72.3417), 'casa mono': (40.7359257, -73.9871655), 'america': (40.7127281, -74.0060152), 'oregon': (43.5575659, -74.1204119), 'pepe': (40.7070263, -74.0132592), 'mesquite': (40.7617883, -73.9108432), 'sam': (47.109259699999996, 51.88081434140811), 'princeton': (40.738646, -73.86054903964195), 'minca': (40.724092, -73.9829013), 'montrose': (41.2523162, -73.9315275), 'the queens kickshaw': (40.7587851, -73.9183096), 'cookshop': (40.7457199, -74.0054281), 'manhattan': (40.788655250000005, -73.9603027827792), 'seahawks': (40.863021950000004, -73.45530820507766), 'dinner': (40.7618484, -73.9835031), 'princeton u': (42.96211685, -78.81769105089984), 'banana leaf': (42.9646397, -78.6954694), 'la pizza pasta': (40.7284539, -73.2271995), 'koch': (40.7589763, -73.9592517), 'marriott': (40.7555818, -73.9727139), 'washington ave': (42.6936785, -73.832395), 'tapatio': (41.4538101, -74.40129127802336), 'roberta': (40.7050062, -73.9335894), 'queens': (40.7135078, -73.8283132), 'south america': (43.7307937, -73.8097234), 'theatre district': (42.89153, -78.8724863), 'big': (40.6964042, -73.7913251), 'greece': (43.2097838, -77.6930602), 'N Nam': (44.4936629, 34.126654), 'morandi': (40.7353587, -74.0014906), 'foot of hill': (42.4173867, -76.4605215), 'park avenue': (40.7463937, -73.9819404), 'tokyo': (40.7397064, -73.7895232), 'canada': (40.736942049999996, -73.86344804697832), 'nantucket': (40.941062, -73.018744), 'bloomfield ave': (42.902687, -78.689485), 'phoenix': (43.2309198, -76.3001887), 'dayton': (42.417006, -78.976981), 'mayfair': (42.8720205, -73.9317909), 'dinosaur': (40.7202523, -73.9998945), 'continental mid': (43.0862917, -73.4950551), 'bedstuy': (40.6830324, -73.9352208), 'distrito': (40.7076681, -74.009271), 'chuko': (40.6807894, -73.9675362), 'escape': (43.3455071, -73.7070581), 'alphabet city': (40.7251022, -73.9795833), 'west coast': (41.37970745, -74.31205076480654), 'seattle': (42.9576086, -78.8383043), 'N N restaurants': (41.378009, 19.798606), 'the little italy': (43.097737499999994, -79.0356285), 'yale': (42.8064569, -76.9199618), 'amazon': (40.67341305, -74.01474285957599), 'broadway': (40.8341687, -73.9449448), 'maialino': (40.7384152, -73.9857609), 'florida': (42.8904161, -74.196582), 'basta': (40.7555436, -73.98468630439257), 'paris': (43.0006253, -75.3137775), 'terminal market': (40.64348415, -73.91597200510382), 'the cheese shop': (43.8086769, -76.0244956), 'vivo': (40.78665005, -73.7923197124259), 'arch': (42.7134877, -73.8137732), 'the east side': (40.7179303, -73.9888958), 'greenpoint': (40.7237134, -73.9509714), 'little basil': (40.7410605, -73.9822863), 'yerba buena': (37.7695694, -122.4513762), 'ridgewood': (40.7080556, -73.9141667), 'park': (44.718049, -75.446637), 'local N': (40.75150055, -73.99343636839566), 'tap house': (40.7193491, -73.8423614), 'clinton hill': (40.6897222, -73.9652778), 'salute': (40.7510771, -73.9807748), 'fries': (42.7389357, -78.81482859978452), 'irish pub': (40.756641, -73.9691064), 'provence': (42.6845872, -73.8398267), 'les': (40.7159357, -73.9868057), 'metropolitan ave': (40.7130242, -73.9514225), 'great wall': (40.7374135, -73.7091759), 'minetta tavern': (40.7299655, -74.0006297), 'tri state': (41.357268, -74.694725), 'savannah': (43.0672874, -76.7596759), 'bleecker st': (40.7328725, -74.0039448), 'exit Nw': (41.1546337, -72.2408027), 'korea': (40.8757078, -73.60045145000001), 'tops': (40.6000016, -73.943548), 'spring': (40.8713976, -73.4566595), 'chez moi': (40.7196657, -73.8431348), 'georgia': (43.4803444, -74.1643004), 'devils': (42.2034193, -74.8948834), 'parc': (44.66383, -73.452953), 'preston street': (40.766803, -73.223027), 'chrystie': (40.7159014, -73.994881), 'brooklyn fare': (40.7737017, -73.9892353), 'orange': (41.3873306, -74.2507287), 'el almacen': (40.71681435, -73.95644371646807), 'jersey': (42.9956303, -74.0726283), 'heavy woods': (40.7056487, -73.9216186), 'east williamsburg': (40.72105485, -73.93046893263465), 'edinburgh': (42.6513434, -73.909854), 'mercato': (40.7562465, -73.9936447), 'trinity': (42.74248045, -78.32605215), 'bru': (42.856488, -78.508783), 'burlington': (42.7228512, -75.1254387), 'williamsburg': (40.714622, -73.95345), 'continental': (40.8515357, -73.8302801), 'white plains': (41.0339862, -73.7629097), 'local': (40.75150055, -73.99343636839566), 'amherst': (42.9783924, -78.7997616), 'times': (40.75701215, -73.98597092538824), 'baklava': (40.6313321, -74.0220769), 'lafayette': (42.892289, -76.1052019), 'info': (43.5754348, -73.654650525), 'alvin ailey': (40.7669219, -73.9869645), 'beirut': (40.7665509, -73.9130228), 'fare': (40.7560775, -73.996449), 'americana': (40.70859995, -73.79549180522359), 'ditmars': (40.7749872, -73.9121176), 'prospect': (43.304444, -75.152321), 'rome': (43.2128473, -75.4557304), 'eleven madison park': (40.7415982, -73.9871904), 'the hudson river': (42.73087005, -73.69390957636224), 'fatboy': (40.6790095, -73.9495007), 'clarion': (40.7441337, -73.9832129), 'iberia': (40.6589954, -73.800667), 'geneva': (42.8690271, -76.9786122), 'turin': (43.627378, -75.41153), 'connecticut': (42.3864621, -76.6691152), 'the halal guys': (40.7935422, -73.9709709), 'bay ridge': (40.6320062, -74.0232101), 'tuscany': (42.9844458, -77.38749302782827), 'rhi': (40.8521421, -73.0713113), 'maple woodstock': (42.0400743, -74.1179867), 'del posto': (40.7434562, -74.0075595), 'sweden': (43.1791388, -77.940618), 'blue ribbon sushi': (40.7079524, -74.0078296), 'sushi house N': (40.6534322, -73.6261259), 'twin peaks': (40.7327455, -74.00545877553185), 'greenwich avenue': (40.7343702, -73.9997878), 'redstone': (41.1413495, -74.071776), 'hudson clearwater': (41.48961495, -73.9645841350772), 'posto': (40.7348558, -73.982864), 'new york': (40.7127281, -74.0060152), 'pad thai': (40.749979, -73.9953383), 'mcdonalds': (43.056822749999995, -77.65236394148779), 'miya': (40.6123297, -74.1590516), 'wells fargo center': (40.9266903, -73.8529338), 'astor place': (40.7298803, -73.9915432), 'hat city': (41.488847050000004, -73.97556479334169), 'bank of america': (40.7889553, -73.9755886), 'enthaice': (40.7631303, -73.9213069), 'pacifico': (40.7519531, -73.8553226), 'locust': (43.207143, -73.818314), 'natasha': (43.545176, -73.412708), 'media': (40.7308619, -73.5990015), 'rocky hill': (42.6531357, -73.3801101), 'mart': (40.6853654, -73.8817483), 'casa mia': (42.6034365, -73.7917129), 'the new york times': (40.77541455, -73.83098624117696), 'ippudo': (40.7564517, -73.9804099), 'ferry st': (42.6594931, -73.7436356), 'hilton': (43.2881104, -77.7928574), 'west village': (40.7341857, -74.00558), 'shannon rose': (40.6576517, -73.669544), 'sally': (44.0245295, -73.8133514), 'cheers': (40.7184451, -73.9915928), 'midwest': (40.21492685, -85.40080619577384), 'taim': (40.757261400000004, -73.98589982948505), 'coney island': (40.57580705, -73.99217527476975), 'masa': (40.7685324, -73.9827663), 'farmington avenue': (43.133061, -73.760999), 'pabst': (40.8091529, -73.951096), 'maharlika': (15.1852346, 120.5835278), 'prada': (40.7244716, -73.99785), 'new yorkers': (40.7277612, -73.9885291), 'caldwell': (39.6852874, -93.9268836), 'walmart': (44.70748125, -75.45642084938663), 'national': (40.769839, -73.87507682236935), 'woorijip': (40.7474399, -73.9864528), 'seoul restaurant': (40.7477981, -73.9872728), 'philly': (42.651087, -74.05488), 'chipotle': (40.778899, -73.9811844), 'perkins': (40.5944238, -74.0870031), 'new orleans': (42.9527184, -78.8244541), 'shane': (42.841784, -74.883361), 'dixwell': (41.1604347, -74.0167006), 'socrates': (40.7682536, -73.93671154441708), 'blu': (40.7766224, -73.9890983), 'blue ribbon': (40.7261431, -74.0025063), 'dinosaur bbq': (43.0525611, -76.1546779), 'africa': (43.2086502, -77.6216354), 'sycamore': (41.468776, -74.587277), 'philadelphia': (44.154622, -75.708847), 'macarthur': (40.79580915, -73.09920085803961), 'ues': (40.7795539, -73.9507514), 'lays': (43.1620097, -77.5937421), 'harrison avenue': (40.9316015, -72.4156847), 'horus cafe': (40.727887, -73.982007), 'leone': (7.9631123, -11.7636869), 'yuca': (40.7262151, -73.9835939), 'franklin': (44.5599139, -74.3273735), 'colchester': (42.0437614, -74.956466), 'kearny': (40.645917, -73.722985), 'four seasons': (40.76230085, -73.97125668962013), 'kara kara': (42.83587, -73.773189), 'becco': (40.7562331, -73.9907792), 'mediterranean': (42.092351, -78.519885), 'york': (42.8711324, -77.885552), 'roosevelt': (40.678713, -73.5890168), 'edit': (41.6793603, -73.7755136), 'los angeles': (40.70065, -73.9434762), 'nicks': (43.6612287, -75.0022315), 'jersey city': (40.6724255, -74.0615774), 'cedar grove': (43.09725675, -77.77314641087179), 'franklin avenue': (40.6706813, -73.9579734), 'gramercy': (40.7355189, -73.9840794), 'shanghai': (40.7739606, -73.9578708), 'sri lanka': (40.7508984, -73.9711089), 'moshulu': (40.8759458, -73.8824637715088), 'bosphorus': (40.8420459, -73.7074282), 'washington avenue': (42.6936785, -73.832395), 'greek': (40.71014525, -74.01323004216525), 'hudson county': (41.46458935, -74.60635618060826), 'chinatown': (40.7164913, -73.9962504), 'geronimo': (41.96233825, -74.76541377278126), 'pratt street': (40.688363, -73.346938), 'wall street': (40.7059917, -74.0087767), 'phillies': (40.7218922, -73.8853859), 'wethersfield': (42.6521201, -78.2499588), 'grimaldi': (42.526356, -73.652177), 'wildwood': (40.9645426, -72.8120455), 'lava': (41.6167555, -75.0190565), 'istanbul': (40.6834178, -73.9672664), 'baltimore': (42.7353458, -76.1257596), 'di fara': (40.7070226, -74.0020088), 'roma': (42.310737149999994, -75.3941943793315), 'the united states': (40.750632, -73.9687884), 'allegro': (43.211216, -77.495946), 'india': (18.9585343, 72.8241587), 'new haven': (43.4797279, -76.3150179), 'tatsu': (40.7292566, -73.9858501), 'dominic': (40.84423925, -73.86789690682906), 'forno': (43.0854903, -73.7844739), 'the flatiron district': (40.7479801, -73.9900333), 'atlantic': (40.7562773, -73.9399521), 'newport': (43.185904, -75.014648), 'taqueria': (40.8015281, -73.9651497), 'leones': (28.7503578, -105.9873802), 'cafe': (40.7295267, -73.59347), 'mt fuji': (41.1286629, -74.1687246), 'queens manhattan': (40.75002325, -73.93634871866918), 'ironbound': (40.7205055, -74.1521222), 'new york times': (40.75589705, -73.98927342121596), 'jewel of india': (42.6565523, -73.7636655), 'michigan': (43.6036808, -75.5974057), 'canal street': (40.7184961, -74.0004678), 'china': (42.1448051, -75.4001772), 'turks': (40.7357449, -74.0073406), 'florence': (43.438462, -75.749359), 'bergen county': (43.0852666, -77.9418857), 'europe': (40.704476, -74.01381414642856), 'nam nam': (40.7072846, -73.9451042), 'edi': (40.7884792, -73.4794983), 'quiznos': (42.7624684, -73.7981843), 'p p': (-0.2143885, -78.511858), 'texas': (43.9850693, -75.504911), 'south orange': (40.684596, -74.0258722), 'N N am': (40.7127281, -74.0060152), 'west orange': (40.6905132, -74.0215822), 'united states': (40.7127281, -74.0060152), 'california': (44.1937112, -73.5953163), 'italy': (42.611735, -77.2919246), 'hollywood': (44.3786738, -74.7401858), 'fairmount': (43.0472886, -76.2385383), 'ani': (40.7250879, -74.0011413), 'wrapido': (40.7441181, -73.9952986), 'era': (42.7737131, -78.78690321060253), 'hartsdale': (41.0189863, -73.7981884), 'batavia': (42.9980144, -78.1875515), 'hanover': (42.5030037, -79.1058731), 'nyc': (40.7127281, -74.0060152), 'clifton': (44.2024023, -74.8863744), 'dim sum': (40.7033341, -74.0106724), 'oddfellows': (40.7031879, -73.9922568), 'westchester': (41.1763139, -73.7907554), 'tapatio restaurant': (41.4538101, -74.40129127802336), 'dee': (40.7924671, -73.4890481), 'rockefeller center': (40.75925755, -73.97995686116377), 'seoul': (40.7477981, -73.9872728), 'ny times': (40.75859705, -73.98619348708037), 'montgomery': (42.8941269, -74.4099745), 'mississippi': (40.7487192, -73.2418831), 'vermont': (42.6628388, -78.5291889), 'samosa': (40.7573714, -73.9288746), 'zeus': (40.756981, -73.221612), 'croatia': (45.88532, 16.4187937), 'england': (55.0252998, -1.4869496), 'naples': (42.6160647, -77.4030253), 'strike N': (40.761452750000004, -74.00096669089544), 'upstate': (40.7263224, -73.9864498), 'panorama': (43.1334393, -77.4923694), 'bella vista': (41.798016, -73.69451), 'seton hall': (40.91279975, -73.90799510799836), 'N guys': (42.1747673, -74.0214807), 'nypd': (40.7565143, -73.98638255), 'paramus': (40.9158741, -74.0594666), 'babbo': (40.7323821, -73.9991969), 'kingston': (41.9287812, -74.0023702), 'midwood': (40.6188823, -73.9654889), 'ardesia': (40.7660936, -73.9918024), 'ilili': (40.7443707, -73.98779), 'ihop': (40.6262859, -73.9175994), 'applewood': (40.9282209, -73.0397473), 'vanity fair': (40.7415348, -73.9814333), 'delmonico': (40.705042, -74.0102055), 'gaia': (41.43529235, -74.02129601357862), 'cici': (40.5440486, -74.1648212), 'halal': (40.7699473, -73.9881217), 'delhi': (42.2781401, -74.9159946), 'congress': (40.6869283, -73.9938592), 'milford': (42.5906322, -74.9451573), 'alma': (42.0125667, -78.0577834), 'jfk': (40.642947899999996, -73.7793733748521), 'la riviera': (40.646855, -73.528757), 'mexican cuisine': (40.8220752, -73.9076024), 'midtown manhattan': (40.7601132, -73.97816545086786), 'N state st': (44.619052, -75.408869), 'la va': (41.6378781, -4.7549485), 'elmhurst queens': (40.7365804, -73.8783932), 'habana': (40.7228449, -73.9942284), 'hudson': (42.2528649, -73.790959), 'italian': (40.76899215, -73.96582130369003), 'apple bees': (40.8661584, -73.8264042), 'east village': (40.7292688, -73.9873613), 'bcd tofu house': (40.7475091, -73.9860606), 'glastonbury': (43.0290971, -77.707679), 'pho N': (34.0143928, -117.898451), 'hawthorne': (41.1073184, -73.7959667), 'belgrade': (42.796419, -73.663041), 'carmine': (41.3664158, -73.7628325), 'joe': (40.759652, -74.0038925), 'little basil restaurant': (40.7410605, -73.9822863), 'claremont': (40.8087185, -73.964962), 'red hook': (40.6751032, -74.0095841), 'kefi': (40.7853507, -73.9727342), 'red cat': (40.7480925, -74.0041031), 'littleneck': (40.6773091, -73.9863131), 'butcher bar': (40.7643701, -73.9163184), 'devon': (40.9914899, -72.1070204), 'the garden state': (40.750512900000004, -73.99351594545152), 'abc': (40.77386385, -73.98086103128014), 'washington': (43.2294536, -73.4471343), 'bronx': (40.8466508, -73.8785937), 'upper east side': (40.7743831, -73.9646405), 'il bambino': (40.7629247, -73.9208479), 'N restaurants': (41.378009, 19.798606), 'picnic': (40.6880864, -73.9929817), 'osteria morini': (40.7219323, -73.9976726), 'republic': (34.9891172, 33.9807522), 'delaney': (41.1650949, -74.1987577), 'taqueria diana': (40.7142028, -73.9556881), 'boston market': (40.7395008, -73.785691), 'new jersey': (42.075346, -73.601633), 'sever': (42.6777569, -74.2237275), 'penelope': (42.4136834, -75.8951978), 'girard': (40.703648, -73.254435), 'tiffin': (41.1671118, -74.0234059), 'petite abeille': (40.7386662, -73.99449596721442), 'han': (28.47633575, -81.46915316998718), 'nutley': (40.7679696, -73.4883757), 'barcelona': (42.3403356, -79.5958808), 'center city': (14.7016101, 121.0068411), 'ferrara': (40.7191024, -73.9970647), 'las vegas': (41.37997265, -74.31213326881863), 'oaxaca': (40.6870989, -73.9903556), 'palmer square': (43.1740195, -77.6296119), 'hamden': (42.1911969, -74.9946083), 'ruben': (40.8602022, -73.9011543), 'mass': (43.404119, -76.590855), 'fuji mountain': (40.92299585, -73.76091073650767), 'gander': (43.07954605, -76.66774838576045), 'yuca bar': (40.7262151, -73.9835939), 'arthur avenue': (40.8512821, -73.8904641), 'l b spumoni': (40.5947235, -73.98131332751743), 'alaska': (40.886135, -72.988089), 'boroughs': (40.773784, -73.8692771), 'bloomfield avenue': (42.902687, -78.689485), 'christiana': (42.88572165, -73.94710882769347), 'saigon shack': (40.729691, -74.000637), 'vanderbilt': (40.75297175, -73.97854231036098), 'salinas': (40.7436469, -74.0031642), 'dartmouth': (40.737276050000006, -73.85799975007515), 'vietnamese': (40.7188406, -73.985309), 'jordan': (43.0653441, -76.4729927), 'triskell': (40.7556257, -73.9280317), 'thai': (53.5674522, -2.4741216), 'seasonal': (41.0479984, -73.7478043), 'the financial district': (37.7907613, -122.4028805), 'spuntino': (40.7428689, -73.6051979), 'ponderosa': (40.7922725, -73.4293086), 'pennington': (41.816354, -73.872614), 'paesano': (40.7185789, -73.997542), 'sunset park': (40.644337, -74.007532), 'ohio': (43.32243, -74.9786), 'russell': (44.4292998, -75.1501054), 'star tavern': (40.6514815, -74.014222), 'eataly': (40.742213, -73.9895802), 'ireland': (42.1786862, -75.9540872), 'flatiron': (40.741059199999995, -73.98964162240998), 'kafana': (40.7243534, -73.9784734), 'cia': (41.750059500000006, -73.93500951933598), 'barrel house': (43.29490945, -73.6367378503972), 'north brooklyn': (42.119233, -77.951272), 'halsey ave': (40.8054401, -72.6580003), 'cask': (40.745353, -73.9790274), 'gramercy tavern': (40.7383894, -73.988414), 'wilson': (43.309778, -78.82615), 'don pepe': (40.6511203, -74.0042708), 'momofuku': (40.7443392, -73.9987769), 'spice ii': (43.0728662, -78.8386312692987), 'bcd': (40.7475091, -73.9860606), 'flux factory': (40.7527012, -73.9350775), 'spain': (39.4932591, -0.3923117), 'trenton': (43.2554109, -75.1911199), 'catfish': (40.6741249, -73.9536267), 'bloomfield': (42.8950641, -77.4347128), 'cumberland street': (40.749172, -73.225254), 'bayonne': (40.7918916, -73.1730828), 'spotlight theater': (42.7398242, -78.1328178), 'pizza hut': (40.7297144, -73.8621461), 'balthazar': (40.7226578, -73.9981644), 'dominican republic': (40.7523481, -73.9744712), 'blend': (40.7453396, -73.9533797), 'bobolink': (42.56104, -74.19776990368987), 'ivy': (40.7376101, -73.85817195712023), 'atlantic city': (40.7562773, -73.9399521), 'flatbush': (40.6520481, -73.959027), 'Nish': (40.7093537, -74.008), 'sushi palace': (40.6560191, -73.6450255), 'southern hospitality': (40.7605282, -73.9913287), 'jones': (41.256589, -74.400926), 'massachusetts': (42.9124495, -78.88766274298784), 'brunch': (40.783395, -73.9799783), 'cielo': (40.6829298, -73.965919), 'clinton street bakery': (40.7211788, -73.9838832), 'green': (43.3634647, -73.7061809), 'francis lewis blvd': (40.7669566, -73.7903179), 'grand street': (40.7164338, -73.9883072), 'pathmark': (40.6354288, -73.93684759750955), 'ccse': (42.1571225, -78.73106699360247), 'state street': (40.7041836, -74.0142869), 'totonno': (40.578786199999996, -73.98380257792208), 'bartaco': (41.00209605, -73.660256503542), 'caribbean': (40.6855321, -73.9816749), 'indonesia': (-8.7283969, 115.1671214), 'taiwan': (40.714712, -73.9978045), 'san marzano': (40.7279733, -73.9883791), 'east river': (40.7810159, -73.9239577), 'l b': (-3.9445944, -79.2173379), 'honolulu': (41.685022, -74.087881), 'starr': (43.3450693, -75.2493342), 'joya': (40.6867006, -73.9936342), 'koreana': (42.9817352, -78.8235475), 'cinema village': (40.73394975, -73.99343458923641), 'rooftop N': (40.743554, -74.0108072), 'hillstone': (40.7580445, -73.9699967), 'hoboken': (42.6270181, -75.3223928), 'riverwalk': (42.0994424, -75.915653), 'grill': (47.0408092, 15.411728055801458), 'palo santo': (40.6768229, -73.9819324), 'hungary': (40.7738019, -73.9505415), 'avenue b': (40.7216209, -73.983736), 'tijuana': (40.6403724, -74.015039), 'gotham': (40.7262942, -73.9912929), 'buttermilk': (42.40633175, -76.51192382164066), 'bijan': (40.7327895, -73.992433), 'graham ave': (40.7145231, -73.9443875), 'taverna kyclades': (40.7752741, -73.9092283), 'barrio chino': (40.7179623, -73.9900046), 'ramen bar': (42.6608662, -73.7448313988406), 'almond': (42.3222916, -77.738327), 'lower manhattan': (40.7135482, -74.0054261), 'boston': (42.6289858, -78.7376213), 'wal': (44.92499025, -74.8776632877729), 'eno': (43.1081058, -76.460116), 'louisiana': (40.5860082, -73.6965144), 'lure': (40.7246694, -73.9983531), 'Nam': (47.2250549, 39.7304155), 'prime N': (41.4902681, -74.1779324), 'toronto': (41.6226783, -74.8301782), 'N fast food': (51.540089699999996, 0.08192645651586072), 'starbucks': (43.25253845, -77.69365430010987), 'broadway park': (40.738044900000006, -73.65932620813419), 'states': (40.7435215, -73.84472378323667), 'university of pennsylvania': (40.755382, -73.9816815), 'momofuku noodle bar': (40.7291869, -73.9843851), 'atlanta': (42.5542347, -77.4724875), 'alta': (48.0378872, 14.4175006), 'lida': (43.219286, -77.653789), 'do or dine': (40.6867747, -73.9547553), 'kuu': (40.7656902, -73.9577457), 'fdr grand st': (40.7132587, -73.9779097), 'yemen': (40.6341189, -74.0203512), 'hong kong supermarket': (40.71761, -73.996022), 'maine': (42.1925746, -76.0610361), 'barboncino': (40.6720806, -73.9572943), 'newcastle': (40.9218511, -72.8989984), 'forte': (40.696191, -73.669927), 'wayne': (43.1500557, -77.0377603), 'N chestnut street': (40.699234, -73.467732), 'harlem': (40.8078786, -73.9454154), 'buddakan': (40.7421638, -74.0048429), 'ritz': (42.8267371, -75.3968386), 'shoprite': (40.6267325, -73.97712097348416), 'park slope': (40.6701033, -73.9859723), 'bensalem': (40.070699, -74.948207), 'city market': (43.0453129, -76.1467046), 'new york city': (40.7127281, -74.0060152), 'gottscheer hall': (40.7068011, -73.9056815), 'totto': (40.765008, -73.9909984), 'hawaii': (41.682292, -74.086187), 'b b': (40.6322748, -73.7161589), 'sakura': (40.6019383, -73.934477), 'hill country': (40.7736157, -73.871733), 'clinton street baking company': (40.7211788, -73.9838832), 'bosnia': (40.7512153, -73.973147), 'montclair': (41.0509328, -72.3492497), 'the malt house': (40.7286081, -73.9993367), 'morris county': (42.5487379, -75.2452162), 'hooters': (40.7408217, -73.784295), 'lucas': (40.7298508, -73.9539766), 'blue bird': (42.149792, -73.590613), 'australia': (41.4809489, -74.7748382), 'mexico': (43.459514, -76.228818), 'bar bruno': (40.6834166, -73.999908), 'springfield': (42.8361841, -74.8534838), 'long island sound': (41.0508886, -72.94798981548601), 'quest': (40.6649851, -73.9851648), 'portugal': (40.912356, -73.83219), 'bourbon street': (42.5161, -75.510999), 'metropolis': (14.8927004, 120.7917436), 'cantina': (44.6696367, -74.9883811), 'oklahoma city': (40.7368731, -73.9778646), 'banh mi saigon': (40.7192547, -73.9967252), 'south street': (40.7102983, -73.9883192), 'uva': (40.7721955, -73.9556505), 'tribeca': (40.7153802, -74.0093063), 'lucy s': (40.7188932, -73.9589758), 'franklin ave': (40.6706813, -73.9579734), 'joju': (40.7407803, -73.879222), 'wikipedia': (8.391969249999999, -13.131562399820279), 'brooklyn': (40.6526006, -73.9497211), 'grand st': (40.7181616, -73.9937839), 'the south of france': (40.831752, -73.8662124), 'N c': (40.7127281, -74.0060152), 'sysco': (40.79197255, -73.18729716737161), 'the brooklyn bridge': (40.693848349999996, -73.98798893679572), 'turkey': (28.4485427, -81.476717), 'thai cuisine': (44.6675117, -74.99077797929479), 'home depot': (40.52907725, -74.22806571676239), 'N stars': (41.1342887, -72.3425785), 'stuy': (40.73185095, -73.97778284051762), 'chapel street': (42.6804834, -74.4852244), 'miles': (41.334006, -73.988619), 'costco': (40.7674182, -73.93918235906585), 'ditmas park': (40.63753425, -73.96340549923566), 'max': (40.7611058, -73.909353), 'la viola': (40.832831, -73.052288), 'laurel': (40.9695445, -72.5620344), 'al di la': (41.378009, 19.798606), 'yasuda': (41.928967, -74.0035342), 'broome street': (40.7181237, -73.9902319), 'cuba': (42.2175668, -78.2752927), 'malaysia': (40.7994604, -73.9677137), 'clinton st': (40.9956045, -72.2891717), 'thompson street': (40.9479711, -73.0569683), 'the lower east side': (40.7179303, -73.9888958), 'tavern': (40.7033938, -74.0113353057346), 'thailand': (12.9708955, 100.9058173), 'jackson': (43.097222, -73.3775), 'N bud': (40.759703, -73.92082), 'kickshaw': (40.7587851, -73.9183096), 'tinto': (40.7493237, -73.8895107), 'N restaurant': (41.378009, 19.798606), 'istanbul cafe': (40.8474996, -73.86741), 'hillsborough': (43.356462, -75.882793), 'bethwood': (42.716509, -73.771161), 'la masseria': (40.7608991, -73.986314), 'umi': (40.6242838, -74.1483367), 'percy street': (40.85394, -73.1948346), 'memphis': (43.0828444, -76.3771554), 'east': (43.1272336, -77.6172033), 'brazil': (40.735788, -73.86284326195508), 'bbq': (40.7480141, -73.9872738), 'san diego': (40.7570649, -73.872551), 'fulton street': (40.709426, -74.0065858), 'karma': (42.9324586, -78.8752426), 'nyse': (40.7070653, -74.01117614207921), 'sushi': (40.6352385, -73.9813542), 'windsor': (42.0759128, -75.640462), 'N franklin ave': (40.667186, -73.699823), 'leone restaurant': (40.7106227, -73.8651011), 'adega': (41.1608853, -73.8641617), 'dumbo': (40.7029052, -73.990118), 'baltimore ave': (40.6863577, -73.4634619), 'monks': (55.0367806, -1.4746493), 'fidi': (40.7081144, -74.0065237), 'phila': (43.0413038, -73.9059394), 'trumbull street': (42.7265353, -77.8745776), 'detroit': (40.8257269, -73.4127092), 'klong': (40.7293986, -73.9892603), 'shake shack': (40.7106146, -74.0090139), 'oyster house': (40.72237595, -73.0957720237013), 'morgan ave': (40.7062248, -73.9326982), 'candela': (43.159463, -76.133918), 'roosevelt island': (40.76133675, -73.95028526170718), 'parker quinn': (43.0939578, -75.2226576155164), 'san antonio': (40.6619515, -73.6994873), 'corner bistro': (40.7380383, -74.0037627), 'bluebird': (41.9172368, -73.6782315), 'hartford': (43.363967, -73.4052888), 'pennsylvania': (40.6646501, -73.894767), 'twitter': (43.3648365, -73.7127075), 'brooklyn bridge': (40.706217499999994, -73.99702079064284), 'fairfield': (43.13732, -74.913368), 'newark': (43.0467301, -77.0952516), 'greene bk': (40.6907711, -73.9766245), 'jefferson': (44.059311, -75.9995742), 'argentina': (40.73525775, -73.86258314633797), 'moes': (43.888629, -73.658317), 'bushwick': (40.6942696, -73.9187482), 'murray': (43.273504, -78.046872), 'motorino': (40.7104673, -73.9635085), 'vanessa': (42.754124000000004, -73.85128559205674), 'the meatball shop': (40.7182448, -73.9575407), 'mcdonald': (41.159823, -80.720391), 'cavanaugh': (42.7299435, -73.69831839978438), 'queens blvd': (40.7408573, -73.8997328), 'pos': (40.7644391, -73.9856707), 'N N': (40.7127281, -74.0060152), 'indian': (42.54957625, -77.69989065727702), 'ayce': (40.6311051, -74.00897173182189), 'portland': (42.37978, -79.467547), 'wooster street': (40.7270319, -73.9987176), 'danny meyer': (41.48994795, -74.21114100472329), 'el vez': (40.7147631, -74.0156301), 'perry st': (42.8758989, -78.8763526), 'geno': (40.685285, -73.9504078), 'teresa': (4.7273096, -74.0541764), 'paris cafe': (40.7072787, -74.0015417), 'camden': (43.334668, -75.747986)}\n"]}]},{"cell_type":"code","source":["#Turn that dictionary into a csv file\n","#CoordinatesFilename = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/FakeCoordinateList.csv'\n","CoordinatesFilename = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_FakeCoordinateList.csv'\n","\n","with open(CoordinatesFilename, mode='w', newline='') as file:\n"," # Create a CSV writer object\n"," writer = csv.writer(file)\n","\n"," # Write the header row\n"," writer.writerow(['row_id','name', 'latitude', 'longitude'])\n"," row_id = 0\n","\n"," # Write the data rows\n"," for name, (latitude, longitude) in coordinates_dict_fake.items():\n"," writer.writerow([row_id, name, latitude, longitude])\n"," row_id += 1\n","\n","print(f\"CSV file '{CoordinatesFilename}' created successfully.\")"],"metadata":{"id":"sHuZpSqRBzMX","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716530517192,"user_tz":420,"elapsed":174,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"27def88f-5a4d-4618-a951-fae869ce5f12"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["CSV file '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_FakeCoordinateList.csv' created successfully.\n"]}]},{"cell_type":"code","source":["state_frame = pd.read_csv(CoordinatesFilename)\n","\n","\n","# construct list of names and coordinates from data\n","name_list = []\n","coordinate_list = []\n","for i, item in state_frame.iterrows():\n"," name = item[1]\n"," lat = item[2]\n"," lng =item[3]\n"," name_list.append(name)\n"," coordinate_list.append([lng,lat])\n","\n","\n","# construct KDTree out of coordinates list for when we make the neighbor lists\n","import scipy.spatial as scp\n","\n","ordered_neighbor_coordinate_list = scp.KDTree(coordinate_list)"],"metadata":{"id":"sMjMgkwIBzOt"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["state_frame"],"metadata":{"id":"T_EjZXoDBzQs","colab":{"base_uri":"https://localhost:8080/","height":424},"executionInfo":{"status":"ok","timestamp":1716530523184,"user_tz":420,"elapsed":226,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"347e4975-2013-4aa7-dfbb-88ea590f6abf"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":[" row_id name latitude longitude\n","0 0 aurora 42.732450 -78.631554\n","1 1 queens 40.713508 -73.828313\n","2 2 hoboken 42.627018 -75.322393\n","3 3 habana 40.722845 -73.994228\n","4 4 wethersfield 42.652120 -78.249959\n",".. ... ... ... ...\n","106 106 wikipedia 8.391969 -13.131562\n","107 107 brooklyn 40.652601 -73.949721\n","108 108 batavia 42.998014 -78.187551\n","109 109 the south of france 40.831752 -73.866212\n","110 110 rooftop N 40.743554 -74.010807\n","\n","[111 rows x 4 columns]"],"text/html":["\n","
\n","
\n","\n","\n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n","
row_idnamelatitudelongitude
00aurora42.732450-78.631554
11queens40.713508-73.828313
22hoboken42.627018-75.322393
33habana40.722845-73.994228
44wethersfield42.652120-78.249959
...............
106106wikipedia8.391969-13.131562
107107brooklyn40.652601-73.949721
108108batavia42.998014-78.187551
109109the south of france40.831752-73.866212
110110rooftop N40.743554-74.010807
\n","

111 rows × 4 columns

\n","
\n","
\n","\n","
\n"," \n","\n"," \n","\n"," \n","
\n","\n","\n","
\n"," \n","\n","\n","\n"," \n","
\n","\n","
\n"," \n"," \n"," \n","
\n","\n","
\n","
\n"],"application/vnd.google.colaboratory.intrinsic+json":{"type":"dataframe","variable_name":"state_frame","summary":"{\n \"name\": \"state_frame\",\n \"rows\": 111,\n \"fields\": [\n {\n \"column\": \"row_id\",\n \"properties\": {\n \"dtype\": \"number\",\n \"std\": 32,\n \"min\": 0,\n \"max\": 110,\n \"num_unique_values\": 111,\n \"samples\": [\n 78,\n 10,\n 4\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"name\",\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 111,\n \"samples\": [\n \"metropolis\",\n \"baltimore ave\",\n \"wethersfield\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"latitude\",\n \"properties\": {\n \"dtype\": \"number\",\n \"std\": 7.987802706276533,\n \"min\": -3.9445944,\n \"max\": 44.1937112,\n \"num_unique_values\": 104,\n \"samples\": [\n 40.7202523,\n 40.7555436,\n 40.7056487\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"longitude\",\n \"properties\": {\n \"dtype\": \"number\",\n \"std\": 25.691100656124533,\n \"min\": -79.2173379,\n \"max\": 120.7917436,\n \"num_unique_values\": 104,\n \"samples\": [\n -73.9998945,\n -73.98468630439257,\n -73.9216186\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n }\n ]\n}"}},"metadata":{},"execution_count":69}]},{"cell_type":"code","source":["## Get top 20 nearest neighbors for each entity in dataset\n","#with open('/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/SPABERT_data_fake.json', 'w') as out_f:\n","with open('/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_SPABERT_data_fake.json', 'w') as out_f:\n"," for i, item in state_frame.iterrows():\n"," name = item[1]\n"," lat = item[2]\n"," lng = item[3]\n"," coordinates = [lng,lat]\n","\n"," _, nearest_neighbors_idx = ordered_neighbor_coordinate_list.query([coordinates], k=21)\n","\n"," # we want to store their names and coordinates\n","\n"," nearest_neighbors_name = []\n"," nearest_neighbors_coords = []\n","\n"," # iterate over nearest neighbors list\n"," for idx in nearest_neighbors_idx[0]:\n"," # get name and coordinate of neighbor\n"," neighbor_name = name_list[idx]\n"," neighbor_coords = coordinate_list[idx]\n"," nearest_neighbors_name.append(neighbor_name)\n"," nearest_neighbors_coords.append({\"coordinates\": neighbor_coords})\n","\n"," # construct neighbor info dictionary object for SpaBERT embedding construction\n"," neighbor_info = {\"name_list\":nearest_neighbors_name, \"geometry_list\":nearest_neighbors_coords}\n","\n","\n"," # construct full dictionary object for SpaBERT embedding construction\n"," place = {\"info\":{\"name\":name, \"geometry\":{\"coordinates\": coordinates}}, \"neighbor_info\":neighbor_info}\n","\n"," out_f.write(json.dumps(place))\n"," out_f.write('\\n')"],"metadata":{"id":"zQvlNivtBzS7"},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":["Real Review Section"],"metadata":{"id":"qdZii78n_Uwm"}},{"cell_type":"code","source":["#MODIFIED VERSION. ONLY PULLS UNIQUE GEO-ENTITIES AND NOT THE SENTENCE.\n","#Create two lists that will hold spatial and non-spatial reviews.\n","geo_entities_list_real = [] # List to hold geo-entities\n","index = 0\n","\n","#comment out when not making a test set\n","examples_real = examples_real_test\n","\n","#For every review in the fake review list, check to see if it has any Geo-Entities that are defined below.\n","for entry in examples_real:\n"," index+=1\n"," review = entry[0] #The actual review\n"," if True:\n"," print(\"Sentence \" + str(index) + \": \" + entry[0] + \"\\n\")\n"," doc = nlp_trf(review)\n"," # for each Geo-Entity found in this sentence\n"," print(\"Geo-Entites in Sentence \" + str(index) + \": \")\n"," for ent in doc.ents:\n"," if ent.label_ in ['FAC', 'ORG', 'LOC', 'GPE']:\n"," geo_entity = ent.text\n"," geo_entities_list_real.append(geo_entity) # Append the geo-entity to the end of the list\n"," print(geo_entity)\n"," #break\n"," print(\"\\n\")"],"metadata":{"id":"kZgzsGdrBzVD","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716530792872,"user_tz":420,"elapsed":180402,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"93612ef9-77c7-40d7-cc87-b30a8a34d459"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Sentence 1: we went here over the weekend . i have been to houston ' s in orlando and so was expecting a good dining experience . they certainly delivered good food and service to our table of N . amongst us we tried the steak and the seafood offerings along with some sushi for the appetizers . our waiter seemed new but was certainly pleasant and made up for his lack of experience with his enthusiasm . the atmosphere was typical to most upscale steakhouses - dim lighting , leather and plenty of wood . something small that bothered me was the way the hostess dealt with a specific situation about attire . we were all dressed appropriately and during the course of dinner i was presented with a baseball cap . i tried it on briefly and had it on for less than a couple of minutes when the hostess swung by and informed me rather loudly that i was in violation of their dress code . i had no issue with the request but the manner in which it was conveyed could have been more subtle . i complied with the request but was in two minds about responding back to her with matching decibels . at the end , i decided to not escalate the situation overall , i would repeat . \n","\n","Geo-Entites in Sentence 1: \n","houston ' s\n","orlando\n","\n","\n","Sentence 2: i ' m probably one of the three philadelphians who has never been to tria ( yeah , i know ) but i did get a chance to check out tria taproom a few saturdays ago . my overall impression was that it is a really cool spot to hang out , relax , have some snacks , and drink some good beer . we had a reservation but two of us ( of a party of five ) arrived N minutes early . they were able to seat us within a few minutes and didn ' t give us the whole \" we can ' t seat you until your entire party is here \" nonsense . . . it was a N for service at that point . on that note , throughout the night , service was excellent . like many others have mentioned , all the beers are listed on an ipad , which gives a description and the percentage of availability . i thought this would be cooler than it actually was . i was feeling unadventurous and went with just a allagash witbier-- heavy winter beers aren ' t really my thing--- but the others in my group enjoyed their selections . as for the food , there are a number of small plates , flatbreads , and cheeses . this is definitely more of a \" snack \" place rather than a \" meal \" place . we tried a sausage flatbread and some cheeses ( with accompanying honeys jams etc ) , all of which were very tasty . the prices are on the higher side , but this is rittenhouse . this wouldn ' t be an every night of the week destination for me , but i think it is a perfect location for a small gathering of friends that want to enjoy some quality beverages with some quality snacks \n","\n","Geo-Entites in Sentence 2: \n","tria\n","tria\n","rittenhouse\n","\n","\n","Sentence 3: better than any food market ( whatsoever , bar none ) in new york city , period . its not just the gazillion-and-a-half food choices ( either for dining there , on-the-spot ) or for shopping-to-bring-home-and-cook-later . its not the tantalizing cornucopia of meats , fish , cheeses , pies , chocolates , breads , etc . its not the staggering array of fresh vegetables brought in from the farms of pennsylvania ( not just the amish but all the other independent local farmers , a heartwarming thing to see ) . its not just the grand old building the whole market is housed in the excitement and babble of people ooohing and aaahing and enjoying themselves . i think its the people . you can ' t find this kind of cheerful , authentically warm people experience in new york city . the market here is just as crowded as places in new york but here--everyone gets along . everyone is genuinely in a good mood with everyone else . no issues no hang-ups no grumbling or annoyance . no angst no tension . among the customers and also the staff behind each counter . its just a one-of-a-kind food experience . i love you , philadelphia ! \n","\n","Geo-Entites in Sentence 3: \n","new york city\n","pennsylvania\n","new york city\n","new york\n","philadelphia\n","\n","\n","Sentence 4: the anchor is a strange sort of beast . i ' ve been countless times , and yet the more i go , the less certain i am how to review it . is it a dive bar ? a hipster joint ? a place for yale grad students to switch it up so they don ' t spend their whole lives at gypsy ? do you even dare eat the food ? this place looks like it came straight from the N ' s . the decor is like a weird diner , with neon lights stretching across the bar and an old-school jukebox . even the waiters are generally dressed impeccably and seem like a throwback to a bygone era . the drinks , especially the cocktails , are quite good . there are cheaper drinks in the city , but they ' re not unreasonable and the service is generally decent . so why not a higher rating ? well , for one , it ' s sort of a weird place to try to be social . if you aren ' t meeting people there , it ' s not the kind of place that ' s easy to stand around and socialize because everybody is kind of crammed into ( admittedly awesome ) booths . and the bar area is quite small . so there ' s that . also , in the winter , there appears to be some sort of magical properties to the door whereby opening the doors drops the temperature inside by about N degrees . you wouldn ' t think it ' s possible , but i ' m not sure i ' ve ever felt comfortable in there during winter . which is kind of a drag . overall , the anchor is a pretty cool place with pretty cool drinks and a pretty decent atmosphere . it won ' t knock your socks off , but it ' s reliable and consistent . sometimes , that ' s all you really need . \n","\n","Geo-Entites in Sentence 4: \n","yale\n","gypsy\n","the N ' s\n","\n","\n","Sentence 5: although i can ' t give N stars , i don ' t hesitate to give N stars . the fact that i have brought N different parties of family friends there over the past N years should tell you that i ' m a big fan of hearth . that may not seem like many times , but i live in the san francisco area and have only been to new york N times in the past two years ! if you get to hearth early , you may want to sit at \" the pass \" , which is a small area with four stools where you can dine while looking into the kitchen . no reservations , just first come . the kitchen is surprisingly quiet and functions like a swiss watch , with hardly a word between the staff . in fact , you might compare it to a ballet . everyone knows their part and executes their performance flawlessly . i have always ordered the prix fixe meal with paired wines , and have never been disappointed . order a plate of gnocci to share . . . so delightfully light and flavorful ! if you ' re lucky , you ' ll be there on a night when jordan frosolone , the chef de cuisine is managing the kitchen . he is a delightful gentleman . i can ' t wait to go back on my next trip to new york ! \n","\n","Geo-Entites in Sentence 5: \n","hearth\n","san francisco\n","new york\n","hearth\n","new york\n","\n","\n","Sentence 6: i was surprised that i hadn ' t eaten one of the top N ranked cheesesteaks in philly and so we made the trek out here to check it out . while we were waiting to order at the counter in the back , i could see that this place has a strong neighborhood feel to it ( especially that drunk guy in the eagles jersey that kept shouting \" best cheesesteak in philly \" woooooooo ! ) and lots of loyal local customers ( the place was packed ) . we hovered around the diner area to grab seats and we waited for our sandwiches to come out . when we had placed our order , i saw the huge mountain ribeye already cooked and just sitting on the grill . tsk tsk , not made to order . joe was not a fan of his cheesesteak . the meat had no flavor and they cooked the provolone within the meat and so we when he was eating , he could barely tell the provolone was there . while they give you a lot of meat , it is quite flavorless . my sandwich had the opposite problem of joe ' s , it was swimming in whiz . i like that jim ' s puts the whiz on the bread and meat on top . lot less messy then when you ' re trying to bite the sandwich and you get whiz all over your face . even the bread wasn ' t impressive . i ' m surprised that this place is ranked as one of the top N cheesesteaks in philly , very surprised . it definitely doesn ' t make one of my top N \n","\n","Geo-Entites in Sentence 6: \n","N\n","philly\n","eagles\n","philly\n","joe ' s\n","jim ' s\n","philly\n","\n","\n","Sentence 7: a couple months ago , wing l . issued a spicy challenge to amy s . and me to eat peaches hothouse ' s famous spicy fried chicken . we both gladly accepted and then later threw a wrench in his plans by N ) amy got sick the day of and N ) at peaches , i calmly announced that i did not care for fried chicken was going to eat something else . i don ' t disllike fried chicken , but given a choice of fried chicken and something else , something else will almost always win . fried chicken is what i eat when i don ' t see anything else i want . after wing stared at me in disbelief , he asked me what i was there for then . \" the sides . \" i had looked at the menu and i was way more excited about the sides than i was for any of the main entrees . \" the sides , \" he repeated . \" yes , i want all of them ! \" i gestured grandly . thankfully sandy c . and sallina were game so we got all eight sides -- collard greens , grilled asparagus , sauteed kale with garlic , creamed corn with bacon , french fries , mashed potatoes , creamy grits , and macaroni and cheese . they really know how to cook their greens , so that they ' re tender , but not mushy . i loved the collard greens , just a touch spicy to give it a nice kick . i would happily come back down to peaches for their greens and the french fries ( they don ' t look like much , but they have the perfect crispy exterior and mealy interior that you want in a fry ) . the creamed corn was very fresh , but i wasn ' t as enamored with it as everyone else at the table . mashed potatoes are good , but didn ' t distinguish itself from other mashed potatoes that i ' ve eaten , macaroni and cheese was okay ( preferred a creamier and cheesier sauce ) , and the grits needed more salt . while sandy , wing , and sallina were chowing down on fried chicken , i had the boneless short rib . very tender and good . thankfully they provided extra bbq sauce because by itself the short rib lacked flavor . i got to taste wing ' s \" extra spicy \" chicken . very crispy and crunchy . fried perfectly as it was not at all greasy and oily . juicy meat . it was indeed spicy , but nothing that wing and i would call extra spicy . the server told us that if we wanted it even spicier to order it \" owner ' s box \" next time . all of us also got the blueberry smash ( muddled blueberries in a strawberry lemonade ) , which was utterly delightful . i made mine more delightful by having vodka in it . next i ' ll try it with bourbon . getting down to peaches from astoria took about N hr and N mins by train . a long ride , but i would say the food ( and company ) were definitely worth it . but what makes it really worth going down to peaches is that a few blocks away , there ' s a hair salon that also does tummy tucks . as my friend said , \" you can get blown out and sucked in at the same time . \" now that ' s service . \n","\n","Geo-Entites in Sentence 7: \n","peaches hothouse '\n","peaches\n","wing\n","wing\n","peaches\n","astoria\n","\n","\n","Sentence 8: i have come to the conclusion in the past few years that brooklyn is a delightful borough , as are certain restaurants and le p ' tit paris bistro is certainly one of them ! one of my friends took another friend and i out here for brunch this past saturday . our main motivation for coming was that this place offers N bottomless mimosas ( or N bottomless coffee , juice or teas ! ) . the menu was small but managed to offer a wonderful selection of food for nearly every taste . i chose the french toast while my friends order the ham and cheese crepe along with onion soup . the mimosas were refreshing and delicious and my friends and i could have sworn they got stronger throughout our brunch . my french toast came and my mouth was exploding ! my french toast was a delightful combination of raspberry sauce , maple syrup and a light dusting of powdered sugar along with apples , pineapple and raspberry . it was a little bit of french toast heaven in every little bite ! ( i say little as this meal was actually served as little tiny pieces of french toast , but don ' t let the portion fool you ! however if you have a larger appetite , this may not be the right portion for you . . ) my girlfriends were loving their meals however they both agreed that there was just too much ham . the ham itself was nice , however it was just too much . the onion soup apparently hit the spot on that cold afternoon ( yes , i know , it ' s may ) and was delicious as well . throughout our meal , my girlfriends switched from team mimosas to team red sangrias . i had a sip and it was not finlay approved however they both liked them . i , of course , stuck with the finlay approved mimosas . we enjoyed the drinks so much , we ordered desert creme brulee . the creme brulee was like eating the katy perry \" hot n cold \" song . overall , the service was outstanding , the food delicious and the drinks were a flowin ' without any feeling of being rushed or being told your bottomless drinks were finished . i told my boyfriend that we should come here but honestly , i don ' t mind who i come with because what i do know is that i definitely want to come back here again ! \n","\n","Geo-Entites in Sentence 8: \n","brooklyn\n","le p ' tit paris bistro\n","finlay\n","finlay\n","katy perry\n","\n","\n","Sentence 9: one of my coworkers was raving about this place so i decided that i would give it a shot . when i arrived , there was a line out the door and a delicious smell emanating from inside . . . . oh man , that smell ! i got in line and before i knew it , i was at the front placing an order for a veggie burrito bowl . ( i couldn ' t stomach red meat on that particular day ) . the service was a little aggressive but i can ' t pinpoint anything that struck me as particularly negative . i filled up my bowl with rice , veggies , and guacamole and paid for my meal . the entire process took less than five minutes -- a total godsend during the lunch rush . since there weren ' t any open tables in the restaurant ( it sure is pretty small ) , i took my meal back to my office . opening up the container in the office , i got a whiff of that wondrous tres carnes smell . i dug in and from the first bite , i thought i had found love . forget chipotle , tres carnes is where it ' s at ! i ended up finishing the entire thing and falling into a fantastic food coma . admittedly , i ended up with a stomach ache a couple of hours later because of how much food i ended up inhaling in such a short period of time . it was totally worth it though ! \n","\n","Geo-Entites in Sentence 9: \n","tres carnes\n","chipotle\n","tres carnes\n","\n","\n","Sentence 10: not joking , best thai noodle i ' ve had in the states . i ' ve had a lot of really good thai food , with majority of them in thaitown la , but pure thai ' s noodles beat any of them , any time ! i got the ratchaburi crab pork dry noodles , which came with handmade egg noodles , roasted pork , lump crab meat , yu choy , and scallion . all the topping ' s great , and that roasted pork is just right , with a ton of flavor , but the star is handmade egg noodles . it definitely makes the dish ! the texture ' s awesome , and with the seasoning and sauces they add , it is perfect . i don ' t think i ' ve ever ate a bowl of noodle that fast ! it ' s not a big bowl and i could ' ve killed two just by myself . . . i also asked for a side of the soup . nothing too special . had a few bites of the krabi ' s seafood noodles soup and the fried rice with lump crab meat . the krabi ' s very good too with a nice kick . there ' s a warning on the menu that it can be really spicy , but she got it medium haha . as for the fried rice , just really really solid fried rice , and you can really see the clumps of crab meat . we also tried the grilled chicken satay and the shrimp calamari herb salad . chicken satay came with this great peanut sauce . for the salad , we were thrown off a little by the strong ginger in the dish , but it was an explosion of flavors . service was great . they constantly checked on us and refilled our waters . we came here around Npm , the place was still packed , and we ended up waiting for another N minutes . it was definitely worth the wait though for the noodles . \n","\n","Geo-Entites in Sentence 10: \n","states\n","thaitown la\n","thai\n","\n","\n","Sentence 11: my boyfriend and i are pretty much nocturnal lately and we ' re constantly on the look out for places that are open later in the night . it was Npm on a thursday night and we decided we would brave the cold and go out for some food and some drinks . since i was craving mexican , we immediately thought of going to mad mex . but for some reason , we decided that we wanted to try something new . so of course , we headed to yelp and found this gem of a place . i wanted to try it right away because it had over N reviews , averaged at a full four stars and since when do i doubt yelpers ? this place is incredible . it ' s beautiful- very well decorated , great lighting ( mostly thanks to the candles flickering all over ) , and its even got a jukebox . the margaritas are some of the best we ' ve had and their mojitos are pretty good as well . we tried the mango margarita and mojito , passionfruit margarita , and the prickly pear margarita . all four drinks were spectacular but i especially loved the prickly pear margarita- def give it a try if you go ! all four drinks were N dollars each . on our next visit , we ' re probably going to get a pitcher and save a couple dollars . for food , we figured we ' d just share an entree . . . bad idea . we got the chicken enchiladas and we devoured it . and when i say devoured , i mean devoured ! the dish was gone in five minutes . my boyfriend declared it to be the best enchiladas he ' s ever had . i , personally , don ' t think they were the best but they were def in the top three . you need to try them ! ( tip if you like spicy food , ask for jalape o ( N . N extra ) and use the sauces at the table . ) at N dollars , the dish was a bit too overpriced in my experience but it was yummy enough that i wasn ' t going to complain . oh ! also , they also provide each table with chips and two salsas . the rojo salsa was so-so but the verde salsa was so friggin ' good . its made with cilantro , lime , and tomatillos and you ' re going to eat the whole bowl without even realizing it . ( but don ' t worry , they ' ll bring you another one ! ) the service was okay . it wasn ' t that busy when we went in and there seemed to be one waitress working so we weren ' t expecting super fast service . still , she refilled our water often enough so we can ' t complain . we were pleasantly surprised by our experience . the ambience , the margaritas , and the enchiladas were worth the late night trip to Nnd street . as someone who prefers eating mostly vegetarian ( with some chicken thrown in only for my boyfriend ' s benefit ) , i can see myself returning here and trying out their vegetarian options . . . and more margaritas , of course . \n","\n","Geo-Entites in Sentence 11: \n","mad mex\n","yelp\n","Nnd street\n","\n","\n","Sentence 12: yes dorothy , we are not in kansas anymore . yes , dorothy , this is Nth avenue , we are still in manhattan . yes , dorothy , your iphone will still work on the western frontier . . . many of the reviews call this a neighborhood gem . it is a gem . . . i am not so sure about the neighborhood part . now for the details . my wife and i were staying at the westin on Nrd and Nth ave . - we were looking for a late dinner that we could walk to . after trolling around on yelp , i settled on print . it was new , well reviewed , farm-to-table and only N blocks away . we were not disappointed . it is the restaurant in Nhotel - a new krimpton property . the decor is appropriately trendy and the crowd was a mix of young , hip , business and older ( we fall into the later two categories ) . the dining room is comfortably decorated , albeit a bit noisy ( don ' t come if you want to make quiet conversation ) . the service was professional and polished - our server knew the menu and had opinions ( i like that ) . my manhattan was spot on . the wine list was reasonable . the food was everything it was billed to be . sparkling ingredients presented in a way to lets their flavors shine . ( they have a professional forager on staff ) , the dishes use thoughtful combinations of flavors and textures that are artfully presented . the seafood is perfectly prepared ( we did not have any meat courses ) . my wife had octopus - delicious . i had the halibut . i don ' t particularly like halibut , but it was that seafood main that the server recommended . it was delicious . our meal was so delicious , so pleasant , so relaxing . . . . on the way out , i made a reservation for the following day at Npm . it is a perfect place for a business lunch . and yes , even though it is at the western frontier . . . you can always find a taxi to take you back to civilization ! note lunch time bartender was not as skilled as the evening one . i had to send the first manhattan ' s back and was resigned to drinking the replacement despite its flaws . to the credit of the manager - he was mortified by these events . he personally made me a manhattan and hovered until i approved it . he really did care . . . \n","\n","Geo-Entites in Sentence 12: \n","kansas\n","Nth avenue\n","manhattan\n","westin\n","Nrd\n","Nhotel\n","krimpton\n","Npm\n","manhattan\n","\n","\n","Sentence 13: this place needs a restaurant rescue . it was my girlfriend ' s birthday and we hadn ' t been downtown for dinner in sometime . so on a saturday night at a quarter past N we walked into the vermont pub and brewery . it was slamming busy . from the moment we entered there were people everywhere and servers were buzzing about . after checking in at the hostess stand and being told it would be about N-N minutes for a table we accepted the blue electronic table pager . we squeezed into a couple of stools in the bar area and studied the enormous menu . the pager went off after about N minutes and we were seated . but the seating was terribly cramped . the adjoining table was right on top of us . every time someone got up they bumped into my girlfriend . anyhow , we ordered N cajun calamari ' s for an appetizer when our waiter took our drink orders . the calamari arrived and i guess i was thankful for the little oil fired lamp that provided barely any light to us . the calamari was a small , meager portion fried in oil that had seen better days . the squid was dark and oily . i ' m going to say in addition to the contaminated fry oil that whoever cooked the squid did not let the oil get back up to the required N degrees cooking temperature . the glut of oil on the plates would have qualified for epa superfund status . now , on to the entrees . i had order the grilled salmon with a double side of b arnaise , broccoli and garlic mashed potatoes . my dining companion had order the greek prepared scrod with sweet potato fries . my salmon was actually pretty ok . it was grilled properly and flavorful . the sides were problematic . i was served horseradish mashed not the garlic that was ordered and all the sides were ice cold . the dish served to my girlfriend had issues as well . about one third of the scrod portion was laid out side of the baking dish . it had become molded to the side of the dish during the baking and was completely dried out and inedible . the sweet potato fries were the only saving grace to the dinner . they and the honey mustard dressing were both very good . with tip we were out of there for N . N . it was a disappointing meal and service . i would advise you to look elsewhere if you want more than burger and beer . \n","\n","Geo-Entites in Sentence 13: \n","epa superfund\n","\n","\n","Sentence 14: when get fresh first opened i swore i would never set foot in the place . then it was a market , not a restaurant , and had these ridiculously sparsely filled fridges of prepared food . i just thought the whole concept was absurd and silly and i vowed to never go there . i think they got wind of the fact that their original concept was silly and changed their vision more to restaurant than market ( though there are still some things for sale , which i ' m ok with ) . so when b . suggested we go out for breakfast for something \" fresh \" and yummy , this place came to mind . i knew that mark \" i don ' t think tom likes me \" from top chef was now the chef here , too , and i was curious to see what it was all about . the brunch menu is pretty modest . they have a bread basket , some egg dishes , a blt , a breakfast burrito , a pork sandwich and huevos rancheros . i think that may be it . there wasn ' t anything that jumped out at me on it . i settled for the braised pork sandwich , which they were apparently out of so they ' d made it with chicken instead . it ' s served with farmstead cheese , bean spread and roasted red peppers with a small side salad . it was good , not amazing , but i especially liked whatever they did with the peppers . they were nicely sweet and good . i think the pork , the way it ' s usually prepared , would be richer and maybe yummier than the chicken . b . got the huevos rancheros because i think it ' s physically impossible for him not to order it when it ' s on a menu . it is his favorite thing ever . it looked good , but in a healthy way . and i think he was a little let down by that . i think when you order huevos rancheros , healthy may not be what you ' re going for . that said , i tend not to like the greasiness of huevos rancheros and this was a dish i might actually like . instead of refried beans there were these yummy looking pale green beans ( i don ' t know what kind ) that were very appealing to me . overall i thought the food was pretty simple and fine , but nothing to rave about . i did really like their garden area . it was peaceful and comfortable and i ' m sort of intrigued to try it again at dinner time . but i probably won ' t be back for brunch . \n","\n","Geo-Entites in Sentence 14: \n","get fresh\n","\n","\n","Sentence 15: i was feigning for some comfort food ( living in connecticut , but from massachusetts ) and was whining about now finding delicious pho since it was raining and dreary out . a friend ' s boyfriend ' s parent ' s ( haha , the deadly chain ) own the place and that ' s how i was referred to this joint . she said her boyfriend ' s parents ' restaurant was amazing and that i needed to try it . i ' m not familiar with east hartford so the first few times i went i got lost . . go figure . the lot is very small and kinda oddly placed- good luck with parking . my h and i have eaten in-restaurant and have also ordered soup to-go on many , many occasions . it ' s never hit-or-miss , but always very , very tasty . also , i ' ve never come when it was excruciatingly busy and nor have i ever had to wait for a seat or pick up my food . the owners are very kind and happily accommodate my very-asian wishes ( cha-kwai chinese fried crullers anyone ? ) . overall , this place serves the best broth in the general hartford area . i ' m not a fan of the thick noodle , but it is really very , very good stuff . \n","\n","Geo-Entites in Sentence 15: \n","connecticut\n","massachusetts\n","east hartford\n","cha-kwai chinese fried crullers\n","hartford\n","\n","\n","Sentence 16: kenscale N . N N farm-to-table cuisine has been one of the most overused lingos in today ' s culinary world . what does it exactly mean ? i ' ve been to some outstanding places like mas farmhouse that emphasize fresh and seasonal ingredients , and have been to some others that were underwhelming . sometimes , i felt the latter tried too hard to impress the crowd instead of returning to the basic principles of what makes a meal pleasant . delaware and hudson is one of those restaurants that sticks to this principle almost to a fault , but in a good way . headed by patti jackson , it has quickly gained acclaim since its opening as a perfect neighborhood restaurant in williamsburg showcasing classic american fare . i ' ve always been wanting to visit this place , especially with a tasting menu at N per person that sounded too good to be true . overall , i had a very pleasant dinner . the tasting menu started with a bunch of appetizer dishes . they all look pedestrian in display but i enjoyed every one of the dishes , from the aromatic parsnip and apple soup to silky smooth pretzel rolls to cheese ball and relish plate that worked together very well . house cured duck pastrami with cherry mustard was somewhat ordinary , but i couldn ' t stop enjoying the salt cod croquettes . next came the butternut squash and ricotta dumplings with sage butter , whose modest use of seasoning perfectly fit my taste . i would say the main courses were slightly less impressive than what came before . while the pot roast of beef with sweet potato puree and saut ed broccoli rabe was nicely cooked , i couldn ' t identify one single element from flavor or texture that stood out . black sea bass with cauliflower puree , romanesco and almonds was another solid dish but it was difficult to pinpoint why this dish didn ' t cross the level of mind-blowingly amazing . next came the dessert of white bean panna cotta with chocolate cake , which i enjoyed very much . by the time the finishing touch of an assortment of small dessert bites arrived , i was beyond stuffed . talking about a bang for the buck ! i absolutely loved the d cor of the dining room , a perfect neighborhood spot with a little bit of brooklyn charm here and there . the restaurant serves beer and wine , so make sure to order a glass or two to complement your meal . the restaurant ' s dining space is relatively small ( and cozy ) , so make sure to book about a week in advance . delaware and hudson has everything that i would want in a restaurant for my neighborhood . if my neighborhood ( midtown east ) , which is sadly lacking many good restaurants , had more and more of these places , i might not get away as often to other neighborhoods in the city that are considered culinary centers of nyc . \n","\n","Geo-Entites in Sentence 16: \n","kenscale N . N N\n","mas farmhouse\n","delaware and hudson\n","williamsburg\n","N\n","brooklyn\n","delaware and hudson\n","nyc\n","\n","\n","Sentence 17: stopped by last night ( thu N N N ) . my friend and i ordered the hillbilly peach iced tea , berry shine ( ? ) , the beer mussels and the sweet potatoes fries at the bar . . . then it went all downhill from there . . . . if i don ' t go back to jj bootleggers , it will be because of the poor service . . . i now know where philly ' s worst bartender works at . . . . my friend and i asked the bartender for a couple of spoons because there was a lot of broth in the beer mussels we ordered . we ' re sitting there thinking - hip hip hooray ! ! ! ! ! then the bartender says . . . \" i don ' t think we have spoons . . . \" what ? ! ? ! ? how do you not have any spoons ? ! ? is this a restaurant . . . . ? what the ! ? then she looked at our food and said , \" you guys don ' t need any spoons . . . . \" is . . . . . . she . . . . . serious . . . . . ? thank god one of the servers had a brain because she gave our bartender two spoons to pass to us . . . . what an idiot . . . this chick also only gave us one share plate for the two of us and when we asked for a second one , it was filthy . . . my drink wasn ' t bad but my friend ' s berry moonshine drink sucked . tasted like cough syrup . oh . and then she spilled the sweet potato fries when she dropped them off in front of us . . . . her best response was an awkward , \" oh . . . . . . . . . . . . . sorry . . \" she stares at the crime scene of useless sweet potato fries on the dirty bar for N seconds and then quickly turns around and prances off to try to ignore her mistake she could ' ve said , \" sorry about that . let me grab some extra fries for you . \" or she could ' ve even joked around with us and said , \" aw shucks . . . these butter fingers of mine are going to get me in trouble one day . . . so sorry ! ! ! \" this sucks cause i saw some great reviews and i live around the corner . . . what a complete disappointment - not to mention , a waste of money . . . maybe i ' ll give it a try next time when someone else is behind the bar . . . . . . \n","\n","Geo-Entites in Sentence 17: \n","hillbilly\n","jj bootleggers\n","philly\n","\n","\n","Sentence 18: six weeks back i received a compliment late at night from maria m which amused me no end . \" i was notified last night that you have not yet been to cha-an . that is unacceptable , if you are to crown yourself the \" dessert king \" . let ' s make time to go \" . i wondered could it be that i ' ve actually made the big league ? not the minor business of crowning myself the \" dessert king \" ( conferred by the weekly nyc yelp , mind you ) , but of actually getting an invite from the c . o . t . ! euphoric at the prospect of the cult initiation , i immediately sent in my consent form , which absolved them of the adverse effects of any hazing ritual ( other than roddy ' s jokes , or featuring in audrey ' s reviews ! ) all jokes aside , i have enormous respect for the c . o . t . they are an immensely entertaining group of people - friendly , loyal , adventurous , and always up for fun . but , most of all , one has to commend their dedication to yelp . not too many people know that between joolie , julie , roddy , javier , audrey , and maria a total of N local photos have been contributed to yelp ! i got firsthand initiation to this at cha-an . no sooner had the desserts arrived that julieholic shouted \" picture \" , and while this idiot thought people were going to huddle up and smile - all i got was a tight slap on the wrist from her for unwittingly obstructing the camera ! cameras flashing all around me captured the glory of the exquisitely crafted desserts . joolie t had ordered for me the cha-an toast with azuki and whipped cream and topped with jasmin ice cream . the others covered the entire range the black sesame creme brulee , the sweet potato apple cake with caramel ice cream , the earl grey chocolate mochi and the chocolate souffle with raspberry reduction sauce . as i looked at the three inch high slices of the toast and whipped cream , i wondered whether i would be able to do it justice . but , the toast just crumbles softly in your mouth allowing you to savor each bite and relish the accompanying jasmin ice cream . i was most pleasantly surprised by my drink , a sake mojito , which has to be the best mojito i ' ve had in the city . ( for those interested to know julieholic did not steal it away ! ) as part of the atif i . certification process , i came here next in the company of snarky v and vic . on this occasion i ordered the creme brulee topped with black sesame ice cream . this has to be the best in its class in nyc . truly a showstopper ! the slightly warmer custard topped by the crackly brulee layer and the melting ice cream just tickle your taste buds with the blend of textures and temperatures . absolutely perfect ! now , i am not a tea drinker , but even i was tempted by the strong cardamom smell from vic ' s tea . certainly , tea connoisseurs would find the N odd options at cha-an as enchanting . there is even a private room for a tea ceremony . as we glanced around the tea house , we were reminded of the calm and serenity of a tea house in japan , and to achieve that in the hustle and bustle of east village is extremely commendable . and , as if the ladies needed another excuse to leave with a smile on their face , they have a japanese bidet for amusement . there is none for the men , perhaps out of apprehension of lawsuits from inadvertently pressing the atr button . yes , go ahead google the joke ( \" a man traveling by plane \" ) as i think about that black sesame creme brulee . mmmm . \n","\n","Geo-Entites in Sentence 18: \n","cha-\n","nyc yelp\n","the c . o . t\n","yelp\n","yelp\n","cha-\n","atif i .\n","nyc\n","vic\n","cha-an\n","japan\n","east village\n","\n","\n","Sentence 19: so after a disastrous first attempt at ny pizza at a bs ray ' s in the theatre district , my girlfriend and i decided to try again at grimaldis . however , we have heard nothing but good things about this place so we actually had some expectations before we actually ate . i have to say , all the good things said are true , and this place lived up to our expectations . we ordered a small pizza with pepperoni , garlic and mushrooms . it says there are only N slices , but they are big , and the pizza was more than enough for my gf and me . the crust was nice and airy , and had a soft crisp to it . the cheese was unbelievably gooey , and in this category , the cheese owns all other pizzas i ' ve ever had . the toppings that we chose in particular , went really well together . the kick of the garlic and basil in combination really put a lot of flavor into the pizza . add that pepperoni as a protein and mushrooms for the veggies , and the result was awesome ! conclusion while on any given day , i might fiend for a pizza from somewhere else , grimaldis deifnitely is one of the best pizzas i ' ve ever had in my entire life . i guess im just one in the crowd of ppl that recommend grimaldis to anyone ever in brooklyn . \n","\n","Geo-Entites in Sentence 19: \n","a bs ray ' s\n","the theatre district\n","grimaldis\n","brooklyn\n","\n","\n","Sentence 20: the following are things my girlfriend said to me during a recent meal at twoNtwo . please note that she has never been wrong . ever . \" i like the look of this place . it ' s simple , but well done . \" \" what an awesome little garden ! \" \" i love that they get their meat from paisanos ! that ' s our butcher ! \" \" that server rocks ! he didn ' t have to let us know happy hour was ending . \" \" you are the pinnacle of manliness . i don ' t deserve you . \" \" mmmm . . . mojito . \" \" this is the juiciest burger i ' ve ever eaten . \" \" it ' s the perfect size for me . \" \" i think the onion rings are frozen , but they ' re still ok . \" \" that twoNtwo sauce . . . i want it on everything . \" \" your breakfast burger is exactly what i want when i ' m hungover . \" \" you ' re so handsome and charming it ' s intimidating . \" \" that egg is so runny and messy and good . \" \" these burgers are like shake shack , but better . \" \" we should come back just to drink in the garden . and then we ' ll probably have to eat these burgers again . and again . and again . \" just ask her . please note that she likes them a bit smaller . i ' m talking about burgers , people , keep your jokes to yourself . \n","\n","Geo-Entites in Sentence 20: \n","twoNtwo\n","paisanos\n","\n","\n","Sentence 21: without a doubt my favorite food is pizza . i ' ve been eating it since i ' ve been a child . throughout the years , i ' ve been searching all my life for the ultimate pizza . i ' ve had pizza at all the most popular places throughout new england , new york , and new jersey . by far , sally ' s pizza in new haven , connecticut is the best . if you ' ve had frank pepies and thought it is the best pizza you ' ve ever ate , well folks i have good news . sally ' s in new haven , connecticut is better . at first , this was hard to believe that right up worcester street there was an an answer to my prayers . i thought it couldn ' t get any better franks . i was so wrong . sally ' s is the ultimate . it just doesn ' t get any better than that . if you ' re familiar with new haven style pizza , well , sally ' s has it all . the crust is thin , chewy , and it has a real authentic neapolitan taste . also , it has a bubbly crust which is delicious . even on certain days , if you ' re lucky you can get extra bubbles on your crust . the toppings marry together perfectly which are all made in house . it doesn ' t matter if its red or white , you can ' t go wrong ! i can ' t describe the joy that i have as soon as my pizza arrives at my table . it ' s served in rectangular sheet pan which i use as my plate . it ' s shaped oblong and sliced willy-nilly . when i ' m with my family , its devoured in seconds . i ' ve gone to sally ' s on a full stomach and somehow i managed to eat a whole large pie by myself . it sounds crazy but i mean , it just slides down your throat . and before you know it , you ' re covered in burnt semolina . then finally , you wash it down with a locally made fox in park cherry soda . overall , sally ' s to me is a religious experience . it ' s the mecca for any pizza lover . i know people that are from italy and said that sally ' s is actually better . i highly recommend sally ' s to anyone . \n","\n","Geo-Entites in Sentence 21: \n","new england\n","new york\n","new jersey\n","new haven\n","connecticut\n","new haven\n","connecticut\n","worcester street\n","sally\n","new haven\n","sally ' s\n","sally ' s\n","sally ' s\n","italy\n","sally ' s\n","sally ' s\n","\n","\n","Sentence 22: first , alta is a terrific date spot . the interior architecture of the restaurant immediately lends itself to conversation . when you first walk down the stairs from the sidewalk and into the bar you feel like you have entered a special retreat . the interior is swank and welcoming , but not the least bit pretentious and the stone work behind the bar is very unique . walking further into the restaurant you entire a room that could have been lifted directly off the set of a movie shot in medieval europe . the downstairs dining area is completely wooden and is ringed by a terrace one level above . wooden chandeliers hang from the ceiling and with just a touch of imagination you can picture robin hood swinging from one corner of the resteraunt to another . that being said , the food is terrific . i am not a huge tapas fan , but i make an exception for alta . everything is delicious and the wait staff is ready for your questions with helpful answeres and hints . don ' t forget to try the sangria because it is terrific , but you also can ' t go wrong with one of the inventive cocktails the bar offers . with a terrific ambiance and great food alta is a wonderful spot for an evening out . . . and a date . be sure to bring your ameican express card , when i was last there they did not accept mastercard or visa . \n","\n","Geo-Entites in Sentence 22: \n","alta\n","europe\n","alta\n","alta\n","\n","\n","Sentence 23: roderick a . parked right in front of this place on a cold , rainy misty wednesday night when we were attempting to whisk away lynn f . from her e . village apartment . we kind of disregarded it and went to a diner for for some laughs and grub- we went to all the bars that night . . . and mysteriously , they all close at Nam . what ? ! ? ! so we ended up back here- at scratcher . dark , good i-pod tunes , good vibe , and a friendly bartender awaits as you walk in . had no clue of what we were getting ourselves into- but boy . . . was it steamin ' hot up in there . seriously . . . it was N degrees and i couldn ' t breathe . i had to step outside a few times . i think i had more fun chilling outside of the bar than actually in it . audrey j . and i shrieked at rats mice , sang old N ' s r b hits , and caught a little bit of rain mist on ourselves . . . but it was okay . the bathrooms are scary- i heard a rat mouse as i was washing my hands . . . ick ! the drink i had was too sour . overall- would i come back ? only if someone was already there- i sure wouldn ' t pick it for myself . ) \n","\n","Geo-Entites in Sentence 23: \n","e .\n","Nam\n","scratcher\n","N ' s\n","\n","\n","Sentence 24: i am glad that yelp allows me to write my reviews for everyone to read because clearly my english is not understandable . i will elaborate more on this statement a little later . we came here on a saturday evening for a quick bite to eat after a long day including central park and the met . the restaurant is quiet , tastefully decorated , and has a very homelike feel . come to think of it this place is almost too quiet for a new york eatery . it took a few minutes before we were noticed and i commenced to try and order a coke . for most people this would be a simple task but not for me . the waitress gave me a perplexed look and after a few minutes of phonation games mixed with a bit of charades she finally determined what i wanted for my beverage of choice . granted my southern drawl doesn ' t help things but i ' m not that unintelligible . a lot of good my latin background did me that night ( i should have taken french like the rest of my friends ) . i ordered a merguez based sandwich with red peppers on ciabatta bread . there was barely any meat on the sandwich and it was loaded with red peppers . highly disappointing for a carnivore such as myself . the flavors were ok but nothing special . the broccoli soup to accompany my sandwich was woefully under flavored and i had to regretfully use the salt and pepper at the tablet to add some seasoning . my experience here was just ho-hum and i doubt i would return unless given a gift certificate with a cute french interpreter to tag along . \n","\n","Geo-Entites in Sentence 24: \n","yelp\n","central park\n","met\n","new york\n","\n","\n","Sentence 25: my friend and i came to burger baby because we were going to paint nite and this was the venue . first , i ' ll say that the food is mediocre and the selections uninspired . for a place called \" burger baby , \" i was expecting to be blown away with their creations . i ' ve seen more creative burgers at red robin , and i dislike chains . i ordered the sliders because they were the cheapest thing on the menu- at N- and \" sliders \" they were . . . in that i mean plural , there were two . i found it strange , and somewhat unappealing , that the sliders were served on a hotdog bun sliced in half , but this may be part of their allure . i ordered the duck fat fries because they sounded delectable . they were not . over seasoned , probably to hide the fact that they were not , in fact , fried in duck fat . all you could taste was the garlic salt . second , there are a lot of flies , probably because they have the door wide open . my friend got two of them in her wine , and had to exchange it for a new glass . . . they graciously replaced the glass of wine and would have given them a decent review if that had been the end of it . it wasn ' t . our bill came towards the end of our painting . we were still in the midst of talking and painting so we kind of ignored it . the waitress came around , i kid you not , five different times over the span of twenty minutes and tried to take the bill when it obviously hadn ' t moved from the spot she dropped it on . finally , out of irritation , i told my friend we should pay the bill to get her off our back . my friend , nice girl that she is , offered to pay for us both since i paid for the paint nite , and the waitress came and collected the bill . upon running the bill ( it was a N tab ) , she came back , stood in the middle of a room of people with a live card , and called my friend ' s name , since she couldn ' t remember which one of the paint nite patrons had given her the card , which ( after working at a bank for many years ) i feel is completely irresponsible . we left a standard N tip , signed , and went on our way . two days later , my friend calls me and asks me how much she charged at burger baby . i told her N . the amount that came through on her bill was N . when she called to give them the chance to resolve the issue , she got the same annoying waitress that had taken her card , who argued with my friend ( with my friend having her receipt in hand ) about the amount charged . she brought up several times that my friend had only tipped her N on a N tab- which my friend explained was a good tip for the N tab we actually had . she then changed her story and told my friend that she could \" pay her back out of her pocket \" or \" give her a few glasses of free wine . \" shady ? i think so . i wouldn ' t recommend burger baby to anyone- in fact i have gone out of my way to warn people now that i ' ve had this experience . if you do go , be sure not to use your card . my friend has decided to take the issue up with her credit card company to resolve it for her , and we ' re thinking about taking it to the better business bureau ( burger baby is not accredited , i wonder why ) , and advising paint nite about our experience . shame on you , burger baby . \n","\n","Geo-Entites in Sentence 25: \n","burger baby\n","burger baby\n","red robin\n","N-\n","the better business bureau\n","\n","\n","Sentence 26: philadelphia ' s chinatown has been graced by this amazing thai gem , everything about it was perfection , from the very attentive service from both yui and chu , to the soft music , low lighting and candles flickering everywhere . the restaurant and restrooms were immaculate , the decor of orange and cream with black accents was anything but boring , which turned a long and narrow space into a romantic and very peaceful place to dine . each table is adorned by a small bud vase with a beautiful rose and baby ' s breath and i was very impressed with the beautiful and comfortable bentwood chairs . however , hubby and i weren ' t there for romance , we were hungry ! we started with five crunchy shrimp rolls , which were whole shrimps wrapped in egg roll wrappers and quickly fried and served with a sweet and sour sauce , delicious . along with these we had fresh thai shrimp spring rolls , so crisp and the house made special sauce with ginger , soy and peanuts was so very delightful . for my entree i had a very generous sea bass filet , which was steamed in a lemon ginger sauce and garnished with slices of lime , mushrooms and scallions , so flaky , fork tender and each bite melted in my mouth . this came with a generous scoop of perfectly cooked white rice and plenty of fresh and lightly sauteed and seasoned sugar snap peas , snow peas , onions , peppers and carrots . michael had the holy basil shrimp with asparagus , but it also had plenty of other vegetables , all served in a luscious garlic sauce . erawan is a byob and there is no corking fee if you choose to bring a bottle of wine . i ' m not sure if this is a new philadelphia thing or not , but both jg domestics , nor erawan had salt or pepper on the tables and even though i automatically reached for them , everything was already perfectly seasoned . they offer plenty of side dishes like jasmine , brown , fried or sticky rice , noodles and for only two dollars you can add chicken , beef or pork to your entree or for three dollars shrimp , calamari or scallops . two thumbs up , five stars without hesitation , the food , service , decor and cleanliness leave nothing to be desired . holy mother of thai ! \n","\n","Geo-Entites in Sentence 26: \n","philadelphia\n","chinatown\n","philadelphia\n","erawan\n","\n","\n","Sentence 27: french-lebanese cafe with an elegant vibe . a perfectly suitable brunch alternative to honey ' s , which is just a couple doors down , and with a much shorter wait ( if any ) . we came here for brunch in the early afternoon and ordered the foul moudamas , a plate of two scrambled eggs , tomatoes , and hummus topped with fava beans . it comes with very light , fresh-baked pita . it was very tasty-- i ' d say the hummus was the star of the plate . i ' ve heard the pastries are baked off-site by a former le bec fin pastry chef . we tried a brioche bun , which was quite delicious , although it wasn ' t as fresh-tasting as we would have hoped . . . perhaps if we had come in the morning it would have been better . the ambiance is exquisite , from the arabesque-designed cups to the embroidered seats . and all the servers were very friendly and helpful , and the owners came around to chat with customers and make sure everything was going well . great eating experience-- perhaps ( for now ) one of the best kept secrets of nolibs Nth street . \n","\n","Geo-Entites in Sentence 27: \n","french-lebanese\n","honey ' s\n","le bec fin\n","nolibs Nth street\n","\n","\n","Sentence 28: great spot . walking in i got the distinct feeling that everyone working there was happy to see us ! that ' s a rare and special feeling to have in brooklyn . my friend and i shared a table with another man ( the coolest guy ever ) and after he was finished a group of three who were also awesome and chatted with us about cool places to hang in and around ridgewood- we tried as hard as we could to be helpful ! but it just goes to show , good people draw good people . most of the people eating there were clearly regulars . the overall vibe was friendly and relaxed , even while the place was totally packed . we shared the pho ga , ca ri ga and the ( huge bowl of ) papaya salad . it was more than enough food to share for two people , but everything was so effing good we barely left anything on our plates ( in our bowls . . . ? ) . the ca ri ga ( curry chicken ) really knocked it out of the park for me . it came with two folded crepes which we used as curry sauce vessels- obviously . i ' ll definitely be back . service was spot on , food was spot on . go to there . \n","\n","Geo-Entites in Sentence 28: \n","brooklyn\n","ridgewood-\n","\n","\n","Sentence 29: my girlfriend and i drove down from greenpoint with the intent of going to lake trout , but it was closed for unknown reasons . we thought about trying to walk over to potlikker , but it was freezing , so we ducked in here . on the plus side , the staff was super friendly and glad we were there , and also optimistic about the future . we quickly learned that it ' s byob , but didn ' t really feel like running out again , so we ordered some non-alcoholic drinks , both of which were really good ( she had an arnold palmer that was minty and delicious ) . maybe they were having an off night , but nothing we ordered was really that spectacular . i had the shishito peppers with white bean salad for an appetizer , and that was honestly probably the highlight of the meal for me clean ingredients and pure flavors , if a little on the salty side . shakshuka is one of my favorite dishes , but the \" cowshuka \" ( a shakshuka with added steak ) i ordered was drowning in oil , even though the steak seemed like it would have been pretty delicious had i just succumbed and gotten it on its own . the swamp of tahini upon which this entree is served muted the flavors and made it hard to pick out the consistency of individual ingredients . my girlfriend ' s salad wasn ' t really what she was expecting , though she nibbled at it politely . we also got some homefries , which were good but entirely unremarkable . kudos for the lovely hot sauce side ( which i had to request ) a mix of harissa and sriracha , two of my favorite condiments . the decor is just ok it seems like they did the best they could on a modest build-out budget , but the lights were too bright by half . also it was completely empty , which i think detracted from the experience a little , and drew our attention perhaps too much to the music moderately corny world music of the chilled-out , late Ns thievery corporation school . a mailed-in hip-hop beat with an oud and a spanish guitar half-heartedly dueling each other over the top . . . you know the drill . all in all an unobjectionable , but not stellar , experience . if i come back at all , it won ' t be until i ' ve crossed a bunch of the neighborhood ' s other highly-rated new openings off my list . \n","\n","Geo-Entites in Sentence 29: \n","greenpoint\n","lake trout\n","potlikker\n","byob\n","Ns thievery corporation school\n","\n","\n","Sentence 30: although pj ' s appears to be quintessential college town late night breakfast diner , this place is definitely lacking in the customer service department . there were some things i did enjoy about pjs . the wooden tables are covered with the carvings of many previous patrons , which leaves a cool vibe and hometown feel . the food itself was good as well and i did quite enjoy my chocolate chip pancakes , eggs and bacon . however , the service itself was terrible . upon entering we were asked by the manager to wait in a line outside the restaurant for a party of two , midday in N plus weather . i told the manager that my wife burned very easily and after walking the main st all morning we ' d prefer to wait inside , out of the sun and completely out of the way . he then told us he wouldn ' t know what order to seat customers in if we didn ' t wait in line and again motioned for us to go outside . what ? ! i ' m not waiting in line for the club , i ' m waiting for some eggs ! i ' ve never before been asked , ever , to wait outside when there ' s plenty of room to stand out of the way inside . safety and clear transit is one thing i ' ve been a waiter before and carrying a full tray while dodging people is not fun or safe . but there was plenty of room to stand inside . if other patrons were standing inside because they arrived first , then that is totally fine we would have waited outside until they were seated to move inside to wait . but to automatically make people wait outside in a line is uncouth . i am even more disappointed if this practice is done purposely to drive up the \" hype \" of this princeton staple . the remainder of the service was on par with our initial experience . i understand this is a casual place , but this was over the top . we watched our food , along with many others , sit ready for almost N minutes while multiple servers and manager joked around with each other and waiting for what appeared to be the only server working to deliver his plates . we ' ll certainly never visit pjs ever again . \n","\n","Geo-Entites in Sentence 30: \n","pj ' s\n","pjs\n","the main st\n","princeton\n","pjs\n","\n","\n","Sentence 31: the only reason i give it two stars is our waitress and hostess were both very sweet . not speedy and attentive , but genuinely nice . and if the food were a little better and the prices a little more reasonable this place could be a N . but two is generous . first impressions decor fits the \" shanty \" name and seems inauthentic and cheesy . and as soon as you step in , it smells heavily of fried fish sticks . we came on a monday during \" scallop harvest \" which implies to me that the scallops are fresh . most folks had some variant of the scallops . all of them were tiny , seemed pan fried regardless of preparation ( no difference between the \" seared \" and \" fried \" scallops , ) and tasted fishy and stale , not fresh . the oysters seemed pretty decent and had no grit . most other things on the menu were battered and fried . but then there ' s price . i had a salad on special . N little , greasy scallops on a big plate of grocery store greens for N . other items were N-mid Ns , apps were a little under N . a few nights ago in columbia , mo i ate at the restaurant of a james beard nominated chef , and had a scallop app and an organic pork chop , beautifully prepared , for about N including a drink . my salad , one beer , a side , and a couple oysters , was a little over N with tax and tip . i don ' t mind paying for good food , but this was , no exaggeration , on par with a long john silver ' s . i forgot to even mention that despite the restaurant being empty , it took us an hour to get our entrees , with long gaps between being checked on . . the experience , on the whole , was just a mistake . my party felt like getting some fish and this place was more like a badly managed red lobster . deeply in need of a visit from gordon ramsay and kitchen nightmares . seems like it could work in this town , but they need to get fresh ingredients and step it up . i would have gone elsewhere but was sucked in by the illusion of fresh scallops for the \" scallop harvest festival . \" don ' t make the same mistake . \n","\n","Geo-Entites in Sentence 31: \n","columbia\n","gordon ramsay\n","\n","\n","Sentence 32: we went to blackeyed sally ' s to see a friend ' s band play . the place was packed but we were seated in less than N minutes . food drink orders taken and the corn bread arrived immediately . they gave us three uneven pieces . one piece was enormous and the other two were typical serving size . the bread was moist but i wish there was real corn mixed in . i like cornbread with a little bite of corn kernels mixed in . sweet potato fries the sweet potato fries were great ! they were gone before i had a chance to snap pictures . i will have to admit we were a tad hungry . i didn ' t care for the sauce that came with the fries , it was too tick and flavorless . the most i expect out of my sweet potato fries is the right amount of crunchiness and not too salty . brunt ends the brunt ends were not crispy or crunchy . my boyfriend didn ' t like them at all because they were not smokey . in his opinion a great brunt end is nice and chewy and the one served that night was not . jambalaya i ordered the jambalaya and didn ' t really know what to expect . in the back of my mind i was praying that it won ' t arrive to the table soggy and wet swimming in too much stock . i was relieved when the dish arrived . it was red jambalaya but thank god it wasn ' t a few scoopful of tomato-red rice with a few dried up cube of chicken and two random shrimps . the shrimp that arrived were the size of a man ' s thumb . hidden in my plate were flavorful fatty pieces of sausage . i did have trouble finding the crawfish tails . i like crawfish because they remind me of lobster so i wish they had given me more than N identifiable pieces . the chicken pieces were huge as well but a little dry . i ' m assuming they were precooked and cooked again when preparing the jambalaya which sucked away all the moisture that was left . this particular jambalaya was lacking in vegetables . a few pieces of okra here and there but nothing else . no green or red peppers . the portions were huge ! i had to stop and rethink a game plan a few times but sadly i had to pack the rest to go for the next day ' s lunch . the jambalaya tasted better the next day because the flavors penetrated inside . the dish had tons of flavor and it was super spicy . i would definitely order it again . combo dish my boyfriend ordered the combo dish with pork ribs and bbq chicken served red beans and cheese grits . when the dish arrived i wasn ' t impressed . we have had better bbq . the rib fell off the bone easily but the flavor was not memorable . the chicken was so so . the ribs were on the dry side . i had a little taste of the cheese grits and let ' s just say i will never order that for myself . overall we were not impressed with this combination dish . a little too pricy at N for something mediocre at best . overall experience it was a fun place to have dinner . the decor is unique to the area . service was great despite it being a busy night . the food was so so . this place is known for it ' s bbq and sadly i was a little disappointed . we shall continue our search for a good bbq place in the area . \n","\n","Geo-Entites in Sentence 32: \n","blackeyed sally ' s\n","N\n","\n","\n","Sentence 33: went in yesterday at around N N pm on my way back from work since i ' ve heard things about from friends . they ' ve a bar in front for waiting people to sip drinks ( N only for alcohol , of course ) , and there ' s always people waiting . did i mention people waiting ? i meant large groups waiting . i was alone ( my co-worker got drunk and went home in a cab ) and i was promptly seated . just for the heck of it , i pretended to be a japanese tourist ( N N japanese fluent japanese w o accent ez acting ) . why did i do this ? simple , some place ( s ) in new york , ny charge tip on the bill after tax . not here , they treated me all the same , that ' s a plus there . rated N stars b c of the price . N N for a bowl of noodles w o extras ? they ' re good but there are other places that have N noodles ( also japanese ) . plus the pork bun appetizer they had ( which i ordered ) were chinese pork buns . the same ones can be bought in flushing for a \" little \" cheaper . not a minus but was kind of surprised . all in all , i spent about N w tip and left happy and at my own pace . no rush , no pressure . hopefully they can expand and be able to lower prices , but that ' s a dream . \n","\n","Geo-Entites in Sentence 33: \n","new york\n","\n","\n","Sentence 34: i ' ve been here a few times before , and have a particular love for the vegan wings . we don ' t get here often though , so they ' re a bit of a treat that i look forward to . we met some friends here before a show on saturday night for some drinks and snacks . the whole group of N of us sat down right away which was a great start to a great night . if you ' ve somehow been living under a rock , the beer list here is phenomenal and can be a bit overwhelming . . . much like monks cafe- their center city located big brother . we had many many beers and sips were shared amongst the table . favorites included a peach lambic , the petrus sour ale , and borbor bok . for snacks , a few people had just eaten , and a few all shared mussles . i don ' t eat meat or fish , but everyone seemed to enjoy the food tremendously . i , of course , got my wings , and they were everything i dreamed about and more . strips of seitan i believe . . . breaded and fried . . . with a sauce that is somewhere between bbq and buffalo . . . sweet with a kick . . . and dipping sauces- blue cheese and vegan . . . both a treat ! this would be a N star review except for N weird detail- our waitress was pretty condescending ! we ' re at a bar with hundreds of beers from overseas . we were pointing to the name on the menu and doing the best we could with pronounciations . she kept correcting us ! ! at first i thought i was being overly sensitive , but towards the end , a few people went to ' rogue dead guy ' or \" sam adams light ' so that they wouldn ' t have to take the risk . she seemed really overwhelmed too . not sure if they need more people working there ? she kept telling us she was going to run away and come back and take our order . . . \n","\n","Geo-Entites in Sentence 34: \n","monks cafe-\n","\n","\n","Sentence 35: one day on my way to pho N i stopped by piolin jr because the wait at pho N was too long . the place was empty and so the service was fast . the staff was attentive . it was my first time trying peruvian in the states . i loved the canchas ( dried roasted corn ) and the marinated onions . i nibbled on those while i waited for my entrees . we ordered the chicken special and rice with mixed seafood . i think i made my selection based on the pictures on the menu . we got tons and tons of food . the food was on the saltier side but i normally don ' t cook with salt so i assumed i was sensitive to salt . rotisserie chicken N . N this was an amazing bargain ! ! why go to kfc when you want chicken when you can get a full meal here for half of the price . the N . N price tag gets you fries and a salad . yes it was an ice berg salad but i did appreciate the cucumbers and carrots . i packed that for work later that evening . no complaints about the fries from me other than way too much salt . if you plan on ordering fries here ask them to cut down on the cut or else you ' ll be in sodium overload before you leave the restaurant . rice with mixed seafood N . N enormous portions . again very salty but has such great potential to be an amazing meal . you will need the marinated onions to decrease the saltiness of the dish . i like the flavors and the ingredients but couldn ' t bare the saltiness . you can have a little then it gets too much . would i order again ? yep ! i would simply ask for less salt and maybe hot sauce . overall a cheap afternoon lunch . i left with tons of leftovers . the service was friendly . the place was relatively clean but you can tell at night time this place must turn into a dance club or something based on the smell . \n","\n","Geo-Entites in Sentence 35: \n","pho N\n","piolin jr\n","pho N\n","kfc\n","\n","\n","Sentence 36: a N for now . but thinking about the potential that this place has for a gathering i ' m amped about giving it a N once i get to test that theory out . this was going to be the spot of the thank you carrie party on thursday . but since carrie had to cancel out last moment i wasn ' t expecting too many people to show up for understandable reasons . but since mama philly said to keep the dream alive , and i ' d rather be a straggler myself then leave people behind , i decided to sample some of their tempting sounding margaritas by the bar and see if anyone showed up ( it ' s what a dutiful host does . ) . no one did , but as i waited i had the chance to sample how amazing this place is . the margarita ' s were definitely the best that i ' ve had in the city . i sampled the black currant which tasted a little off , but mango was pure deliciousness . and holy crap was the blood orange margarita the stuff of legends . they definitely have a great selection of beer if your not a margarita fan , and they even have their own twist of the citywide special that ' s a can of tecate and a shot ( tequila ? ) . and the man behind the bar rob was a class act who quickly owned up to being one of my favorite bartenders in the city . for food i picked up a chorizo burrito which i was kind of mixed on . the chorizo was ground up to the point that it ended up tasting like beef . but the burrito was supersized and filled with plenty of rice , beans , and cheese , and it also came with a side of chips and two kinds of salsa . so i definitely made note of the portion value . overall it goes with out saying that cantina dos segundos is perfect for a gathering . and since the thank you carrie party still needs to officially happen , this might just be the perfect place to deliver that caliente twist . details coming ? \n","\n","Geo-Entites in Sentence 36: \n","cantina dos segundos\n","\n","\n","Sentence 37: \" how ya going to keep them down on the farm after they ' ve seen paree ? \" this early Nth century song plays in my head as i think about chipotle mexican grill on rt . N in west windsor , new jersey ( excuse me , but it ain ' t princeton ) . where i used to find this once subsidiary of mcdonald ' s a decent alternative for relatively healthy food in a mexican guise , after experiencing the real deal comidas mexicanas in a variety of wonderful restaurants both in la patria and around the usa , i can do so no longer . the long lines , the uncomfortable seating , the basically unchanging menu , just leaves me unfulfilled . yes . the food is okay and sometimes better , but compared to what is available nearby by way of startlingly great mexican restaurants with dishes that will knock your socks off , chipotle does not measure up . it pales , and blands , by comparison . if you want to try authentic and delicious mexican food it is easy to find . these are small shops , and often given the loving designation , \" hole in the wall . \" i hesitate to disclose which they are for fear they will be inundated by all of us . but , if you do a little searching here on yelp , they are around . they may not be as healthy as chipotle , and if that is your priority , please remain faithful to them . however , if amazing creations and tastes are your ultimate foodie dream , there are much better places to find the food for your mexican fantasies . andale ! \n","\n","Geo-Entites in Sentence 37: \n","paree\n","chipotle mexican\n","rt . N\n","west windsor\n","new jersey\n","princeton\n","mcdonald\n","comidas mexicanas\n","la patria\n","usa\n","chipotle\n","yelp\n","chipotle\n","\n","\n","Sentence 38: when we walked in it was very busy they said it would be an hour to an hour and a half for a table they were not very friendly seemed too busy to take a new customer . the restrooms were downstairs and i would say very clean . when i came back upstairs there was a table ready so i would say we only waited N minutes . not sure why . my husband and i shared the homemade sweet corn and ricotta ravioli . the lobster was sweet and the ravioli was the perfect density . we also shared the crisp berkshire pork belly . it was truly a delight with fall off your fork tenderness on one side and crisp perfection on the other . this was one of the largest sized restaurants i was in while visiting nyc . the restaurant was very clean and upscale . our waitress was unmemorable and my water was often left empty for long periods of time although she was very attentive to my husband ' s cocktail needs . i would say the food was worth it but the atmosphere was just ok . i would come back to balthazar ' s for the food . \n","\n","Geo-Entites in Sentence 38: \n","nyc\n","\n","\n","Sentence 39: yo adrian , where do you find that new sushi place ? the owner looks like the green hornet ! the servers are very thoughtful and eager to serve . the atmosphere is floridian and clean . the owner lives there and is very knowledgeable of the quality of his product . he spent N minutes at our table before i knocked him out . the sushi was extremely pretty and impeccable . the scoop call ahead and get the lobster roll ( then and now ) . sesame tuna is to live for yo save the tuna for me . the angry dragon roll is beautiful and deserving in a party atmosphere . not on the top stove but pretty . amazing tuna , is a top quality taste but would not sustain me for N minute . i went a round with the chinese chef he ' s imported from shanghi his main deal is the recipes and his recipes as far as i can tell beat the competition . only met one sushi guy , the owner . green hornet is back ! these sushi guys are from manhattan and they know the designs ( recipes and artistry ) and the spices . the green hornet bragged that his manhattan restaurant ranked in the top N for sushi . for me the sushi is electrifying , i was purely a pasta man . you know i had a lot of fights and was gravely injured . adrian found me sushi to give me some optimism . this is contagious , i mean obsessive , i drive my trans am over to that place and i was met with a gregarious welcome . i love this place and have found no equal for sushi and don ' t know about the rest . give me a yelp if you agree . yo ! love , the italian stallion . \n","\n","Geo-Entites in Sentence 39: \n","shanghi\n","manhattan\n","manhattan\n","\n","\n","Sentence 40: what can i say that hasn ' t already been said about mamoun ' s ? it ' s a great value at N and the falafels are delicious . as someone whose tried a multitude of variations all over the world ( from shabbats at kibbutzes to street vendors along israeli highways to turkish restaurants to rome ' s jewish ghetto ) , i can say that the interpretation here is probably one of my favorites that i ' ve ever had . that said , i will say that this location ( nyu central ) isn ' t my favorite . i bought a falafel sandwich here yesterday and wasn ' t as satisfied as i thought i would be . i think the size of the sandwich here is smaller than the st . mark ' s location ( i also think the taste is better over there ) . i didn ' t even really get to enjoy the great textural elements of the individual falafel balls as they were drenched in tahini sauce . don ' t get me wrong . . . i love tahina . falafels shouldn ' t drown in it , though . also , the hot sauce ( as mentioned by my fellow yelper-s ) is way too hot . i always fall in the trap of wanting a bit of heat and forget that the sauce makes the experience painful . avoid ! it would be great if they offered some amba instead ( mild pickled mango sauce popular in israel ) . \n","\n","Geo-Entites in Sentence 40: \n","mamoun ' s\n","N\n","rome\n","nyu central\n","the st . mark ' s\n","yelper\n","israel\n","\n","\n","Sentence 41: all i ' m going to tell you are facts about this awesome new spot . hiro ramen is run by a dude that worked for ramen boy now ramen bar ' s chef . talking to him , he is super passionate about making a significant contribution to philly ' s growing ramen \" scene \" . i ' ve eaten there twice since they ' ve opened . right now , there is no sign on the space , but its the place right next to milkboy on Nth chestnut . when you walk in , it is definitely not some corporate backed place with polished wood and marble jawn . it ' s a humble upstart by some guys wanting to serve up some awesome , quality japanese comfort food for this coming winter . so let ' s start with what N of you will order , the hiro ramen . for now , their limited soft opening menu ' s title dish is their baby . it ' s going to change a lot thanks to their desire to experiment and innovate . fact N hiro ramen ' s food has N msg . i was told that , and i felt it whilst walking out of there my first time . i didn ' t feel salt coming out of my face , i didn ' t feel bloated or tired , i actually felt refreshed . they make their own blend of soy sauce for their broth . they also do a brothl-ess ramen , which is a newer thing in japan and extremely new here in the states . i imagine it ' s awesome when you ' ve had a few too much to drink , as it comes with an extra portion of noodles . i forget the name but it ' s the second item on the list labeled as shio ( salt ) ramen . i had this my second time there due to being exposed to the concept in brooklyn . it was delicious here . the noodles aren ' t to the chef ' s N satisfaction , as he told me he is going to try a thicker , slightly chewy more flavorful noodle next for this dish , which i am all in for . what does this mean for philadelphians ! ? it ' s the first and probably only joint that ' s doing broth-less ramen here , and you definitely should give it a shot . comes with all the fixins , but the noodles have soaked up the shio broth , and the friendly , super awesome staff can hook you up with some of the raw sauce to flavor it up more if you think it needs it , but it doesn ' t . disclaimer i really loved ramen boy , mostly because it was the first ramen noodle joint here , but i also am very open-minded about food , and love all the ramen ive had in the city so far . hiro ramen stands out though because it ' s not what the others are doing ( heavier tonkotsu style ) and it ' s going to only get awesome-er so go check them out . update some of the culinary savvy folks on here are wanting to correct me on the whole N msg thing , and instead of taking it off my review , i ' m going to add that because i don ' t cook , i don ' t know or care how specific their claim is on no msg . if msg is a natural occurrence in soy sauce , and a little bit can ' t be totally avoided , that ' s all well and good but i don ' t feel the repercussions of heavy msg at this place . it may be that the soy sauce they prepare in-house tastes nothing like bottled soy sauce , and therefore contains minimal , to no intended msg . i would also respect that you not message me with correction statements so that yelp doesn ' t send me an email telling me that you don ' t have better things to do . \n","\n","Geo-Entites in Sentence 41: \n","hiro ramen\n","ramen boy\n","ramen bar '\n","philly\n","milkboy\n","Nth chestnut\n","N\n","japan\n","states\n","brooklyn\n","ramen boy\n","yelp\n","\n","\n","Sentence 42: deciding to come to the vientiane cafe , a laotian thai restaurant , was a pretty easy choice after hearing a positive review about it from a friend . the only difficult part to getting out here would be convincing my other friends that it would be worth the short trek from penn ' s campus . always looking to explore affordable options outside of penn ' s standard offerings , i finally got a small group to come out to try the place on a slow weekend . the vientiane has a small storefront located along a row of other randomly put-together offerings , including a record store and a chinese take-out restaurant . upon entering the restaurant , there was a sense of warmth and community as the waiters and kitchen hummed along and the diners happily focused on their food and conversation . stepping in from the chilly walk and the proximity of the other tables certainly helped set the mood too . luckily for us , we came just in time to snag the last available table . promptly after we arrived , a small line began to form outside . as a side note , it ' s probably better to come a bit earlier for dinner because the restaurant only has seating for about N-N people . the prices for entrees , about N- N for most items , were in-line with what i was expecting and were pretty well-sized . we tried to order more laos-influenced and less commonplace thai dishes . we ended up sharing N entrees--homemade sausage , laab , sweet basil with chicken , and a pineapple fried rice--and stick rice , figuratively the \" glue \" to this meal as it absorbed the delicious sauce . the sticky rice came in these cool , little laotian rice baskets which were used for steaming the rice . i ' m sure the rice baskets are commonplace , but i was really excited to see them ( note to self must get out more ) . after the meal , we were all quite satiated and satisfied with our meal , including the bill , which came to roughly N per person ( all-inclusive ) . for my first foray into laotian cuisine , i was happy with the experience . compared to other asian cuisines , there was greater use of mint , cilantro and spices to bring out the flavor in the meat dishes . my favorite was the laab dish , a warm minced meat salad served with chilis and mint . it is allegedly also the unofficial national dish of laos ( i ' m always amused where wikipedia sources their information when there are no footnotes ) . i would definitely come back for a lunch or dinner with a small group of friends . \n","\n","Geo-Entites in Sentence 42: \n","the vientiane cafe\n","penn '\n","penn\n","vientiane\n","laos\n","wikipedia\n","\n","\n","Sentence 43: i was all excited about trying out jane . a few friends of mine have recommended highly of the place . . . it was last sunday , when the sun was bright and up , albeit a bit chilly . beautiful sunday morning , just the kind of day you want to be eating brunch , enjoying a lazy day . i had thought the outdoor area would be bigger , but it had maybe N or N tables . still sizeable for new york standards . it was a bit too chilly to be sitting outside so it was alright . the inside was tastefully done with high ceilings . although crowded , it wasn ' t so loud that you couldn ' t carry a conversation . the table were a bit too close together ( the waitress had a hard time reaching us ) but i guess that is expected for a popular brunch spot . i know it is probably a one-of-those days faux pas , but they didn ' t have the canadian bacon for the eggs benedict . what ! ? ! a brunch place that doesn ' t have canadian bacon ? i was really craving eggs benedict so i ordered it with chicken sausage , but it just wasn ' t the same . sad . . . t t should have ordered the french toast . . . people at the next table was wolfing it down and it looked so yummy . service was ok . the wait staff had trouble reaching us physically ( the chairs from other table made it difficult ) but when we managed to get their attention , the response was quick . not bad when the place is full of hungry people all clamoring for their attention . i would have given the place a N star rating but for the lack of canadian bacon . i am sure that when i visit the place next time , i will have no trouble giving jane a N-star rating ! \n","\n","Geo-Entites in Sentence 43: \n","new york\n","\n","\n","Sentence 44: N stars for the food , N star for service , so the average comes out to N stars . warning if you plan to dine in , make sure you empty your bladder or don ' t drink too much while you are there . the restroom is reserved for employees only ! how bizarre is that ? while waiting for a table , my friend was told no when she asked to use the bathroom . not sure if that ' s a health code violation , although a guy waiting for a table with us said vic could get away with refusing customers ' access to the john because of their small size . . . . i ' ll have to investigate . i went with N of my sushi-loving friends and we all left feeling full and thinking about our next take out meal . the place is really small N seats at the sushi bar , one table that can seat N people max . vic has N sushi chefs , a hostess and a bus lady . . . i didn ' t see anyone that fits the description of a waiter waitress . once seated , you literally have to ask for everything . we had a bottle of sake , but the lone bus lady didn ' t bring us glasses until we asked for it . we also had to ask for water , but was told they didn ' t have ice . while giving us our water , the bus lady spilled the entire contents of a cup all over my friend ' s jeans . we used our napkins to contain the spill and the bus lady came out with a dish rag , but didn ' t think to give us replacement napkins . we made our dinner selection while waiting for our seats , but had a hard time getting the hostess ' attention to place our order . she was either settling bills , answering phones or getting take out orders from people who walked in after we were seated . one of the sushi chefs noticed our frustration and took our order . once the food came out , it was really good . my friend didn ' t even mind that her jeans were wet ! like other reviewers mentioned , definitely try the tuna dumplings . it ' s tuna sashimi pieces wrapped around avocado paste salad -- it looks like cha shu bao . their specialty rolls are good too . . . really creative . i highly recommend the spicy combo roll . i especially love their prices . . . cheaper than other japanese restaurants in center city ) \n","\n","Geo-Entites in Sentence 44: \n","vic\n","N\n","center city\n","\n","\n","Sentence 45: its a shame when you patronize an establishment several times , have a good experiences , then you have one that is so bad that it cancels out everything positive . if you run a happy hour special until Npm , it is until Npm . dont cut it off Nmin before to your customers just because one of your bartenders wants to be out exactly at the end of her shift . i had my heart set on a beer and sliders when i walked in at N N pm wednesday may Nth . i hope that the bartender ( you know who you are ) will take this initiative and get retrained . you handed me a happy hour menu and told me i had a few minutes . ok . why didn ' t you let me give you an order ? you ran to close out the rest of your tabs to get out on time . then you tell me happy hour is over and rudely walk away . lucky i was hungry enough to know that a wawa is right on rtN before i had my studio session job at N N . i have been a steady wednesday customer in this place and i always have a double of jameson before i leave and tip well . wtf ? i saw a lot of good reviews and bad reviews . i could just imagine your turnover rate as far as bartenders are concerned . but you need to establish a better program with guest services . it is a nice place and i would like to go back . \n","\n","Geo-Entites in Sentence 45: \n","wawa\n","N N\n","\n","\n","Sentence 46: needless to say that after going to tops twice in a N day period , i am a fan . definitely a restaurant that would make me travel to east newark from the bronx , ny . ( no but really ) each day we was there , we had to wait but its worth it . we were able to get seats at the bar both times we went so we barely noticed we were waiting . . . at least until we got really hungry . lol things to try drinks the malibu barbie and the sangria ( those two were my favorites , i took pics of my friends drinks as well and they loved them also . shoutout to alexandra ! ) food the stuffed shrimp the stuffed shrimp was amazing ! ! ! ! ! ! ! it comes on a bed of spaghettini , asparagus and red pepper , plus the crab portion of it is made with real lump crab meat and it had literally zero fillers . shrimp bistro pasta i had this dish the first night and immediately fell in love with the idea of having breaded shrimp and alfredo pasta combined . dessert tres leches mango cake ! no need to explain just get it . you will love . definitely going back ! \n","\n","Geo-Entites in Sentence 46: \n","tops\n","east newark\n","\n","\n","Sentence 47: loosely , traif can be known as something vile or dirty , unfit for eating . how perfect is it that the food at traif makes me want to do dirty , dirty things . if i ' ve ever made a better decision than having my birthday dinner at traif , i don ' t know what it is . the actual birthday isn ' t even until tomorrow , but last night ' s dinner already made my birthday . from the get-go , traif was incredibly open to a big group . i was looking at N-N friends and with less than a week ' s notice , the manager was awesome . for large groups , a N tasting menu is standard protocol . while i don ' t have the patience to delve into the meal plate by plate , it was amazing . there were eleven savory courses , and three dessert dishes , all shared family style . i had the rude little piggy and persimmon punch drinks and they were both delicious . every bit of food was devoured , with , honestly , only a few complaints across the board . the pork belly wasn ' t as fatty and tender as most of the table preferred the scallop dish was a little sweet the gingerbread pudding wasn ' t too ginger-y . the service was fan-fucking-tastic , a genuinely warm and welcoming staff all around . with the open kitchen , i have major plans to return . sit at the bar , drink , eat , and watch the magic in the kitchen ? count me in . \n","\n","Geo-Entites in Sentence 47: \n","traif\n","traif\n","traif\n","traif\n","N-N\n","\n","\n","Sentence 48: love this place so much . i went last week for lunch and ended up getting the prix fixe for N . appetizer i went with lentil soup ( N individually ) , which i had tried before . there is a strong sense of basil but it ' s not overpowering . the lentils are cooked well but not to the point where they become mushy . i actually would have preferred that they were slightly firmer , but i can ' t argue too much with this . a great choice on a rainy day , as it was when i was there . entree braised hake ( N ) on a bed of green cabbage , seaweed , chilies . hake is a white flaky fish . it has similar texture to cod and tasted somewhat similar to that . it was slightly undercooked , but i happen to like fish that way . the cabbage was really great . my lone criticism is that , like many dishes at abc , there was more oil than i would like . dessert the best sundae i ' ve ever had . here is how the menu describes it \" salted caramel ice cream , candied peanuts popcorn , whipped cream , chocolate sauce . \" the ice cream was fantastic . what makes the dish is probably the popcorn . having that salty taste ( the popcorn had caramel draped over it ) meshes perfectly with the sweetness of the ice cream . then there was the chocolate sauce , which was as good as i ' ve ever had . cc brown ' s hot fudge is famous , but this is better . it ' s lighter and sweeter , although it ' s still quite thick . i can ' t recommend this enough . if you ' re looking for a great dessert to try , this is it . overall , the fixed price menu is the way to go . for N , you end up getting what would cost N- N if you choose the app , entree , dessert individually . as always , the bread and olive oil were great , as was the water that ' s distilled on-site . make reservations early , though . like , a couple weeks out . \n","\n","Geo-Entites in Sentence 48: \n","abc\n","cc brown ' s\n","N\n","\n","\n","Sentence 49: N for lunch not including a drink is in my opinion a lot to drop on a casual lunch . was hu kitchen worth it ? although the food was tasty , i overall feel this spot isn ' t worth the money . the place is large , nicely designed and very clean - always a plus . you order cafeteria style and either take your meal to go or sit in the small seating area up front or head upstairs . for some strange reason watching the man behind the counter spoon out a ladle worth of curry chicken from a crock pot to cover a small portion of quinoa and then charging me N kind of angers me . was the food good ? hell ya , though it definitely tasted from the crock pot and not freshly made . is the food good for you ? so they say with their all organic , not processed meat statements . i get it , eating clean costs money , but a small portion of curry chicken for N is a lot of dough and this was the cheapest option minus the N egg sandwich . looking to reduce portion size and eat some pricey , but tasty and super clean and healthy fare ? yes , then hu kitchen is your jam . i much rather pick up a salad next door for N and be full and even have a little left over for a mid-afternoon snack . \n","\n","Geo-Entites in Sentence 49: \n","hu kitchen\n","N\n","hu kitchen\n","\n","\n","Sentence 50: the very first bite of food i put in my mouth when i arrived in nyc for a business trip was this aluminum dish of meaty heaven . after a flood of recommendations from friends , i trudged over to the cart dodging all the counterfeit vendors along the way . the fake dudes are quite clever too , they ' ve replicated the vendor ' s cart and name , even down to the yellow plastic bags . but the real deal was easily distinguishable by the long line of hungry patrons ! verdict - fast , the line moved pretty quickly - cheap , about N-N for a full dish of lamb and chicken combo - diy sauces . d . i . y . sauces . oh my love . - i could put the creamy white sauce on all of my food for the rest of my life - the red sauce however ? a tiny dollop was a fiery hell and made me almost want to cry like a baby . this is coming from someone who carries around a little bottle of hot sauce in her purse . . . you know , for emergencies . it was definitely tasty stuff but not sure i ' m over the moon in terms of all the hype around this cart . the meat wasn ' t bad at all but almost too finely minced , the rice was fine but it was honestly the white sauce that elevated the whole experience . shouldn ' t each component be delicious standing on its own ? like out of this world rice , tender meats , etc ? but it was still worth paying out of pocket for . ( couldn ' t expense it since it was cash only , wah ! t t ) \n","\n","Geo-Entites in Sentence 50: \n","nyc\n","\n","\n","Sentence 51: anyone who lives in or near montclair will join me in a moment of silence in remembering sesame , the best chinese restaurant in the state of new jersey , which closed last year when the owners very selfishly moved back to china to retire and be with their families . yeah , whatever . since then , i ' ve been on a quest -- a crusade , you might call it -- to find a chinese place to fill the void . i ' ve accepted that no place will be sesame , but would love to find good chinese food . unfortunately , lotus isn ' t it . first of all , it ' s a take out and delivery place -- that ' s important , because i thought it was a restaurant ( and according to another reviewer here , it used to be ) . i am guessing that would help with the food quality as with any place you order from vs . dining in . we had the barbeque beef stick because it was recommended here , and it was made with a funky spice -- fennel , perhaps ? -- that seemed unfamiliar and out of place on it . the cold noodles with sesame sauce were more tahini-tasting than peanutty , but they were light -- so if that ' s what you look for in these types of noodles , you will like them . the boneless ribs were the best out of all our party ordered , and although this might sound like a dumb thing to rate , the rice was perfect . we also had sesame chicken , which was more like a sweet and sour chicken than a typical sesame . so again , if you like sweet and sour , you ' ll like this it was just too sweet for us . finally , an order of kung bo chicken was overall fine , although we couldn ' t get past the potatoes in the dish , which none of us in our dining party had encountered in this dish before . so not awful , not the best . just , as the description reads , \" meh . \" off to jump on my trusty steed and ride off into the sunset to find another place to try . . . wish me well ! \n","\n","Geo-Entites in Sentence 51: \n","montclair\n","sesame\n","new jersey\n","china\n","lotus\n","\n","\n","Sentence 52: this review is only for the whiskey bar inside fraunces , not porterhouse or the museum . the \" dingle whiskey bar \" is a small bar with a silly name . it only comprises a portion of the historic tavern , but this might be the best part . we stopped in for a quick drink and were met with a combination of oversized bankers getting their mistresses liquored up . since this was our type of crowd , we decided to stay . it was a good choice . dingle ' s whiskey menu is impressive with several dozen single malts , irish , scotch and japanese whiskeys , and bourbons as well as wine and cocktails . they have whiskey flights that i would have tried if i didn ' t have to go back to work . the bar menu has a wide range of choices and the food is a good compliment to the suubstantial pour that you get if you order a whiskey neat or on the rocks . the service is fast , friendly and unobtrusive and the cost is on par with what you ' ll pay for similar spots in the area like harry ' s or vintry . dingle is a very nice addition to the drinking choices downtown . i don ' t know if i would pick it over wall and water or demi monde , but i would defintiely recommend it . have fun . g \n","\n","Geo-Entites in Sentence 52: \n","fraunces\n","porterhouse\n","the \" dingle whiskey bar \"\n","dingle ' s\n","harry ' s\n","vintry\n","wall and water\n","demi monde\n","\n","\n","Sentence 53: generally pretty impressed with the place ! i ' ve been looking forward to trying aksum for a while now . i ' ve heard great things about the brunch ( not too sure about how it is for dinner ) . a friend and i stopped by at around N N am and were seated immediately ( no reservation needed ) . the service was absolutely excellent and is probably the reason for my four star review ( though my dish probably would have been somewhere between a N and N . N star ) . our waitress was warm and genuine and happily talked us through the menu and cracked a couple of jokes . positive service like this can go a long way ! i settled on the shakshuka eggs and my friend ordered the monte cristo sandwich . presentation wise , the food was on point . taste-wise , the dish was great-- perfectly spiced , and texture of the baked eggs was heavenly . i definitely would have liked more pita bread to dip into the tomato stew ( it only came with about N small triangles of pita bread ) and i would have liked for the tomato stew to be a bit warmer ( i have a feeling my dish was ready to go before it was served and was thus cooling in the kitchen ? ) my friend was gawking over the monte cristo sandwich throughout our meal ( i ' m vegetarian so i didn ' t try it ) but it looked beautiful and she said it was delicious as well . i did try some of the apricot jam and potatoes that came on the side of the dish , and both were beyond tasty ! i definitely will be returning to try the famous french toast as well as other nontraditional breakfast varieties . this is a cute spot and is definitely not frequented enough-- would love to see more people coming through ! \n","\n","Geo-Entites in Sentence 53: \n","aksum\n","around N N am\n","\n","\n","Sentence 54: my coworker and i had to run to home depot for lunch and wanted to grab something while in the same shopping area . we decided to give this place a try as we both really enjoy indian food and it looked really cute inside . we debated over the menu for a few minutes , the guy behind the counter looked at us like we were nuts the whole time and offered no assistance or recommendations . . we stumbled upon the specials ourselves , he couldn ' t even be bothered to point them out as we obviously struggled to order . we eventually placed our order and sat down . twenty minutes later our appetizers came out . N minutes for a samosa seems crazy to me , but they were tasty . another N minutes went by before our meals came out . there is obviously no hurry at hurry chutney ! i could be na ve about indian food , but when i saw my whole meal consisted of two pieces of chicken , no rice , no sauces , just chicken , the N i just spent seemed really overpriced . we started regretting not just going to the buffet at palace of asia in hamilton ( which is wonderful , and cheaper ! ! ) . after N minutes , we had to get back to work so we asked for to-go containers for our meals , and i was told \" everything is over there \" and was pointed in the direction of the paper plates on a shelf . needless to say , the service was slow , the food was ok but way overpriced , and we were not made to feel welcome at all , more like we were an inconvenience being in there even though they had N other customer in the whole place . we will not be returning , and made sure to tell our other coworkers about our experience as well . \n","\n","Geo-Entites in Sentence 54: \n","home depot\n","palace of asia\n","hamilton\n","\n","\n","Sentence 55: if you ' re in the mood to spoil your palette and sip on some fancy wine , be sure to check out marlow amp sons on broadway , just past the bridge . you ' ll likely have to wait after all , this tucked away spot only has about a dozen tables . if you want to beat the crown though , go early ( i ' m talking N or N N ) and grab seats at the bar . that ' s what we did and thoroughly enjoyed our experience . our waitress and bartender were each incredibly friendly and the food was as delicate and flavorful as any other you ' ll find in the neighborhood . you know you ' re getting the freshest , best ingredients when you ' re served a hand-written menu . . . we started with some sparkling white wine and sampled the cantaloupe amp ham appetizer . the cantaloupe was sweet and there was a smoky eggplant puree drizzled about the plate that set this dish apart from others i ' ve tried . after that , we ordered the ' big plate , ' to split . the ' big plate , ' is a sampling of fresh seafood , all shucked and cracked so you don ' t even have to get your hands dirty . the lobster salad was by far my favorite . they served it atop a cold lobster tail along with oysters , clams and fresh baked whole wheat bread . even the butter was softened . i love places that serve softened butter . . . dress casual but get ready for gourmet plates . marlow amp sons has definitely landed on my ' top N faves in the neighborhood , ' list \n","\n","Geo-Entites in Sentence 55: \n","marlow amp sons\n","broadway\n","bridge\n","\n","\n","Sentence 56: sighhh . i honestly wanted to give this a N star rating , but because i have had great experiences at the collingswood location i bumped it up a star . my parents and aunt and uncle came to visit me in philly , and we decided to go to indeblue since we loved the collingswood location . we arrived at the restaurant a little after Npm on a saturday night . we waited at the bar , and it took a good N minutes before the bartender came back to the bar and took my order . i got the chai sangria , which was good but a little sweet for my taste . my mom and aunt really liked it though . we were seated shortly after i got my drink . and this is where , in my eyes , the experience went downhill . my parents and aunt and uncle are vegetarian . the menu had a total of N N vegetarian entree options , N of which were daals ( lentils ) . we started off by ordering N vegetables ( N of which were paneer based and one eggplant ) and one daal . i asked our waitress if there were any other vegetables we could order and she suggested appetizers , which we weren ' t interested in getting . we asked for all of the dishes to be made spicy and they were . one of the most disappointing parts of the night was when our food came out . indian food is meant to be eaten family style , but the portions were so small that by the time the N of us put a spoonful of the entree on our plate the bowl was empty . . . but of course we received a mountain of rice with each entree . we immediately had to order another entree , another paneer based vegetable . luckily the service was very attentive and our last minute entree came out piping hot within N minutes . now the bill . N-N per entree for the tiniest , most simple punjabi food . on top of that , we were charged N for a small plate of onions and lemon . what happened to the days of free pappadam and onions ? i ' ve been to many upscale american restaurants in nyc and they have no trouble serving table bread without charge . these things cost the restaurant literally nothing to make and if you ' re going to charge some absurd amount for a tiny entree , it ' s the least you can you do . to top it all off , my dad was looking at the receipt today and noticed that they charged a N tip for our party of N ! what is that about ? ! we hadn ' t noticed this at the restaurant so the waitress went home with a nice N tip . bottom line - i won ' t be back , at least not to the philly location . the lack of vegetarian variety and the hiked up prices ( and nonsense tip policy ) have ruined it for me . \n","\n","Geo-Entites in Sentence 56: \n","collingswood\n","philly\n","indeblue\n","collingswood\n","N N\n","nyc\n","\n","\n","Sentence 57: oh how we needed thee in g-ho this is what an adult sports-bar looks like . tv ' s are huge and everywhere , and there ' s really no bad seat in the house . the staff was attentive and friendly . the food is far better than the next closest ' true ' sports-bar , fox the hound . it ' s a good blend of small plates and entrees , sandwiches and comfort food . the tap list wasn ' t striking , but solid . a sports-bar doesn ' t need to bowl me over with their taps ( i ' ll go to jose pistola ' s or monks for that ) but it needs to cater to the N-N crowd that likes an occasional heady draft . prices were par for south street , but likely higher than you might expect to pay at other sports pubs . i suggest aggressive specials for games . on our first visit we had the bbq pork sliders , \" first meal on the moon \" sliders , wings and split a burger . the sliders were excellent ( i could eat N of the pork ones ) and the burger was an excellent \" pub \" burger - again , no need to overdo the creativity at a sports-bar . the beef was cooked like asked ( mr ) , the toppings were fresh and i ' d definitely order it again . the wings were cooked perfectly , nice and crisp , but they came out a little dry and had to ask for an extra ramekin of buffalo sauce . i ' ve heard and smelled good things regarding the korean bbq wings , that ' s next on my list . went in for the eagles-redskins game on our second visit and was stunned at the size of the crowd . seeing as the place is so new , i ' m not sure if i was witnessing a \" friends and family effect \" ( there are four owners ) or if it was entirely randoms . we struggled for a place to stand near the bar , and there was a first-come-first-serve policy in place with the tables , similar to a bar seat . i ' m fine with this but my wife started asking why we didn ' t go home and drink for free . i can ' t chastise a place for being packed , just an observation . i ' d definitely call this my new go-to for phils-flyers-birds nights , and intend to bring more folks soon . \n","\n","Geo-Entites in Sentence 57: \n","N\n","-\n","south street\n","bbq\n","eagles-redskins\n","phils-flyers-birds nights\n","\n","\n","Sentence 58: N . N stars . went here on a wednesday night with a good friend from cali . honestly , i never heard of this place until he recommended it . we arrived about Np on a wednesday evening , and we were sat immediately . right away , the waiter served us water and explained the menu . we ordered some drinks , i ordered the dr . fuku and i forgot what my friend ordered . we loved both drinks . had beer subsequently . ok , so we pigged out and ordered quite a few of apps entrees steamed buns delicious , buns were fresh and the pork was tasty . texture may not be appealing to many though . blt i forgot the actual name but it was similar to a bun but the pork was fried and it tasted like a well . . . . . blt sandwich . this was my favorite app . mackeral sandwich our \" least \" favorite which was an understatement . i still liked it but it could have used more imagination . smokey mountain ham very good , nice cured taste , and perfect smokiness . probably the best ham i ' ve had . pork shoulder steak this was my favorite , very good alone but adding the hot , siracha-like sauce put it over the top . extremely tasty . spicy pork sausage rice cakes this was very good too but i loved the rice cakes ( filled with cheese ) . the sausage could have used a little better texture . this dish was my friend ' s favorite . overall , great service , atmosphere and i ' ll return . however , my wife can ' t eat anything on the menu so it ' ll have to be without her . this is a good date place though albeit a little pricey . \n","\n","Geo-Entites in Sentence 58: \n","cali\n","\n","\n","Sentence 59: bubby ' s was a very pleasant experience for me and my friends . the restaurant is located a little off the beaten path in tribeca , and i understand it is insanely busy for weekend brunch , but on a weekday evening it was not too crowded or loud . i also understand bubby ' s is very family friendly and that usually there are kids running around everywhere . . . we didn ' t have that experience , thankfully . the menu is filled with lots of comfort food , like bacon wrapped meatloaf , burgers , and even tacos , not to mention buttermilk biscuits . i opted for a shrimp primavera special which was awesome , and of course , a biscuit ( or two ) . our waiter was wonderful . . . really nice , knowledgeable , made us feel good about our orders and took care of us all night . i didn ' t like my pineapple cocktail . . . it was just a little too strong , but i added some water and would just choose something else next time . we somehow missed out on dessert and walked past a \" perfect \" key lime pie and some vanilla and chocolate cupcakes as we were leaving . . . we are already planning a trip back just for the sweets ! \n","\n","Geo-Entites in Sentence 59: \n","bubby ' s\n","tribeca\n","bubby ' s\n","\n","\n","Sentence 60: this is a neat little place serving lebanese food ( with a french influence ? ) on montclair ' s main street . we were seated promptly in the tiny but nicely decorated dining room . the ambience was pretty nice except for casablanca playing over a widescreen tv on mute . - ) . jarring but hardly a big deal . they more than made up for this with the interesting music selection . around N minutes after we were seated , we were served some fresh piping hot pita bread right out of the oven that is prominently displayed in the front of the restaurant , with an assortment of dips . delicious . i got the chicken kebab platter and was extremely pleased with it . the kebabs were tender , juicy and extremely flavorful . slightly different marinade from indian-style kababs , but similar enough for a whole lot of nostalgia . it came with some kind of lentil puree that i wasn ' t too crazy about , but it was a personal preference , and no reflection on the taste . we also got a delicious piece of fresh baklava complimentary for dessert which was the best possible way to end the meal . all in all , a really good dining experience and one that we will definitely be repeating . \n","\n","Geo-Entites in Sentence 60: \n","montclair\n","casablanca\n","\n","\n","Sentence 61: as i sit here in colorado , dying for a piece of east coast pizza , i long for this place . this place . . . is damn delicious . growing up right down the street from new haven , i was blessed to be near such incredible pizza at all times . of course everyone has their favorite pizza place in nyc , just like us in ct , but when i moved to the east village , i stopped by artichoke for my first slice of pie as a ny resident , and it ' s forever my favorite . i ' ve since tried other joints that have rave reviews and diehard fans , and while yes , they were pretty great , too , artichoke has a special place in my heart . this pizza is so good , that on a night of torrential rain and heavy winds , i walked my ass down the street and ordered an entire pie . i walked it back to my apartment , shielding it from the rain as well as i could , and when i got back to my tiny apartment on avenue b , i hunkered down on the living room floor , sopping wet hair and clothes , and savored each bite as if it were my last . so which kind is my favorite ? their famous artichoke one of course ! i ' ve had the margherita and a taste of the crab , but man does the artichoke make me see stars . this place is cash-only , and has enough standing room inside for about N-N people comfortably . if there ' s a wait , trust me , it ' s worth it . grab a slice and hang out on the sidewalk with a beer . on a warm summer night in nyc , this my friends , is heaven . \n","\n","Geo-Entites in Sentence 61: \n","colorado\n","east coast\n","new haven\n","nyc\n","ct\n","the east village\n","artichoke\n","ny\n","artichoke\n","avenue b\n","nyc\n","\n","\n","Sentence 62: i ' ve lived across the street from trio for almost a year now , but i never went until just last night when i needed a close-by restaurant to take my visiting grandparents to . i chose trio over someplace like rembrandt ' s or london , just a few more blocks away , because it seemed quieter and a little more high-end . first impressions inconspicuously tucked away on the corner of brown and taney st ' s , i think its location is a main reason this place is usually pretty empty , which is kind of a shame , something my grandfather commented on-- for a place so conveniently close by in the neighborhood , why aren ' t there more people going there ? my guess is that it ' s not quite that crowd living around the restaurant-- you ' ve got mostly late N y o and then old greek and italian families that have been there for ages , not quite the asian fusion crowd you might expect to find a bit deeper in the city . either way , trio probably doesn ' t have an easy time with that . upon walking in the door , i was displeased with the smell of the place , it smelled like a sponge after washing a sinkload of dishes . . . . luckily my nose was quick to habituate . the food drinks it ' s a byob , and i was fortunate enough that my grandparents ( likely on the suggestion of my grandfather , who enjoys drinking it up with his younger kin ) brought a nice bottle of red along , not even expecting that we would uncork it that night for dinner . i think trio could really benefit and expand their business by acquiring a liquor license and installing a bar , i know i would be there a lot for cocktails before going out , as the only other bar on the street is a dive bar called krupa ' s , which isn ' t really my scene . . . however , trio would be right up my alley if they served . the menu featured an enticing selection of vietnamese and thai-influenced dishes , i went with the beggar ' s pouches for my appetizer and the seafood hot pot for my entree , while my grandmother went with two appetizers-- the chicken satay and corn fritters , and my grandfather had the chicken curry . the beggar ' s pouches are one of the most popular offerings at trio , and they had a delightfully crunchy texture . . . although i think it was a little too sweet from the sauce , it was very tasty . by the time my entree came out i was already kind of full , but i did my best-- it was very good . i originally ordered it after thinking of mongolian hot pot , one of my absolute favorite things from my trip to china in ' N . while trio ' s hot pot is nothing like mongolian hot pot , it was still a lot of fun-- scallops , calamari and shrimp with glass noodles and various greens . the chicken curry was very spicy on the curry , but apparently you can ask them to go easy if that ' s not your bag . the service i thought our waittress was as attentive as she was friendly , and i think that even if the restaurant had been a little more full than on our tuesday night visit , she still would have handled my grandparents and i just as adeptly . although she sort of stumbled through the specials , and i didn ' t really retain what they were when she got through them all , and she spilled our wine as she poured it , you could tell she wasn ' t doing it out of neglect for our comfort and she still did a great job of taking care of us . the bottom line i think i need to come back here with a date or something , i ' d like to see the main dining area upstairs . for me , it ' s conveniently located , for others , finding it , and then finding parking on top of that might be a hassle . even still , trio has some great food , and it totally worth checking out . i know that in this review i did a fair bit of complaining , but trust me , the overall experience was a very good one . \n","\n","Geo-Entites in Sentence 62: \n","trio\n","trio\n","rembrandt ' s\n","london\n","brown and taney st ' s\n","trio\n","trio\n","krupa ' s\n","trio\n","trio\n","china\n","trio\n","trio\n","\n","\n","Sentence 63: after a long , cold day in philly we found ourselves in the warm and vibrant reading terminal market . we had only come to browse , as we had planned to eat dinner at the continental , but our hunger quickly caught up to us and we soon found ourselves drooling over beck ' s southern delicacies . now , i ' m no expert on southern food , far from it . but to my credit , i have enjoyed southern cuisine in new orleans , so i think that buys me just a little bit of respect . that said , i found beck ' s surprisingly good . the wait staff was incredibly friendly , offering samples of just about anything we wanted and patiently waiting for us to decide on what we ' d like . we ended up going for the gator gumbo and shrimp crawfish pasta--both excellent ! gator gumbo was rich , flavorful , and had a good amount of meat and rice . shrimp crawfish pasta was simple with a tasty sauce . the only knock is that it ' s a little pricey given the quantities . but if you live around philly and you ' re craving some good southern food , this is a solid choice . \n","\n","Geo-Entites in Sentence 63: \n","philly\n","reading terminal market\n","continental\n","beck\n","new orleans\n","beck\n","philly\n","\n","\n","Sentence 64: i loved the possibility of ordering via yelp eatN and just pick up the food after Nish minutes . i had to restrain myself not to order pretty much everything , but still ended up with twice the amount i could eat . . . well , it ' ll make a nice breakfast tomorrow . the softshell crab tempura was really , really nice . that it contained zucchini sweet potatoe broccoli onion tempura as well was a nice surprise . esp the onion tempura as i ' ve been looking yearningly at onion rings at burger places . we don ' t have these huge onion rings in sweden , so guess that makes them even more desirable . ( and yeah , tempura and onion rings are not the same , but close enough for me ) . the sweet potatoe roll was rather boring though , but the seafood gyoza was great . all in all , it was a perfect take out , but i wish i ' d had dinner at the restaurant as it looked really nice , and some of the sushi brought out to the guests . . . oh my , it made my mouth water . edit N note to self mikaela , do not - i repeat , do not - save tempura for breakfast . no , it won ' t taste good even if you have a huge hangover . \n","\n","Geo-Entites in Sentence 64: \n","yelp eatN\n","sweden\n","\n","\n","Sentence 65: do not go here if you are of indian ( from india ) descent or if you look like an indian . my family and i were blatantly discriminated against while being served here last night . first it was the crappy seating system . of course it was packed , so we understood that we would have to wait a bit . no problem . my party in total was N people . why is it they were seating other parties of the same size , who mind you only consisted of either white or east asian people , before us who got to the restaurant after us . i just find it hard to believe all of these people had some relationship with the staff , or had perks of some kind . then it was the food . after these ignorant people seated us , why is it again we were the last to have our orders taken . i observed the server , she was taking the orders from all the asian people first . again these people were seated after us . this is the point where my family and i began to really wonder what was going on . about six tables got their orders taken and then us . another server quickly brought over my own drink , but seemed to forget about the rest of my family ' s drinks . we waited and waited and waited . finally my father calls over a male waiter to inquire why all of our drinks had not arrived yet . in a flash our drinks were at the table . almost the same deal with the food . we look over to the east asian people and white people ' s tables , the food is piling up . we have yet to receive our appetizers . again we have to basically yell at the servers to bring our food . in a nutshell this was all just complete and unnecessary discrimination . my family and i have been from french to austrian restaurants and never have been treated this way . the area this restaurant is located in has a decent indian population . it is no wonder we did not really see any indians , or really any colored people to be honest , besides ourselves in the restaurant . i guess we know who they prefer to cater to . the food was alright , but the experience left a bitter taste in my mouth . \n","\n","Geo-Entites in Sentence 65: \n","india\n","\n","\n","Sentence 66: for months i had been tracking burger fi like an iroquois brave . i ' d put my proverbial ear to the ground ( aka read about it in the insider foobooz ) and my excitement would grow as signs of it ' s opening neared . each day i would walk by on my way to work and glance in , and it seemed to be getting closer and closer but not opening , finally i couldn ' t take it and i shot them an email saying what ' s the deal , stop this nonsense and open already ! ! they told me to chill and it would be about a week . fast forward a few weeks and the day finally came for boo and i to spend our epic sunday cheat meal at bf . we walked in and the place was jumping . nfl combine coverage on all the tvs , i felt like i could potentially be spending a fair amount of nfl sundays here . there was not much of a line and boo and i each ordered the brisket burger bc why wouldn ' t you . N patties of ground brisket with swiss and blue cheese ? c ' mon son . then because i ' m fat i got an order of parm fries and a chicago style hot dog . boo got a side of onion rings . total cost plus a soda almost N . N a little on the high side for casual but whatev , if it lives up to its billing i ' d gladly pay it every freakin ' sunday . after paying you shuffle down the line and wait for your buzzer to go off to get your food . i stood patiently in the corner while boo secured a seat . at the N minute mark the guy next to me became agitated and i was thinking it ' s only going to get worse from here . at N mins he went up and asked about it and the manager checked on it and told him it was up next . this whole time i would look back at boo and she would shoot me these dart looks like \" say something ! say something ! \" i would look at her like \" i ain ' t got the energy girl \" . our food came at the N minute mark . famished i handed in my buzzer and took the food to the table . as crazy as this sounds both our burgers were really bland . thinking back i can ' t remember if they put the blue cheese on or not bc its illegal for blue cheese to be bland . we ended up drowning them in ketchup . very disappointing . the sides we got we fine but the star here is the burgers and it just wasn ' t up to snuff . feeling dejected we walked out with our heads low . a week later i was walking by around N N there were about N people in there so i decided i ain ' t going out like that , this place has to be good and we just came on the wrong day . i got the standard burger fi burger green style . it still took about N minutes to get . the lettuce wrap was awesome however the burger didn ' t taste like anything . another ketchup drowning and i left again dejected . i still am holding out hope that these are the early restaurant blues but i cherish my sunday cheat meals and i can ' t take the gamble on burger fi again . maybe a tuesday lunch but not my sunday . \n","\n","Geo-Entites in Sentence 66: \n","bf\n","chicago\n","\n","\n","Sentence 67: i had a great bbq burger here the other night . taste and texture were wonderful , but the really amazing thing about this burger was that it held together via some sort of magic and didn ' t become a complete mess all over my hands . the fries that came with it were also excellent -- earthy , salty , skin-on fries with some sort of herb rub . the onion rings sort of stole the show , though -- damn they were good . yes , they are worth N more dollars . also milkshakes . pyt has them . are they worth N ? jury is still out . i had the caucasian which is like a white russian . it got a little too overwhelmingly sweet for me by the end . wife had the one with coffee which i liked a little better -- the coffee crystals just cut through all the sugar a little . she didn ' t finish it though and passed it over to me , which she shouldn ' t have done because then i spent the rest of the night exclaiming \" i drink your milkshake ! i drink it up ! \" i ' ll be back to pyt . they have a big ol ' outside seating area with great views of the bigscreen and the piazza . it was a fun place for people watching . \n","\n","Geo-Entites in Sentence 67: \n","bbq\n","pyt\n","pyt\n","\n","\n","Sentence 68: it ' s arguable that brooklyn became a restaurant destination a long time ago . it really didn ' t until recently . it started when a handful of young , well-funded restaurateurs left manhattan in search of not just cheaper rent , but of a place where experience didn ' t matter , and success could come without much effort . for a while , brooklyn was that place . brooklyn mastered atmosphere early on . its style -- emerging from glowing candles in rundown windows and the resurrection of abandoned infrastructure -- became a dazzling patchwork of culture that we now consider commonplace . today , what we know as ' brooklyn ' serves as an often-obnoxious , artisanal theme that ' s mimicked all over the world . nevertheless , at first , food and service in brooklyn took a back seat . people were willing to compromise basic hospitality for a cool vibe and something strangely new . it worked . but as brooklyn ' s market became flooded with inexperienced rich kids looking to pursue their dreams , and the price of living quadrupled ( literally in williamsburg ' s case ) , the customers started having standards . the exchange between bohemia and paying customer resulted in the weeding out restaurants that were too stubborn or inexperienced to evolve . the best brooklyn restaurants survive . now , food and service each play as critical a role in a restaurant ' s success as atmosphere does . and while new places like talde in park slope or littleneck in gowanus understand that , it ' s the remaining pioneers that offer the best experience , and anella is one of them . anella is to greenpoint what al di la is to park slope , what motorino used to be for williamsburg . it ' s a real neighborhood restaurant where all of the fundamentals , including that unique , special brooklyn vibe , glow like a candle in a window . the food and drinks are excellent , and the staff will do whatever they can to accommodate your requests . on your way out , if you can make it past the door without being thanked by just about everyone , be surprised . one of my favorite restaurants in the borough . \n","\n","Geo-Entites in Sentence 68: \n","brooklyn\n","manhattan\n","brooklyn\n","brooklyn\n","brooklyn\n","brooklyn\n","brooklyn\n","williamsburg\n","bohemia\n","brooklyn\n","talde\n","park slope\n","littleneck\n","gowanus\n","anella\n","anella\n","al di la\n","park slope\n","motorino\n","williamsburg\n","brooklyn\n","\n","\n","Sentence 69: i went to supper for the first time this tuesday at N with a reservation for my Nth birthday . i ' ve heard about it for years and had high expectations . originally they only had N outside table to offer or a small table in the corner for my date and i until he advised the hostess we ' d like something more comfortable . we sat in the location other room to the right of the main door entrance which originally seemed like a separate restaurant but was preferred as this room was much quieter . our waitress ( average-mid body type blonde early N ' s female ) took almost N minutes to unpleasantly come to our table . when ordering wine and asking for her to recommendations on the menu , she was not helpful or patient , especially considering that it was not busy . when ready to order our meal , another hour almost went by without her return to our table . i had to nicely ask her when she gets the chance to come by- i also had to do this when asking for the check . towards the end of the night she was behind the bar with her phone . unprofessionally she was also speaking loudly with a friend that was sitting at the bar , while cursing when talking dropping the \" f word \" multiple times . classy right ? in addition the veal meatball antipasto was served cold , and our meals the spaghetti al limone and the tagliatelle was just good , not great . was looking forward to my birthday dinner but if it wasn ' t for the great company i had , it was quite lousy and disappointing for a four star over rated les italian restaurant . \n","\n","Geo-Entites in Sentence 69: \n","N\n","les italian\n","\n","\n","Sentence 70: simply put - this place is amazing ! though i live in manhattan and dont make it to brooklyn often , this is the only three michelin-starred restaurant in brooklyn and is worth the trip . the restaurant is actually just a kitchen counter which sits N people ( through staggered seating times ) chef cesar ramirez is fantastic . not only does he make wonderful food which he is so clearly passionate about ( the ingredients , the taste , the presentation ) he is incredibly friendly . we had the pleasure of sitting on the table ' s edge closest to the kitchen and therefore had many opportunities to chat with him . the prix fixe dinner for us consisted about N small plate courses . some of my favorite courses included shima aji w ginger crisp blue fin tuna w crispy leeks langostine w iranian saffron octopus w heart of palm duck w gnochi as others have mentioned , reservations are very difficult . just be persistent every monday and call - we finally got through after N weeks of trying . though they had already filled reservations for the N-week out timeframe , they had a cancellation for the current week- we took it ! dinner now runs you N per person wine ( N per bottle ) N gratuity on top . . . limiting this to a special occasion destination for us ! \n","\n","Geo-Entites in Sentence 70: \n","manhattan\n","brooklyn\n","michelin\n","brooklyn\n","\n","\n","Sentence 71: i came here for brunch and to watch the eagles v . redskins game . yea , i was surprised too when i was told that we would be able to watch the entire eagles game here . but there are televisions throughout the restaurant , with a different game on each screen . a perfect intersection for hipsters and sports fans . i arrived early , and waited for my brunch partner to arrive . i was able to be seated first , which was great because it meant i didn ' t have to stand awkwardly near the entrance . once seated , we both placed orders for the cauliflower souffle , which comes with a small side salad . it was delicious and very reasonably priced . the service was great . even though we stayed for the entire game , we were never passive-aggressively encouraged to leave . our waitress also had a smile the entire time she checked in with us . ps . i ate here in the midst of movember . the male servers were sporting some great handlebars , even if they sport the handlebars year round . it was a fun atmosphere ! \n","\n","Geo-Entites in Sentence 71: \n","eagles\n","redskins\n","eagles\n","\n","\n","Sentence 72: i ate at the bar in june of this year . in latin , \" vivo \" means \" life . \" this restaurant was more like death , to me . it wasn ' t crowded at all on a dead saturday afternoon , but took forever to get seated , much less served . turkey club came without mayonnaise and included a single slice of romaine lettuce ( think caesar salad lettuce ) . i guess they thought that the italian bread it was on made it special in some way . but it was mediocrity on a plate . the ingredients shouted \" sysco \" to me . i should ' ve known . shame on me . waiter failed to check up timely , so i ate it without mayonnaise and without iceberg lettuce anyway . and i paid N for it , and a single cocktail ( i know that this is a hotel bar restaurant , but that ' s a bit steep for a sandwich , fries , and a smirnoff ) . completely un-remarkable but for the fact that the experience was slow enough to mention it on yelp . two stars when i was so disappointed ? yes , ' cause your mileage may vary . there were handsome appointments all over the place . the flatware and glassware was of high quality . and the place ( including the bathrooms ) was very , very clean . \n","\n","Geo-Entites in Sentence 72: \n","latin\n","turkey club\n","N\n","yelp\n","\n","\n","Sentence 73: my girlfriend and i went here to celebrate our N-year anniversary , and we wanted to go somewhere special and unique . i must say that this was one of the most amazing dining experiences ! first off , we arrived at N Npm , and even though their kitchen closes at N , they still offered to seat us outside in the courtyard next to the enchanting fountain . for an appetizer , i highly recommend the \" cheese boat \" which is fresh baked bread with oozing delicious cheese and an egg in the middle . it would have been enough to share with N people ! the new york times was supposedly coming the following night to photograph and do a story on this very special dish . for the entree we ordered the lamb kabob , and tried two of their specialty sauces , one was tomato based and the other ( which we requested ) was a delicious plum sauce . the georgian cabernet red wine was the perfect complement to the meal , and the bottle prices are very reasonable . the service was exceptional . we met the owner afterwards and he was very kind , and asked us if we enjoyed our meal , which we responded with a resounding yes ! i highly recommend this new , up and coming restaurant spot . \n","\n","Geo-Entites in Sentence 73: \n","N Npm\n","N\n","the new york times\n","\n","\n","Sentence 74: i absolutely love woorijip . this place is amazing in so many ways . it is , in short , korean fast food and you can get lunch ( or dinner ) for less than N . if you ' ve never been to this place before , it can be very confusing so here , my friends , is the rundown . the restaurant is divided into three sections N ) hot cold buffet this is located at the very front when you first enter the restaurant . you can use a to go box or a for here plate . it ' s pay per pound , so you can pick up as much ( or as little ) as you want . great selection . i like the meat and noodles the best here , though there ' s also a lot of yummy pickled veggies and little side dishes . great for those who love variety and want to try a bit of everything . note that this section does close earlier than the section below . N ) hot cold entrees these are located right behind the buffet , also on the west side of the establishment . there are a lot of packaged foods here , from rice cakes to tofu stew to beef glass noodles to korean bbq . i would actually skip the korean bbq here and go to the food gallery across the street instead if you ' re craving fast and cheap bbq . the tofu here is also just okay . i do like the kimchi fried rice here . but everything else here is good and a great deal cheaper than other places on the block . note that a lot of these entrees come with rice and a salad . make sure to pick these up next to the register on the opposite wall . there ' s also another shelf behind this section that contains korean sushi , which can be easy to miss . on the opposite wall across , there ' s also a refrigerated section with more food options , as well as drinks and beer . N ) restaurant there ' s also a \" restaurant \" in the very back which has either been going through renovations or has very limited hours , because i haven ' t seen it open lately . the menu , though limited , is really good and very cheap . when you check out , make sure to grab a stamp card . you can collect cards and save up for gifts , ranging from asian snacks to ceramic cups to soju . this is a great place in k-town to grab a casual , quick meal or even to pick up lunch for the next day ! woorijip is the very best . \n","\n","Geo-Entites in Sentence 74: \n","woorijip\n","soju\n","k-\n","woorijip\n","\n","\n","Sentence 75: on a beautiful sunday afternoon , i was heading to meet my friend for a brunch . both of us craved something with a latin spanish flare , and where we could get some good drinks . she lives in greenwich village , and while wandering around , came across cuba . they had a brunch menu with yummy cuban options , and you could add N hours of unlimited drinks for N . N . perfect ! it was decided . they had all the doors and windows open , so though we were not seated outside , you could feel the breeze , and felt as though you were . the decor was white , with clean lines , and pleasant . rather quaint in size in the front , and sorta close to your dining neighbor , but it didn ' t really bother me . we both ordered the vaca fritas , and their specialty mojito ( made with champagne , instead of rum ) to start . the vaca fritas was super yummy . the portion size was kinda small , but maybe i just felt that way because i love my meat , and it was so delicious that i wanted more . the mojito was unique , as were the rest of the options they offered for brunch . it was nice to have a unique variety of drinks for brunch outside of the typical mimosas and bloodies . our waiter wasn ' t the most friendly , but he took care of us . we had drinks when we needed them , and he let us gab on like you know girls catching up can do . overall , i would totally come back here again . i really enjoyed this place , and would absolutely come back for brunch or even dinner some time . \n","\n","Geo-Entites in Sentence 75: \n","greenwich village\n","cuba\n","\n","\n","Sentence 76: i don ' t claim to be experts in indian cuisine , nor do i claim that i know what authentic indian food is like . with that said , i went here for my indian food cravings when i was in hanover for undergrad and grad school . it is definitely the better of the two indian restaurants in the area . . . strictly speaking of the food . i liked their chicken and vegetable dishes ( things i normally get when i do indian ) chicken tikka masala , saag paneer , navratan curry , baighan barta ( sorry if i bastardized the spelling ) , etc . their tikka dishes , however , are often dry . i say \" often \" because it is very good sometimes . if it weren ' t for this following experience i would given the place N stars . once we found hair on one of the dishes , and they weren ' t so apologetic about it . the waiter picked it out , looked at it , and said \" oh , it ' s small \" . they were all grumpy about the fact that we found hair on it ( wtf ! ) . that made me a bit angry . the price is on the expensive side , too . they must feel like they have this opinion that given the lack of ethnic options in hanover , nh , it ' s understandable to charge a lot and serve food with hair in it . \n","\n","Geo-Entites in Sentence 76: \n","hanover\n","hanover\n","\n","\n","Sentence 77: heck yes ! the things that stand out here are N ) open super late on random weekday nights so you don ' t need to go to mcdonald ' s or duane reade cvs for drunk munchies N ) the gazillion different sauces that are all super yummy N ) the free toppings to top off your beautiful fries ( e . g . jalapenos , onions ) i ' m so glad i got introduced to this establishment . i ' m not a huge fan of eating potatoes and other sort of carbs , but these fried , oily , hot , crunchy fries are just so overwhelmingly delicious you have to let go sometime ! i ' m not even a huge fan of thick-cut fries ( would much prefer the stringy crispy straw fries they have at spotted pig ) , but pommes frites is just something everyone has to try ! there are so many sauces to choose from , and you would think that they end up all tasting the same , but each of the dips is so unique and yummy you should definitely get a lot and try them out . some flavors that stand out to me right now are roasted garlic mayo , rosemary , pesto mayo , sweet chili , and sundried tomato mayo . i also think it ' s quite cute how the wooden tables are designed with holes to hold your fries and the sauces ) . it ' s tough to find a seat inside ( pretty much none . . . ) , especially if you come here with a larger group of friends . sometimes i ' m hard pressed to know what do with my fries ( and especially the sauces ! ) if you don ' t have an idea of where to sit outside of the shop , especially if you want to keep the fries extra hot and fresh . . . anyway , that shouldn ' t stop you . gogogogo ! \n","\n","Geo-Entites in Sentence 77: \n","mcdonald ' s\n","duane reade\n","spotted pig\n","\n","\n","Sentence 78: when you think of the smashing up a wine bar and a burger joint together it doesn ' t sound necessarily like a winning combination . . . but josh capon and co . have proven that it does . . . what makes it work is the rounded out menu that contains many options besides burgers . . . the dark and cool vibe atmosphere . . . and don ' t forget the interesting wine list . . . and of course better than average burgers . we started with the rock shrimp and corn hushpuppies . . . an absolute winner . three of us had burgers . . . a classic , a mexican and a bash . . . all extremely satisfying . my cousin had the short rib tacos . . . she said they were awesome ! add a bottle of \" the keeper \" merlot from washington state , a wine that is in your face with flavor and matches well with the food . . . and all together it makes for a great evening of eating and hanging out with friends or family . on top of it all , i find the place a good value for nyc dining . i would surely make a return trip to burger and barrel ! \n","\n","Geo-Entites in Sentence 78: \n","washington state\n","nyc\n","burger and barrel\n","\n","\n","Sentence 79: when giving a bad review , i sit and think and go through the experience again in my mind and see if there ' s any possible way that these problems could be improved so i can give a fair review and state what needs to be worked on . however , in the case of the restaurant fish , there is no fixing these problems , its just bad ! i came to fish on a recommendation from a friend , i should have known right then and there because this girl don ' t know good food . my mind and tummy was craving some good seafood , so i decided to go with it and the reviews were pretty good also . i walked into fish on a saturday night and it was full . we had to leave our name and phone number and had about a good half hour wait . no problem , \" caliente cab \" was right around the corner and we went in for a few frozen drinks . the funny thing was , i was thinking maybe , we should skip fish and just eat here instead since we already got drinks . but noooo , my friend who was with me said this is bad mexican food , not authentic . fine , he was right . now looking back , i would eat that pre-packaged mexican food any day over fish ! . we finished our drinks and walked back over . we got there just in time because we were seated as soon as we walked in . the seating was really tight . i was afraid that i would knock over our neighbors plates when squeezing by to get to my seat . not good . anyway , our waitress handed us our menu and told us some specials they had with a ridiculous attitude . i didn ' t care , i was just so hungry at this point ! reviewing the menu , they had some pretty good stuff and i was getting excited . i decided on the \" soft shell crab \" and my dinner date ordered the \" lobster roll \" and a \" clam chowder soup \" . might i add , my date had ordered his \" lobster roll \" first and was unsure if he wanted to get soup , when he decided that he did want it , the waitress was so irritated like as if we were bothering her ! . a longggg time later , we were still waiting for our food and then the \" clam chowder \" soup finally comes and we were notified that the rest of the food will be out shortly . since i was starving by now , i decided i ' ll have a little of the soup . gross ! how in the world can you mess up clam chowder soup ? ! ! ! ! the texture was watery and flavorless . horrible ! the rest of the food finally came out and was looking good ! . i couldn ' t wait to get down to business . my \" soft shell crab \" came with mashed potatoes and mixed veggies . the \" lobster roll \" came with a side of fries . as i started to dig into the crab first , i noticed the bottom was super oily and soggy . gross . and i ' m pretty sure my blood pressure sky rocketed when i began to eat that crab . it was like eating salt cubes . not just the crab but everything on that plate ! it was disgusting ! now the \" lobster roll \" was complete crap ! nasty bread ! nasty dry lobster ! the worst ! . just to justify how horrible this experience was , we started chatting up the the couple next to us , who was also having a bad dining experience . first they sent out the wrong dish to them , then when they got the order right they told them they were out it . the husbands food was also salty and not to his liking . and as for the wife , she was pretty ticked off . they also stated they would not be back ! hmm , now i know its not just us then . bad food ! bad waitress ! i will not be back here . oh , and the food is way overpriced . \n","\n","Geo-Entites in Sentence 79: \n","fish\n","\n","\n","Sentence 80: best brunch i ' ve had so far in new haven . cinnamon roll pancakes are everything . everything . and this is coming from a girl , who is hands down a waffle fan . i ' ve seen some complaints that the hashbrowns homefries are little on the salty side , but having eaten my share of flavorless and just plain sad breakfast potatoes on so many brunch menus ( and i have eaten brunch all across the south on up to new england ) , these are the best . the . best . and breakfast potatoes are super important to me because i don ' t eat eggs . they are seasoned , and crispy . delicious . the only reason i can ' t give them five stars is the seating process is pretty annoying . i don ' t mind standing in line , but when i get to the front of the line , there is only so much i can over look when you tell me it will be just a second , but what you mean is it is just a second to sit at the counter . if i ' d wanted to sit at the counter , i could have likely cut my wait time in half . i waited nearly N minutes to sit at a table . and i get it , seating has to happen as space becomes available , but at one point they sat a party of three that was in line behind me and the one other person i was there with . there are no triangle-shaped tables at this place . \n","\n","Geo-Entites in Sentence 80: \n","new haven\n","new england\n","\n","\n","Sentence 81: overwhelming . amazing . hectic . sensory overload . eataly is a contradiction in many ways but i absolutely love it . under one roof , you can travel to to italy . the highest quality products straight from the homeland in nyc . it ' s like visiting the louvre in paris but you ' re looking at food instead of art . also , it ' s similar to the louvre in the sense that you probably need to visit it over and over to see everything . my favorite sections of eatly pastries gelato espresso maybe i had sweet tooth that day ? sandwiches are made to order . they looked yummy as well . head to the back and look at the beautiful seafood and neatly cut meats . i would recommend making a reservation for any of the restaurants under this roof -- they are popular and busy . i also purchased some goods before leaving -- sardines in olive oil , italian jelly candies , biscotti , and some fig jam . still enjoying them at home -- very high quality and delicious . honestly , i just love walking around eatly . do it . all your senses will thank you for visiting this marketplace slash restaurant slash visit to italy -- i mean , eataly . \n","\n","Geo-Entites in Sentence 81: \n","eataly\n","italy\n","nyc\n","louvre\n","paris\n","louvre\n","italy\n","eataly\n","\n","\n","Sentence 82: i just realized that i never wrote a review for miya ' s , so as a placeholder here ' s a reply i made on the yelp forum about this restaurant . \" i find that miya ' s tends to get very extreme reactions , with a lot of my friends loving it and a smaller contingent refusing to set foot in the place . i ' m not a fan personally , but i still go fairly frequently for group outings . i like the whole sustainability thing and i give props for creativity , but most of the combinations have been misses for me--intriguing descriptions with unflavorful results . the rice is frequently way too dry ( it ' s some sort of a dryish brown rice to begin with , which doesn ' t help matters ) . all this for excessive prices for the most part . that said , i am a huge sushi snob and as mentioned a lot of my friends ( especially the ones who don ' t like raw fish or traditional sushi ) are very excited about miya ' s offerings , so ymmv . there are definitely some delicious rolls in the menu you just have to order carefully , and the very friendly servers are usually good with recommendations . plus , the space ambiance is fun , the staff is very friendly and sometimes will come over with free things , and their drinks are pretty good including housemade flavoured sake . if you ' re in new haven , definitely try it once to see how you feel about it . \" N . N stars . can ' t immediately recall what i ' ve had here and enjoyed as it ' s been a while . for my own reference , to be added to later as i remember name and details - firecracker sake ( in small quantities--just gets overwhelming after a while ) - kama sutra - tokyo fro was okay . . . i guess . i wasn ' t very impressed but it ' s fun for the table . - \" the best crunchy roll ever \" was actually pretty good - salmon dill sauce roll ( can ' t remember name ) - dates figs honey roll ( can ' t remember name ) \n","\n","Geo-Entites in Sentence 82: \n","miya ' s\n","yelp\n","miya ' s\n","miya\n","new haven\n","\n","\n","Sentence 83: i was looking for a new place to take my wife for her birthday . my daughter recommended butcher bar . she had eaten there in the past and said her mom would like it . my son and daughter decided to join us and surprise their mom . butcher bar does not take reservations for less than a table for N we had N people and made a reservation for Npm . we arrived at Npm and my wife was delighted to see the rest of the family waiting for her . we were seated at N N and our drink order was taken . the food was outstanding between the N of us we had ordered almost every type of meat on the menu . the brisket was moist and flavorful , the burnt ends were perfectly charred , the pulled pork had a nice tang to it . the pork belly was good but a little too fatty for my liking . their sausage of the day was a philippino sweet sausage , i ordered some as a side and it was packed with flavor and super moist . speaking of sides i tried the smoked bacon baked beans , homemade potato salad and coleslaw . i tried my daughter ' s mac and cheese and that i thought was just ok . all platters came with coleslaw and pickles . at the end of our meal they brought us some homemade apple cake and my wife ' s piece had a candle in it and they sang happy birthday to her . i ' ll need to go back to butcher bar again to try some of their sandwiches , especially the pulled pork philly cheese steak style and a bob ' s burger . to be continued . . . . . . \n","\n","Geo-Entites in Sentence 83: \n","butcher bar\n","butcher bar\n","N N\n","butcher bar\n","\n","\n","Sentence 84: after reading yet another good review of the treemont , we decided to check it out this past friday night . after walking in , i was pretty surprised that it wasn ' t busier as i ' ve heard great things but there was an entire upstairs that we didn ' t get a chance to see so may be that ' s where all the diners were hiding ? i was also blown away by how pretty it was . all i could think was , \" wow , this used to be a red mango \" ? first we began with the scallop crudo and the N hour cured cobia . my gentleman adored the scallop as it was delicate , refreshing and still very scallopy . i liked it but it was not my fave . my fave was the N hour cured cobia which i ' m pretty sure i could eat almost every day . approachable , light but packed with flavor . get this . next we shared the chick pea fritters . these were tasty , crunchy on the outside and delicate on the inside but not our favorite so i can ' t say we ' d order them again . lastly , we split the lamb saddle which was fantastic . the lamb was so tender that we didn ' t need a steak knife . i loved it with the fermented barley . it paired so well and felt like the perfect fall dish . my only complaint is that our drinks took forever to get after ordering . i completely understand that they have quite a few ingredients but i ' m pretty sure our first course shouldn ' t arrive before our drinks that we ordered prior to the first course . not the end of the world though and the drinks were tasty so that helped . to sum it up , we ' ll be back ! \n","\n","Geo-Entites in Sentence 84: \n","treemont\n","\n","\n","Sentence 85: one of the perks of moving to an apartment complex on callowhill street is the fact that the gf and i are so close to neighborhood hotspots such as sabrina ' s and doma . and with the gf ' s newfound love for sushi , the latter seemed perfectly suited for a date night . taking a look at the menu , it was clear that owners ' patti and robert moon ' s korean heritage was evident throughout . dishes such as yuk hwe ( beef tartare ) and dolsot bibimbap ( hot stone fried crispy rice ) popped up amidst the sushi options . and while i typically eschew sushi joints that aren ' t manned by non-japanese chefs ( foolhardy in some instances , to be sure ) , as a fellow korean , i appreciated the unabashed amalgamation of korean and japanese cuisines . the atmosphere at doma is modern , sleek , yet relaxed . orbs of lights dangle above your heads , ready to set the scene for the meal that is to come . the online menu touts pork belly buns ( seemingly ubiquitous ever since chef david chang made such stellar versions at ssam and ko ) . unfortunately , on this visit , it seemed that they were out of pork belly or may have even taken them off the menu . naturally disappointed , i soldiered on . hamachi crudo ( N ) yellowtail , jalapeno , cilantro , yuzu interested to test the quality of both the sushi and the chef , i ordered the crudo . the hamachi ( yellowtail amberjack ) was prototypically meaty and clean . the jalape o contrasted nicely with the mild flavor of the fish , with the cilantro and yuzu providing brightness to each bite . a nice start to the meal . uni trio ( N ) seared scallop , yuzu quail egg , dashi broth tempura shiso , tempura sauce naturally , i had to order the uni , especially when it comes ensconced as a trio of bites . california uni ( specific source unknown ) was presented in a nice progression . from left to right , the scallop was lightly seared and provided a vessel for a dollop of uni . the yuzu ' s piquancy provided the acid , contrasting nicely with the butteriness of the sea urchin . the quail egg added heft on top of the umami of the dashi . the scallions added a nice herbaceousness as well . lastly , the tempura shiso provided a nice textural contrast , with the savoriness of the tempura vessel ands sauce complementing the uni nicely . hard to go wrong with this dish and uni as a whole . rock shrimp tempura ( N ) rock shrimp tempura is always a fan favorite on any menu and doma ' s iteration did not disappoint . sweet , yet spicy - the rock shrimp were perfectly crunchy , meaty , and not overcooked . the unadorned fresh cabbage tempered the rock shrimp flavor bombs nicely . soft shell crab tempura ( N ) being soft shell crab season at the time , the ubiquitous tempura had to be ordered . this was the gf ' s first time trying the crustacean so i assumed it would be a nice beginner ' s entry . for those who have never tried this delicious dish , it ' s meant to be eaten whole - shell and all . the clean crisp tempura prep did not overpower the freshness of the crab , which included roe - nice . the accompanying dressing was superfluous , a spritz of lemon was all that was needed . but for the gf , she was on the fence with the dish - it was more of a texture thing though and really , she was ready to move on to the sushi . sweet potato tempura roll ( N ) cucumber roll ( N ) triple spicy double tuna ( N ) tuna , seared albacore , spicy sauce , siracha , tempura crunch , scallion , sichimi pepper , sweet glaze since this wasn ' t omakase , we opted to finish our meal with several rolls . the gf was craving a simple california roll , but i think i was still enjoying the soft shell crab in my mind so somehow a cucumber roll was ordered . oops . still , it was simple and fresh enough to provide an intermezzo , if you will . the triple spicy double tuna wasn ' t overly spicy , offering seared tuna on top and fresh within - a nice contrast in preparation . each bite did lend some slight heat on the finish . and of course , the gf ' s favorite , sweet potato tempura roll , was prototypically crunchy , sweet , nice . apparently if you pay in cash , you get N off your check . always appreciated ! also , i don ' t believe your previous receipt is necessarily needed . overall , doma hits the neighborhood spot for sushi . omakase isn ' t offered , but there are a variety of dishes that can test and pique your palate , and doma also offers a wide variety of well-crafted rolls . it seems to be a great place to take a date or just relax with your friends . the gf and i will be back often , i ' m sure . \n","\n","Geo-Entites in Sentence 85: \n","callowhill street\n","sabrina '\n","doma\n","doma\n","ssam and ko\n","uni\n","uni\n","california uni\n","doma\n","doma\n","doma\n","\n","\n","Sentence 86: read about this place online , so decided to check it out while in nyc for the weekend . this is not the place to go if you are looking for authentic , traditional filipino food , but that is obvious by their website , all the reviews , and every write-up i ' ve seen about the place , so don ' t expect it . there are plenty of familiar dishes on the menu , all with a twist . everything is very modern and innovative . the place was a little cramped we had to squeeze around a lot of staff members and tables to get around . the tables were also pretty tiny , so it was hard to fit everything on at once . i ' m glad we didn ' t decide to order any additional drinks other than water or we may have ran out of room altogether . staff was very friendly and helpful . we were greeted by several different people on our way in and out , not just the hostess and our waiter . even though they were pretty busy , service was quick and we never had a hard time getting the attention of our waiter . i did feel like everything was a little overpriced , but i kind of expected it due to the hip , trendy vibe of the place . the pandesal ( one for N , meh ) was very delicious . the crust was nice and crisp and inside was very soft and fresh . i really wanted another one , but was not willing to spend that kind of dough on it . we also enjoyed the dasilog . very flavorful and easy to eat . the garlic fried rice was excellent . although the dasilog was great , i was disappointed with the tapsilog . if i ever go back to maharlika , i do not think i ' d order it again . it tasted very delicious , but the meat was insanely tough . i could barely rip each piece apart with my teeth and spent five minutes chewing it before i could even think to swallow it . every piece was the same . i did tough it out and finish it , but i was left with a sore jaw and broken heart . overall the experience was great . i would definitely visit again next time i ' m in the area , but will try something else from the menu . \n","\n","Geo-Entites in Sentence 86: \n","nyc\n","maharlika\n","\n","\n","Sentence 87: this is one of those places where i wish i could give half stars . really , i ' d like to give five leaves three and a half stars . they ' re serving interesting food , their decor is fantastic , their service is good , and the serve stumptown . yet , three stars . why ? the food . having ordered and tasted the kale salad , the mussels , and the five leaves burger , i found that five leaves suffers from an all-too-prevalent problem in the nyc restaurant scene their food is interesting for the sake of being interesting . take the burger for instance . the five leaves burger is a grass-fed ( this is greenpoint after all ) burger topped with pineapple , a rather large slab of beet , and a sunny-side up egg . i ' ve never had a burger with beets , pineapple , and egg . it wasn ' t bad either but it offered no real improvement flavor-wise to a regular burger . the flavors were interesting , but not memorably good . same with the coconut milk-based sauce on the mussels . sure , it was a fresh take on the dish , but the two flavors never quite saw eye to eye . as for the coffee , it ' s stumptown ground and made to order . even if something goes slightly wrong , you ' re still getting stumptown ground and made to order . one more thing reports of the fries have been greatly exaggerated . i actually found them to be over-salted . \n","\n","Geo-Entites in Sentence 87: \n","five leaves\n","five leaves\n","nyc\n","\n","\n","Sentence 88: it ' s been two years since i last dined here . perhaps i ' ve overhyped this place with my memories , or perhaps i ' ve just had a lot of really delicious burgers in those two years . . but the village burger isn ' t what i remember it to be . it is still a solid burger in its own right -- medium rare cooked the way it ' s supposed to be , delicious homemade thousand island sauce , and a nice greasy sesame bun . but there wasn ' t anything magical about the burger this time around . and since they ' ve raised the price of this burger to N , i ' m almost inclined to go across the street and get two shake shack burgers for the same price ( same medium rare meat quality , similar greasy delicious bun ) . i also tried the duck fat fries this time . and while they ' re good , they too are also nothing to write home about . but what maintains this place at N stars is the whiskey ( whisky ? ) selection . with almost N bottles of whiskys behind the bar , village whiskey has the largest single collection in all of philadelphia . if you ' re craving anything -- be it bourbon , rye , single malt , american , asian , irish , scotch -- chances are , you ' ll find it here . the fact that it ' s two blocks from my apartment also doesn ' t hurt . you can bet i ' ll be back here at the bar nursing a glass of single malt whisky again soon . \n","\n","Geo-Entites in Sentence 88: \n","N stars\n","village whiskey\n","philadelphia\n","\n","\n","Sentence 89: amazing arrangements of ordinary and extraordinary ingredients into delightful plates ! to quote my collegiate dining companion stupid good . i can only think of one tiny suggestion for improvement at grindhaus serve the bread with the food instead of as the first course . that foie gras berry sauce in the big bowl simply cried out to be mopped up ! ! starter ( amuse bouche ) was a tiny wine glass with diced peach and tomato in a slightly salty foam . yum ! three craft beers on tap that summer evening a very light summer ale , a slightly more robust summer ale ( blue point ) , and a nice non-summer ale . no flights but they ' ll let you sample all three , sweet . servers must not be beer people , they struggled to explain the choices sourdough bread for N was about N small slices with a generous dish of olive oil . oh yeah it ' s just fine but for me it would have been better accompanying the food instead of preceding it . a salad \" purslane \" had dots of fluffy carrot pur e , crunchy quinoa , little tomatoes , slices of beets , dots of a smooth creamy cheese ( ricotta maybe ? ) and other delicate goodies i just couldn ' t quite identify . wow , N wasn ' t too bad . that fois gras might well have been our best dish , little lobes nicely warmed and served in a rich sauce of blueberries , balsamic , black pepper and other great stuff , about N , spendy . an entree of blackened sea bass was heavily crusted on one side perfectly cooked , served atop a fresh corn chowder described as polenta , with little globes that our server finally had to explain were special tiny eggplants . excellent but ( as other yelpers have noted ) quite small , more tapas size than dinner , about N . vegetarian rating Nish stars , choices are salad and bread . the menu is so , so tiny , and they have not chosen to put on a proper warm veg entree . warm friendly service , happy to explain what we were eating . the N seats are folding chairs , ok but you won ' t settle in too deep lol . worth the longish walk from the Nth street subway stop west into red hook , but definitely bring plenty of money . \n","\n","Geo-Entites in Sentence 89: \n","grindhaus\n","the Nth street subway stop\n","red hook\n","\n","\n","Sentence 90: this place is totally a lame excuse for shanghainese food . i feel like there ' s been an influx of \" shanghainese restaurants \" in chinatown and in most cases , these places are a joke and crappy excuse for shanghainese food . let me let everyone on a clue to whether or not you ' re stepping into to real real shanghainese restaurant , they put vinegar yes you read correctly vinegar on the tables . shanghainese people prefer to use vinegar as their dipping sauces of choice therefore , they leave them out on the tables . so if you step into a supposed shanghainese restaurant and you don ' t see vinegar on the tables or worse you only see soy sauce , this is not a shanghainese restaurant . now onto the food for this place . aside from the xiao long baos , which were ok , but nice green bo and shanghai cafe does them better , the other food was completely lame , bland , and of horrible quality . we got noodle soup and the broth was a horrible watery mix of oily dullness and the noodles were all broken up . i don ' t even know how noodles can be like this unless someone physically broke them up into pieces , which makes no sense ! we had some other unmemorable dish and it was eh too and i can ' t really remember what it was since it was so unmemorable . do yourself a favor , if you want real good shanghainese food please skip this and go to shanghai cafe or nice green bo . \n","\n","Geo-Entites in Sentence 90: \n","chinatown\n","nice green bo and shanghai cafe\n","shanghai cafe\n","nice green bo\n","\n","\n","Sentence 91: we enjoyed our experience at ippudo westside , we decided to try the nyc original location in the east village . it ' s definitely a different vibe in the east village compared to hell ' s kitchen . we showed up at N Npm on a sunday and wow , we were surprised ! the restaurant had a N-N minute wait . we were there and decided that waiting was just part of our experience in new york . we waited just over an hour in the bar area and then we were seated at an N-N person communal table . this restaurant is much darker than the westside location . our service was still very good and our waitress was very friendly . i ordered the pork and chicken buns again , but they were spicier than the westside location . i would not recommend the chicken unless you like your mouth to be on fire . the pork buns are absolutely delicious and i could eat them every day . i got the soft shelled crab and it was yummy ! i would recommend it . my husband loved his ramen once again . we didn ' t feel rushed , but they definitely turn tables quickly here . just like the other location , i would recommend this place and i would go back . i would definitely go on an off hour time . \n","\n","Geo-Entites in Sentence 91: \n","ippudo westside\n","nyc\n","the east village\n","the east village\n","hell\n","new york\n","westside\n","westside\n","\n","\n","Sentence 92: we went to caf fulya on saturday and were extremely happy with the entire visit . we had found out that it was byob and arrived with two pre-purchased bottles of wine around N pm . the caf , which is very nicely decorated with french doors that open giving the feeling of being outside without actually being outside , was completely empty . it ' s a little off south street ( thankfully ) more like a neighborhood caf than part of the main drag . the server ( who was extremely friendly ) came right over and answered all our questions about the menu we weren ' t familiar with turkish food . she also provided wine glasses , and opened served us our wine . we ordered the turkish hotdog sandwich topped with russian salad and the beef manti ( turkish dumplings ) , and because of another yelpers claim two baklavas . though i can ' t say if it was authentic , all the food was beyond delicious . the baklava soooo good we got two more for the road . if i lived closer i could see myself going back to this caf often . the bill totalled less than N . \n","\n","Geo-Entites in Sentence 92: \n","caf fulya\n","byob\n","caf\n","south street\n","yelpers\n","\n","\n","Sentence 93: who ' s not curious about a malaysian restaurant with over N reviews with N . N stars in nyc ? ! i had my share of malaysian restaurants which none stood out . my boyfriend and i were craving for malaysian so we were on our way to sentosa ( just because of its convenience in location ) . last minute , we decided to be a little more adventurous and headed to taste good . it was a little hard to find it but once we entered the restaurant , it definitely reminded us of a regular chinese restaurant . it ' s a small restaurant but a very busy one with both asian and non asian customers waiting near the front door . one thing that stood out was the wall of food pictures taped everywhere and it was byob . there were so many dishes we wanted to try but we ended up ordering the following roti canai - not so crispy and unambiguous shaped as the other restaurants . i actually prefer the pancake cooked this way because you can ' t really soak the paper thin pancake into the curry without it dissolving . basic curry sauce . i agree that the portion is relatively small but again , i feel that i ' m used to the gigantic paper thin pancakes served elsewhere . singapore kari laksa - their signature dish - spicy coconut curry noodle soup . i ' m not sure how the noodles are supposed to be cooked but the pearl rice noodles had no texture . the broth was amazing creamy and spicy ! i also loved the fried tofu soaked with the broth . i would order this again with egg noodles next time . hokkien udang mee - what i call \" prawn mee \" . very good . not as fishy but also not as bland compared to other restaurants . hainanese chicken - first time eating the chicken somewhat hot . we really enjoyed it especially with the chicken flavored rice ( must do ) . although i wish they told us they would be charging us extra ( N . N ) for ordering dark meat . . . overall , it was worth the trip . definitely so much better than the other malaysian restaurant ( penang ) which is basically around the corner from taste good . \n","\n","Geo-Entites in Sentence 93: \n","nyc\n","sentosa\n","byob\n","singapore\n","penang\n","\n","\n","Sentence 94: in the heart of chinatown on philly , this place specializes in hand drawn noodles ( known as la mian ) . their most popular dish is beef noodle soup , however what makes this place unique is their quality of fresh noodles ( thick thin hand drawn or shaved noodle ) and their thinly sliced beef , not the traditional thick chunks of meat like in taiwan cuisine . they also pride themselves in not using msg . appetizers ( cold ) aromatic mixed meat platter ( pigs ears , thinly sliced beef , tendon ) N . N dumplings shrimp , pork chives dumpling N pieces ( aka san xian jiao ) steamed N . N hand drawn noodle soup beef brisket noodle soup with thick hand drawn noodles ( aka niu rou mian ) N . N noodle with pork soy sauce ( aka zha jia mian ) N . N the aromatic mixed meat platter was your usual meat platter that you can get in most restaurants in sgv , and honestly , it was way overpriced here . the dumplings were nothing special , just simply as the ingredients state , shrimp , pork and chives . okay , so down to the handrawn noodles . they were definitely good and you can taste the freshness of the handmade noodles , as well as see the differences in shape of the noodle thickness . i chose thick noodles because i prefer them over the super thin noodles for my beef soups . the broth was light and seasoned with chinese herbs , though not long enough due to its watery consistency . however , i do still applaud them for making their own noodles and the thinly sliced beef were not bad , a bit bland , but tastes just like homecooking . overall , i ' d say that this is great place for a large bowl of niu rou mian for a rasonable price for chinese food in philly . the service was good too . parking is free on the streets on sundays only and in certain locations ( race street ) . read the steet signs ! \n","\n","Geo-Entites in Sentence 94: \n","chinatown\n","philly\n","taiwan\n","philly\n","\n","\n","Sentence 95: first let me say , the montville inn has been our go to place for lunch and dinner since their opening . we have gone there for many special occasions and to meet friends . this time the special occasion was being kidless for the evening . we did not have a reservation and i was appreciative that the hostess gave us the choice to stay knowing we might be rushed for their N pm reservation . the waiter was very good and attentive . my dh had a classic salad and his favorite , turkey chili . although the salad was a generous portion and he enjoyed the dressing , it looked like it came from a bag-even the lettuce was a little browned on the edge . the chili usually comes nicely plated with special tortillas . however , this time it came with tortillas broken and appeared out of the bag and he said it was very spicy . i chose the special , shrimp cocktail which was very good and the sauce tasty . i also went outside my usual and chose the chicken savoy . it was plated in a cast iron dish , and bathed in red wine and balsalmic vinegars . i don ' t know what i expected , maybe the chicken to be marinated in the vinegar but as i went to take a bite , i was unpleasantly hit with an aroma of vinegar . it had a lot of herbs which i believe was fresh sage . maybe it ' s just my palate , but i didn ' t enjoy it at all . the side of garlic smashed potatoes was good and the steamed string beans were ok but that ' s not where i ' m putting my money . we skipped dessert this time . the floorplan was different , some of the booths are removed and replaced with tables . it was tight and you had people trying to jockey into their seats with their butt or front in your face . i was extremely disappointed and overhead the waiter tell other patrons they have a new chef . maybe it was an off night and we ' ll probably visit again but i will weigh my other options first . \n","\n","Geo-Entites in Sentence 95: \n","the montville inn\n","\n","\n","Sentence 96: was really excited to try this place for lunch after walking by it so many times . their backyard with the waterfall and the cuban music made me feel like i was on vacation for lunch . unfortunately , that was about as good as it gets here , the atmosphere . the food was mediocre at best . the service was ridiculously piss poor . seated for a late lunch , with not many other people in the place as it was around N N . we started with the empandas de queso . they tasted like they came straight from the microwave . . . . . very mushy dough surrounding the tiniest bit of spinach and cheese . mushy doughy mouthfuls of blandness . ( the guacomole it came with was tasty , but not enough to say , \" this was a good choice for an appetizer \" ) for lunch i had the lechon asado . it was ok . slightly bland for my taste not horrible . the black beans were eh . i enjoyed the fried plaintains . mom had arroz con pollo . again , serviceable , but absolutely nothing to write home about . but the food wasnt really my gripe . our waiter after delivering the food not once came by our table afterward . no \" can i get you anything \" no water refills , no soda refills . had to call over a manager to get our check because the stupid parking meters in montclair only allow you N hr of parking on bloomfield ave and i didnt want a ticket . explained to the manager that the waiter hadnt come by once during our whole meal . he apologized , left , and then we waited another N minutes for our check to come . N pre tip for lunch . ( we each had a soda ) . for mediocre food at best , and terrible service , ill skip this place next time in montclair . had a much tastier and infinitesimally better service at causual havana in hackensack as well as la isla in hoboken . \n","\n","Geo-Entites in Sentence 96: \n","montclair\n","bloomfield ave\n","montclair\n","causual havana\n","hackensack\n","la isla\n","hoboken\n","\n","\n","Sentence 97: N . N for banh mi ? ! toto , i ' ve a feeling we ' re not in kansas any more . i ' m used to paying N . N-N . N for banh mi in dc and boston . excellent banh mi , to boot . and usually if you buy N , you get one free . at N . N per banh mi with no volume order discount , this banh mi had better contain kobe beef , foie gras and filet mignon . alas , it did not . i had the classic with medium spicy sauce , extra butter , no veggies . the roasted ground pork made the banh mi very sweet . the vietnamese ham and pate tasted fresh . the baguette was too chewy . it was a few inches shorter than the average banh mi but it was packed with meat . it was very flavorful but i feel like hanco ' s caters to a western palate . the owners of hanco ' s speak my language and i ' m not vietnamese . it ' s cantonese-owned and run which further detracts from the authenticity . the place is small but efficiently run . there are a few small tables . hanco ' s seems to be the only banh mi shop in the hood so hopefully more will pop up soon to drive the price down . \n","\n","Geo-Entites in Sentence 97: \n","kansas\n","dc\n","boston\n","hanco\n","hanco ' s\n","hanco\n","banh mi\n","\n","\n","Sentence 98: this was really a fun and laid back restaurant . . . a little too laid back for our new york city pace . service was friendly and slow . visited this little restaurant on a saturday night and was surprised at how quiet it was . we were the only table in the back dining area with the exception of a large party . that was my first problem . . . the whole restaurant was empty yet i ' m seated next to the rowdy drunk bunch . very unpleasant . it took us about N minutes for us to get our menus and another N to get water and soda . did i mention the restaurant was empty ? another N minutes to order , N minutes for bread and another N for our food . now we ' re over an hour into our experience and we had told the server we were on our way too see a very expensive show . we loved the bread and honey butter so we asked for more before dinner arrived . the server kept assuring its that the bread was coming and once it came after we were done eating , it went to the other table- the only other table in the dining room . . . what ? food was decent , even good , but definitely not good enough to cancel out the terrible service . if i ever decide to return , i ' ll sit at the bar . did i mention there are pencil drawings of not so subtle vaginas in the dining room ? while waiting for my food i was able to closely examine the art on the walls which were said to be a representation of sexuality . yes , vaginas . \n","\n","Geo-Entites in Sentence 98: \n","new york city\n","\n","\n","Sentence 99: i can ' t speak for the authenticity of this eastern european restaurant , but i can speak to the deliciousness ! i came here last weekend with a group of girlfriends . if you are in a large group , go for the prix fixe ! they require you to do this if you are in a group of N or more , but even amongst N or N people it is a great experience . rather than the typical prix fixe menu from which you choose your various courses , kefana serves one massive three-course meal . they start you off with chewy , moist sourdough bread and roasted red pepper spread ( in which i obviously overindulged , not anticipating the wonder to come ) . next came the trays and trays and trays of appetizers--a charcuterie plate with N kinds of meat and two kinds of cheese , a spanikopita-esque creations with either spinach and cheese or just straight cheese , an amazing brie panini pita pocket-esque savory tart--all delicious of course . next came two types of salad , cabbage and the traditional mediterranean salad of tomato , cucumber and feta . by the main course i was so stuffed i could hard eat any of it , but i do recall kebabs , bacon-covered dates , bacon-covered chicken liver , some sort of fava bean dish . . . all followed by a tray of dessert pastries . did a mention that N liter of house wine is N ? round about N pm the live musicians roll in . the acoustics are great in the small space , and it ' s definitely an \" intimate \" setup . the guitarists were essentially on our table . a great choice for a night out with friends ! \n","\n","Geo-Entites in Sentence 99: \n","kefana\n","\n","\n","Sentence 100: i agree with the yelpers whom have given la taza de oro N- N stars in my opinion , giving N stars is being a bit of a cheapo . then again , each and every time i ' ve eaten here , the food and service has been spot on . my rice and beans never dull or dry or laking moisture , nor the chicken , like some of the other reviewers mentioned . for me , i ' ve always experienced the service to be fast , the waitstaff pleasant and the food simply rock solid fresh , flavorful and just overall latin comfort-eeey , homemade good . i will admit that i ' ve yet to venture beyond the classic rice , beans and chicken only because i love this simple latin fare the best . i have seen some of the other dishes up close and personal though , such as , a chicken stew , beef dishes , a pepper steak special and a fish dish of the day . the diners eating these dishes seemed to be enjoying their meal and the presentation was certainly appetizing enough . i was running an errand nearby the other day , and stopped in for a bite around lunchtime . few things have changed . la taza still offers some of the best rice and beans and chicken around town . a real bang for your buck in a humble , down to earth atmosphere . i ' ve been coming here on and off for decades . it was one of my mom ' s favorite staple spots to enjoy a hearty lunch or early dinner whenever we were spending time in chelsea . i am being mindful that there is an element of nostalgia for me with regards to la taza , but still , i stand by my N stars . didn ' t have the infamous cafe con leche this time , but i ' m not worried , because there will be a next time . ) \n","\n","Geo-Entites in Sentence 100: \n","la taza\n","chelsea\n","la taza\n","cafe con leche\n","\n","\n"]}]},{"cell_type":"code","source":["#Notice that there are duplicates in this list.\n","print(geo_entities_list_real)"],"metadata":{"id":"z27eJWNWBWLL","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716530799486,"user_tz":420,"elapsed":179,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"9104f5c9-8df8-402e-b214-1085c48d4399"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["[\"houston ' s\", 'orlando', 'tria', 'tria', 'rittenhouse', 'new york city', 'pennsylvania', 'new york city', 'new york', 'philadelphia', 'yale', 'gypsy', \"the N ' s\", 'hearth', 'san francisco', 'new york', 'hearth', 'new york', 'N', 'philly', 'eagles', 'philly', \"joe ' s\", \"jim ' s\", 'philly', \"peaches hothouse '\", 'peaches', 'wing', 'wing', 'peaches', 'astoria', 'brooklyn', \"le p ' tit paris bistro\", 'finlay', 'finlay', 'katy perry', 'tres carnes', 'chipotle', 'tres carnes', 'states', 'thaitown la', 'thai', 'mad mex', 'yelp', 'Nnd street', 'kansas', 'Nth avenue', 'manhattan', 'westin', 'Nrd', 'Nhotel', 'krimpton', 'Npm', 'manhattan', 'epa superfund', 'get fresh', 'connecticut', 'massachusetts', 'east hartford', 'cha-kwai chinese fried crullers', 'hartford', 'kenscale N . N N', 'mas farmhouse', 'delaware and hudson', 'williamsburg', 'N', 'brooklyn', 'delaware and hudson', 'nyc', 'hillbilly', 'jj bootleggers', 'philly', 'cha-', 'nyc yelp', 'the c . o . t', 'yelp', 'yelp', 'cha-', 'atif i .', 'nyc', 'vic', 'cha-an', 'japan', 'east village', \"a bs ray ' s\", 'the theatre district', 'grimaldis', 'brooklyn', 'twoNtwo', 'paisanos', 'new england', 'new york', 'new jersey', 'new haven', 'connecticut', 'new haven', 'connecticut', 'worcester street', 'sally', 'new haven', \"sally ' s\", \"sally ' s\", \"sally ' s\", 'italy', \"sally ' s\", \"sally ' s\", 'alta', 'europe', 'alta', 'alta', 'e .', 'Nam', 'scratcher', \"N ' s\", 'yelp', 'central park', 'met', 'new york', 'burger baby', 'burger baby', 'red robin', 'N-', 'the better business bureau', 'philadelphia', 'chinatown', 'philadelphia', 'erawan', 'french-lebanese', \"honey ' s\", 'le bec fin', 'nolibs Nth street', 'brooklyn', 'ridgewood-', 'greenpoint', 'lake trout', 'potlikker', 'byob', 'Ns thievery corporation school', \"pj ' s\", 'pjs', 'the main st', 'princeton', 'pjs', 'columbia', 'gordon ramsay', \"blackeyed sally ' s\", 'N', 'new york', 'monks cafe-', 'pho N', 'piolin jr', 'pho N', 'kfc', 'cantina dos segundos', 'paree', 'chipotle mexican', 'rt . N', 'west windsor', 'new jersey', 'princeton', 'mcdonald', 'comidas mexicanas', 'la patria', 'usa', 'chipotle', 'yelp', 'chipotle', 'nyc', 'shanghi', 'manhattan', 'manhattan', \"mamoun ' s\", 'N', 'rome', 'nyu central', \"the st . mark ' s\", 'yelper', 'israel', 'hiro ramen', 'ramen boy', \"ramen bar '\", 'philly', 'milkboy', 'Nth chestnut', 'N', 'japan', 'states', 'brooklyn', 'ramen boy', 'yelp', 'the vientiane cafe', \"penn '\", 'penn', 'vientiane', 'laos', 'wikipedia', 'new york', 'vic', 'N', 'center city', 'wawa', 'N N', 'tops', 'east newark', 'traif', 'traif', 'traif', 'traif', 'N-N', 'abc', \"cc brown ' s\", 'N', 'hu kitchen', 'N', 'hu kitchen', 'nyc', 'montclair', 'sesame', 'new jersey', 'china', 'lotus', 'fraunces', 'porterhouse', 'the \" dingle whiskey bar \"', \"dingle ' s\", \"harry ' s\", 'vintry', 'wall and water', 'demi monde', 'aksum', 'around N N am', 'home depot', 'palace of asia', 'hamilton', 'marlow amp sons', 'broadway', 'bridge', 'collingswood', 'philly', 'indeblue', 'collingswood', 'N N', 'nyc', 'N', '-', 'south street', 'bbq', 'eagles-redskins', 'phils-flyers-birds nights', 'cali', \"bubby ' s\", 'tribeca', \"bubby ' s\", 'montclair', 'casablanca', 'colorado', 'east coast', 'new haven', 'nyc', 'ct', 'the east village', 'artichoke', 'ny', 'artichoke', 'avenue b', 'nyc', 'trio', 'trio', \"rembrandt ' s\", 'london', \"brown and taney st ' s\", 'trio', 'trio', \"krupa ' s\", 'trio', 'trio', 'china', 'trio', 'trio', 'philly', 'reading terminal market', 'continental', 'beck', 'new orleans', 'beck', 'philly', 'yelp eatN', 'sweden', 'india', 'bf', 'chicago', 'bbq', 'pyt', 'pyt', 'brooklyn', 'manhattan', 'brooklyn', 'brooklyn', 'brooklyn', 'brooklyn', 'brooklyn', 'williamsburg', 'bohemia', 'brooklyn', 'talde', 'park slope', 'littleneck', 'gowanus', 'anella', 'anella', 'al di la', 'park slope', 'motorino', 'williamsburg', 'brooklyn', 'N', 'les italian', 'manhattan', 'brooklyn', 'michelin', 'brooklyn', 'eagles', 'redskins', 'eagles', 'latin', 'turkey club', 'N', 'yelp', 'N Npm', 'N', 'the new york times', 'woorijip', 'soju', 'k-', 'woorijip', 'greenwich village', 'cuba', 'hanover', 'hanover', \"mcdonald ' s\", 'duane reade', 'spotted pig', 'washington state', 'nyc', 'burger and barrel', 'fish', 'new haven', 'new england', 'eataly', 'italy', 'nyc', 'louvre', 'paris', 'louvre', 'italy', 'eataly', \"miya ' s\", 'yelp', \"miya ' s\", 'miya', 'new haven', 'butcher bar', 'butcher bar', 'N N', 'butcher bar', 'treemont', 'callowhill street', \"sabrina '\", 'doma', 'doma', 'ssam and ko', 'uni', 'uni', 'california uni', 'doma', 'doma', 'doma', 'nyc', 'maharlika', 'five leaves', 'five leaves', 'nyc', 'N stars', 'village whiskey', 'philadelphia', 'grindhaus', 'the Nth street subway stop', 'red hook', 'chinatown', 'nice green bo and shanghai cafe', 'shanghai cafe', 'nice green bo', 'ippudo westside', 'nyc', 'the east village', 'the east village', 'hell', 'new york', 'westside', 'westside', 'caf fulya', 'byob', 'caf', 'south street', 'yelpers', 'nyc', 'sentosa', 'byob', 'singapore', 'penang', 'chinatown', 'philly', 'taiwan', 'philly', 'the montville inn', 'montclair', 'bloomfield ave', 'montclair', 'causual havana', 'hackensack', 'la isla', 'hoboken', 'kansas', 'dc', 'boston', 'hanco', \"hanco ' s\", 'hanco', 'banh mi', 'new york city', 'kefana', 'la taza', 'chelsea', 'la taza', 'cafe con leche']\n"]}]},{"cell_type":"code","source":["# Use a set to collect unique geo-entities\n","geo_entities_set_real = set()\n","\n","index = 0\n","for entry in examples_real:\n"," index += 1\n"," review = entry[0]\n"," print(\"Sentence \" + str(index) + \": \" + entry[0] + \"\\n\")\n"," doc = nlp_trf(review)\n"," print(\"Geo-Entites in Sentence \" + str(index) + \": \")\n"," for ent in doc.ents:\n"," if ent.label_ in ['FAC', 'ORG', 'LOC', 'GPE']:\n"," geo_entities_set_real.add(ent.text) # Add to the set, duplicates are ignored\n"," print(ent.text)\n"," print(\"\\n\")\n","\n","geo_entities_list_real = list(geo_entities_set_real)"],"metadata":{"id":"NgSRytq3_loZ","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716531061419,"user_tz":420,"elapsed":256548,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"1a17f387-d5f8-458e-d63b-46f0c90cd3b6"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Sentence 1: we went here over the weekend . i have been to houston ' s in orlando and so was expecting a good dining experience . they certainly delivered good food and service to our table of N . amongst us we tried the steak and the seafood offerings along with some sushi for the appetizers . our waiter seemed new but was certainly pleasant and made up for his lack of experience with his enthusiasm . the atmosphere was typical to most upscale steakhouses - dim lighting , leather and plenty of wood . something small that bothered me was the way the hostess dealt with a specific situation about attire . we were all dressed appropriately and during the course of dinner i was presented with a baseball cap . i tried it on briefly and had it on for less than a couple of minutes when the hostess swung by and informed me rather loudly that i was in violation of their dress code . i had no issue with the request but the manner in which it was conveyed could have been more subtle . i complied with the request but was in two minds about responding back to her with matching decibels . at the end , i decided to not escalate the situation overall , i would repeat . \n","\n","Geo-Entites in Sentence 1: \n","houston ' s\n","orlando\n","\n","\n","Sentence 2: i ' m probably one of the three philadelphians who has never been to tria ( yeah , i know ) but i did get a chance to check out tria taproom a few saturdays ago . my overall impression was that it is a really cool spot to hang out , relax , have some snacks , and drink some good beer . we had a reservation but two of us ( of a party of five ) arrived N minutes early . they were able to seat us within a few minutes and didn ' t give us the whole \" we can ' t seat you until your entire party is here \" nonsense . . . it was a N for service at that point . on that note , throughout the night , service was excellent . like many others have mentioned , all the beers are listed on an ipad , which gives a description and the percentage of availability . i thought this would be cooler than it actually was . i was feeling unadventurous and went with just a allagash witbier-- heavy winter beers aren ' t really my thing--- but the others in my group enjoyed their selections . as for the food , there are a number of small plates , flatbreads , and cheeses . this is definitely more of a \" snack \" place rather than a \" meal \" place . we tried a sausage flatbread and some cheeses ( with accompanying honeys jams etc ) , all of which were very tasty . the prices are on the higher side , but this is rittenhouse . this wouldn ' t be an every night of the week destination for me , but i think it is a perfect location for a small gathering of friends that want to enjoy some quality beverages with some quality snacks \n","\n","Geo-Entites in Sentence 2: \n","tria\n","tria\n","rittenhouse\n","\n","\n","Sentence 3: better than any food market ( whatsoever , bar none ) in new york city , period . its not just the gazillion-and-a-half food choices ( either for dining there , on-the-spot ) or for shopping-to-bring-home-and-cook-later . its not the tantalizing cornucopia of meats , fish , cheeses , pies , chocolates , breads , etc . its not the staggering array of fresh vegetables brought in from the farms of pennsylvania ( not just the amish but all the other independent local farmers , a heartwarming thing to see ) . its not just the grand old building the whole market is housed in the excitement and babble of people ooohing and aaahing and enjoying themselves . i think its the people . you can ' t find this kind of cheerful , authentically warm people experience in new york city . the market here is just as crowded as places in new york but here--everyone gets along . everyone is genuinely in a good mood with everyone else . no issues no hang-ups no grumbling or annoyance . no angst no tension . among the customers and also the staff behind each counter . its just a one-of-a-kind food experience . i love you , philadelphia ! \n","\n","Geo-Entites in Sentence 3: \n","new york city\n","pennsylvania\n","new york city\n","new york\n","philadelphia\n","\n","\n","Sentence 4: the anchor is a strange sort of beast . i ' ve been countless times , and yet the more i go , the less certain i am how to review it . is it a dive bar ? a hipster joint ? a place for yale grad students to switch it up so they don ' t spend their whole lives at gypsy ? do you even dare eat the food ? this place looks like it came straight from the N ' s . the decor is like a weird diner , with neon lights stretching across the bar and an old-school jukebox . even the waiters are generally dressed impeccably and seem like a throwback to a bygone era . the drinks , especially the cocktails , are quite good . there are cheaper drinks in the city , but they ' re not unreasonable and the service is generally decent . so why not a higher rating ? well , for one , it ' s sort of a weird place to try to be social . if you aren ' t meeting people there , it ' s not the kind of place that ' s easy to stand around and socialize because everybody is kind of crammed into ( admittedly awesome ) booths . and the bar area is quite small . so there ' s that . also , in the winter , there appears to be some sort of magical properties to the door whereby opening the doors drops the temperature inside by about N degrees . you wouldn ' t think it ' s possible , but i ' m not sure i ' ve ever felt comfortable in there during winter . which is kind of a drag . overall , the anchor is a pretty cool place with pretty cool drinks and a pretty decent atmosphere . it won ' t knock your socks off , but it ' s reliable and consistent . sometimes , that ' s all you really need . \n","\n","Geo-Entites in Sentence 4: \n","yale\n","gypsy\n","the N ' s\n","\n","\n","Sentence 5: although i can ' t give N stars , i don ' t hesitate to give N stars . the fact that i have brought N different parties of family friends there over the past N years should tell you that i ' m a big fan of hearth . that may not seem like many times , but i live in the san francisco area and have only been to new york N times in the past two years ! if you get to hearth early , you may want to sit at \" the pass \" , which is a small area with four stools where you can dine while looking into the kitchen . no reservations , just first come . the kitchen is surprisingly quiet and functions like a swiss watch , with hardly a word between the staff . in fact , you might compare it to a ballet . everyone knows their part and executes their performance flawlessly . i have always ordered the prix fixe meal with paired wines , and have never been disappointed . order a plate of gnocci to share . . . so delightfully light and flavorful ! if you ' re lucky , you ' ll be there on a night when jordan frosolone , the chef de cuisine is managing the kitchen . he is a delightful gentleman . i can ' t wait to go back on my next trip to new york ! \n","\n","Geo-Entites in Sentence 5: \n","hearth\n","san francisco\n","new york\n","hearth\n","new york\n","\n","\n","Sentence 6: i was surprised that i hadn ' t eaten one of the top N ranked cheesesteaks in philly and so we made the trek out here to check it out . while we were waiting to order at the counter in the back , i could see that this place has a strong neighborhood feel to it ( especially that drunk guy in the eagles jersey that kept shouting \" best cheesesteak in philly \" woooooooo ! ) and lots of loyal local customers ( the place was packed ) . we hovered around the diner area to grab seats and we waited for our sandwiches to come out . when we had placed our order , i saw the huge mountain ribeye already cooked and just sitting on the grill . tsk tsk , not made to order . joe was not a fan of his cheesesteak . the meat had no flavor and they cooked the provolone within the meat and so we when he was eating , he could barely tell the provolone was there . while they give you a lot of meat , it is quite flavorless . my sandwich had the opposite problem of joe ' s , it was swimming in whiz . i like that jim ' s puts the whiz on the bread and meat on top . lot less messy then when you ' re trying to bite the sandwich and you get whiz all over your face . even the bread wasn ' t impressive . i ' m surprised that this place is ranked as one of the top N cheesesteaks in philly , very surprised . it definitely doesn ' t make one of my top N \n","\n","Geo-Entites in Sentence 6: \n","N\n","philly\n","eagles\n","philly\n","joe ' s\n","jim ' s\n","philly\n","\n","\n","Sentence 7: a couple months ago , wing l . issued a spicy challenge to amy s . and me to eat peaches hothouse ' s famous spicy fried chicken . we both gladly accepted and then later threw a wrench in his plans by N ) amy got sick the day of and N ) at peaches , i calmly announced that i did not care for fried chicken was going to eat something else . i don ' t disllike fried chicken , but given a choice of fried chicken and something else , something else will almost always win . fried chicken is what i eat when i don ' t see anything else i want . after wing stared at me in disbelief , he asked me what i was there for then . \" the sides . \" i had looked at the menu and i was way more excited about the sides than i was for any of the main entrees . \" the sides , \" he repeated . \" yes , i want all of them ! \" i gestured grandly . thankfully sandy c . and sallina were game so we got all eight sides -- collard greens , grilled asparagus , sauteed kale with garlic , creamed corn with bacon , french fries , mashed potatoes , creamy grits , and macaroni and cheese . they really know how to cook their greens , so that they ' re tender , but not mushy . i loved the collard greens , just a touch spicy to give it a nice kick . i would happily come back down to peaches for their greens and the french fries ( they don ' t look like much , but they have the perfect crispy exterior and mealy interior that you want in a fry ) . the creamed corn was very fresh , but i wasn ' t as enamored with it as everyone else at the table . mashed potatoes are good , but didn ' t distinguish itself from other mashed potatoes that i ' ve eaten , macaroni and cheese was okay ( preferred a creamier and cheesier sauce ) , and the grits needed more salt . while sandy , wing , and sallina were chowing down on fried chicken , i had the boneless short rib . very tender and good . thankfully they provided extra bbq sauce because by itself the short rib lacked flavor . i got to taste wing ' s \" extra spicy \" chicken . very crispy and crunchy . fried perfectly as it was not at all greasy and oily . juicy meat . it was indeed spicy , but nothing that wing and i would call extra spicy . the server told us that if we wanted it even spicier to order it \" owner ' s box \" next time . all of us also got the blueberry smash ( muddled blueberries in a strawberry lemonade ) , which was utterly delightful . i made mine more delightful by having vodka in it . next i ' ll try it with bourbon . getting down to peaches from astoria took about N hr and N mins by train . a long ride , but i would say the food ( and company ) were definitely worth it . but what makes it really worth going down to peaches is that a few blocks away , there ' s a hair salon that also does tummy tucks . as my friend said , \" you can get blown out and sucked in at the same time . \" now that ' s service . \n","\n","Geo-Entites in Sentence 7: \n","peaches hothouse '\n","peaches\n","wing\n","wing\n","peaches\n","astoria\n","\n","\n","Sentence 8: i have come to the conclusion in the past few years that brooklyn is a delightful borough , as are certain restaurants and le p ' tit paris bistro is certainly one of them ! one of my friends took another friend and i out here for brunch this past saturday . our main motivation for coming was that this place offers N bottomless mimosas ( or N bottomless coffee , juice or teas ! ) . the menu was small but managed to offer a wonderful selection of food for nearly every taste . i chose the french toast while my friends order the ham and cheese crepe along with onion soup . the mimosas were refreshing and delicious and my friends and i could have sworn they got stronger throughout our brunch . my french toast came and my mouth was exploding ! my french toast was a delightful combination of raspberry sauce , maple syrup and a light dusting of powdered sugar along with apples , pineapple and raspberry . it was a little bit of french toast heaven in every little bite ! ( i say little as this meal was actually served as little tiny pieces of french toast , but don ' t let the portion fool you ! however if you have a larger appetite , this may not be the right portion for you . . ) my girlfriends were loving their meals however they both agreed that there was just too much ham . the ham itself was nice , however it was just too much . the onion soup apparently hit the spot on that cold afternoon ( yes , i know , it ' s may ) and was delicious as well . throughout our meal , my girlfriends switched from team mimosas to team red sangrias . i had a sip and it was not finlay approved however they both liked them . i , of course , stuck with the finlay approved mimosas . we enjoyed the drinks so much , we ordered desert creme brulee . the creme brulee was like eating the katy perry \" hot n cold \" song . overall , the service was outstanding , the food delicious and the drinks were a flowin ' without any feeling of being rushed or being told your bottomless drinks were finished . i told my boyfriend that we should come here but honestly , i don ' t mind who i come with because what i do know is that i definitely want to come back here again ! \n","\n","Geo-Entites in Sentence 8: \n","brooklyn\n","le p ' tit paris bistro\n","finlay\n","finlay\n","katy perry\n","\n","\n","Sentence 9: one of my coworkers was raving about this place so i decided that i would give it a shot . when i arrived , there was a line out the door and a delicious smell emanating from inside . . . . oh man , that smell ! i got in line and before i knew it , i was at the front placing an order for a veggie burrito bowl . ( i couldn ' t stomach red meat on that particular day ) . the service was a little aggressive but i can ' t pinpoint anything that struck me as particularly negative . i filled up my bowl with rice , veggies , and guacamole and paid for my meal . the entire process took less than five minutes -- a total godsend during the lunch rush . since there weren ' t any open tables in the restaurant ( it sure is pretty small ) , i took my meal back to my office . opening up the container in the office , i got a whiff of that wondrous tres carnes smell . i dug in and from the first bite , i thought i had found love . forget chipotle , tres carnes is where it ' s at ! i ended up finishing the entire thing and falling into a fantastic food coma . admittedly , i ended up with a stomach ache a couple of hours later because of how much food i ended up inhaling in such a short period of time . it was totally worth it though ! \n","\n","Geo-Entites in Sentence 9: \n","tres carnes\n","chipotle\n","tres carnes\n","\n","\n","Sentence 10: not joking , best thai noodle i ' ve had in the states . i ' ve had a lot of really good thai food , with majority of them in thaitown la , but pure thai ' s noodles beat any of them , any time ! i got the ratchaburi crab pork dry noodles , which came with handmade egg noodles , roasted pork , lump crab meat , yu choy , and scallion . all the topping ' s great , and that roasted pork is just right , with a ton of flavor , but the star is handmade egg noodles . it definitely makes the dish ! the texture ' s awesome , and with the seasoning and sauces they add , it is perfect . i don ' t think i ' ve ever ate a bowl of noodle that fast ! it ' s not a big bowl and i could ' ve killed two just by myself . . . i also asked for a side of the soup . nothing too special . had a few bites of the krabi ' s seafood noodles soup and the fried rice with lump crab meat . the krabi ' s very good too with a nice kick . there ' s a warning on the menu that it can be really spicy , but she got it medium haha . as for the fried rice , just really really solid fried rice , and you can really see the clumps of crab meat . we also tried the grilled chicken satay and the shrimp calamari herb salad . chicken satay came with this great peanut sauce . for the salad , we were thrown off a little by the strong ginger in the dish , but it was an explosion of flavors . service was great . they constantly checked on us and refilled our waters . we came here around Npm , the place was still packed , and we ended up waiting for another N minutes . it was definitely worth the wait though for the noodles . \n","\n","Geo-Entites in Sentence 10: \n","states\n","thaitown la\n","thai\n","\n","\n","Sentence 11: my boyfriend and i are pretty much nocturnal lately and we ' re constantly on the look out for places that are open later in the night . it was Npm on a thursday night and we decided we would brave the cold and go out for some food and some drinks . since i was craving mexican , we immediately thought of going to mad mex . but for some reason , we decided that we wanted to try something new . so of course , we headed to yelp and found this gem of a place . i wanted to try it right away because it had over N reviews , averaged at a full four stars and since when do i doubt yelpers ? this place is incredible . it ' s beautiful- very well decorated , great lighting ( mostly thanks to the candles flickering all over ) , and its even got a jukebox . the margaritas are some of the best we ' ve had and their mojitos are pretty good as well . we tried the mango margarita and mojito , passionfruit margarita , and the prickly pear margarita . all four drinks were spectacular but i especially loved the prickly pear margarita- def give it a try if you go ! all four drinks were N dollars each . on our next visit , we ' re probably going to get a pitcher and save a couple dollars . for food , we figured we ' d just share an entree . . . bad idea . we got the chicken enchiladas and we devoured it . and when i say devoured , i mean devoured ! the dish was gone in five minutes . my boyfriend declared it to be the best enchiladas he ' s ever had . i , personally , don ' t think they were the best but they were def in the top three . you need to try them ! ( tip if you like spicy food , ask for jalape o ( N . N extra ) and use the sauces at the table . ) at N dollars , the dish was a bit too overpriced in my experience but it was yummy enough that i wasn ' t going to complain . oh ! also , they also provide each table with chips and two salsas . the rojo salsa was so-so but the verde salsa was so friggin ' good . its made with cilantro , lime , and tomatillos and you ' re going to eat the whole bowl without even realizing it . ( but don ' t worry , they ' ll bring you another one ! ) the service was okay . it wasn ' t that busy when we went in and there seemed to be one waitress working so we weren ' t expecting super fast service . still , she refilled our water often enough so we can ' t complain . we were pleasantly surprised by our experience . the ambience , the margaritas , and the enchiladas were worth the late night trip to Nnd street . as someone who prefers eating mostly vegetarian ( with some chicken thrown in only for my boyfriend ' s benefit ) , i can see myself returning here and trying out their vegetarian options . . . and more margaritas , of course . \n","\n","Geo-Entites in Sentence 11: \n","mad mex\n","yelp\n","Nnd street\n","\n","\n","Sentence 12: yes dorothy , we are not in kansas anymore . yes , dorothy , this is Nth avenue , we are still in manhattan . yes , dorothy , your iphone will still work on the western frontier . . . many of the reviews call this a neighborhood gem . it is a gem . . . i am not so sure about the neighborhood part . now for the details . my wife and i were staying at the westin on Nrd and Nth ave . - we were looking for a late dinner that we could walk to . after trolling around on yelp , i settled on print . it was new , well reviewed , farm-to-table and only N blocks away . we were not disappointed . it is the restaurant in Nhotel - a new krimpton property . the decor is appropriately trendy and the crowd was a mix of young , hip , business and older ( we fall into the later two categories ) . the dining room is comfortably decorated , albeit a bit noisy ( don ' t come if you want to make quiet conversation ) . the service was professional and polished - our server knew the menu and had opinions ( i like that ) . my manhattan was spot on . the wine list was reasonable . the food was everything it was billed to be . sparkling ingredients presented in a way to lets their flavors shine . ( they have a professional forager on staff ) , the dishes use thoughtful combinations of flavors and textures that are artfully presented . the seafood is perfectly prepared ( we did not have any meat courses ) . my wife had octopus - delicious . i had the halibut . i don ' t particularly like halibut , but it was that seafood main that the server recommended . it was delicious . our meal was so delicious , so pleasant , so relaxing . . . . on the way out , i made a reservation for the following day at Npm . it is a perfect place for a business lunch . and yes , even though it is at the western frontier . . . you can always find a taxi to take you back to civilization ! note lunch time bartender was not as skilled as the evening one . i had to send the first manhattan ' s back and was resigned to drinking the replacement despite its flaws . to the credit of the manager - he was mortified by these events . he personally made me a manhattan and hovered until i approved it . he really did care . . . \n","\n","Geo-Entites in Sentence 12: \n","kansas\n","Nth avenue\n","manhattan\n","westin\n","Nrd\n","Nhotel\n","krimpton\n","Npm\n","manhattan\n","\n","\n","Sentence 13: this place needs a restaurant rescue . it was my girlfriend ' s birthday and we hadn ' t been downtown for dinner in sometime . so on a saturday night at a quarter past N we walked into the vermont pub and brewery . it was slamming busy . from the moment we entered there were people everywhere and servers were buzzing about . after checking in at the hostess stand and being told it would be about N-N minutes for a table we accepted the blue electronic table pager . we squeezed into a couple of stools in the bar area and studied the enormous menu . the pager went off after about N minutes and we were seated . but the seating was terribly cramped . the adjoining table was right on top of us . every time someone got up they bumped into my girlfriend . anyhow , we ordered N cajun calamari ' s for an appetizer when our waiter took our drink orders . the calamari arrived and i guess i was thankful for the little oil fired lamp that provided barely any light to us . the calamari was a small , meager portion fried in oil that had seen better days . the squid was dark and oily . i ' m going to say in addition to the contaminated fry oil that whoever cooked the squid did not let the oil get back up to the required N degrees cooking temperature . the glut of oil on the plates would have qualified for epa superfund status . now , on to the entrees . i had order the grilled salmon with a double side of b arnaise , broccoli and garlic mashed potatoes . my dining companion had order the greek prepared scrod with sweet potato fries . my salmon was actually pretty ok . it was grilled properly and flavorful . the sides were problematic . i was served horseradish mashed not the garlic that was ordered and all the sides were ice cold . the dish served to my girlfriend had issues as well . about one third of the scrod portion was laid out side of the baking dish . it had become molded to the side of the dish during the baking and was completely dried out and inedible . the sweet potato fries were the only saving grace to the dinner . they and the honey mustard dressing were both very good . with tip we were out of there for N . N . it was a disappointing meal and service . i would advise you to look elsewhere if you want more than burger and beer . \n","\n","Geo-Entites in Sentence 13: \n","epa superfund\n","\n","\n","Sentence 14: when get fresh first opened i swore i would never set foot in the place . then it was a market , not a restaurant , and had these ridiculously sparsely filled fridges of prepared food . i just thought the whole concept was absurd and silly and i vowed to never go there . i think they got wind of the fact that their original concept was silly and changed their vision more to restaurant than market ( though there are still some things for sale , which i ' m ok with ) . so when b . suggested we go out for breakfast for something \" fresh \" and yummy , this place came to mind . i knew that mark \" i don ' t think tom likes me \" from top chef was now the chef here , too , and i was curious to see what it was all about . the brunch menu is pretty modest . they have a bread basket , some egg dishes , a blt , a breakfast burrito , a pork sandwich and huevos rancheros . i think that may be it . there wasn ' t anything that jumped out at me on it . i settled for the braised pork sandwich , which they were apparently out of so they ' d made it with chicken instead . it ' s served with farmstead cheese , bean spread and roasted red peppers with a small side salad . it was good , not amazing , but i especially liked whatever they did with the peppers . they were nicely sweet and good . i think the pork , the way it ' s usually prepared , would be richer and maybe yummier than the chicken . b . got the huevos rancheros because i think it ' s physically impossible for him not to order it when it ' s on a menu . it is his favorite thing ever . it looked good , but in a healthy way . and i think he was a little let down by that . i think when you order huevos rancheros , healthy may not be what you ' re going for . that said , i tend not to like the greasiness of huevos rancheros and this was a dish i might actually like . instead of refried beans there were these yummy looking pale green beans ( i don ' t know what kind ) that were very appealing to me . overall i thought the food was pretty simple and fine , but nothing to rave about . i did really like their garden area . it was peaceful and comfortable and i ' m sort of intrigued to try it again at dinner time . but i probably won ' t be back for brunch . \n","\n","Geo-Entites in Sentence 14: \n","get fresh\n","\n","\n","Sentence 15: i was feigning for some comfort food ( living in connecticut , but from massachusetts ) and was whining about now finding delicious pho since it was raining and dreary out . a friend ' s boyfriend ' s parent ' s ( haha , the deadly chain ) own the place and that ' s how i was referred to this joint . she said her boyfriend ' s parents ' restaurant was amazing and that i needed to try it . i ' m not familiar with east hartford so the first few times i went i got lost . . go figure . the lot is very small and kinda oddly placed- good luck with parking . my h and i have eaten in-restaurant and have also ordered soup to-go on many , many occasions . it ' s never hit-or-miss , but always very , very tasty . also , i ' ve never come when it was excruciatingly busy and nor have i ever had to wait for a seat or pick up my food . the owners are very kind and happily accommodate my very-asian wishes ( cha-kwai chinese fried crullers anyone ? ) . overall , this place serves the best broth in the general hartford area . i ' m not a fan of the thick noodle , but it is really very , very good stuff . \n","\n","Geo-Entites in Sentence 15: \n","connecticut\n","massachusetts\n","east hartford\n","cha-kwai chinese fried crullers\n","hartford\n","\n","\n","Sentence 16: kenscale N . N N farm-to-table cuisine has been one of the most overused lingos in today ' s culinary world . what does it exactly mean ? i ' ve been to some outstanding places like mas farmhouse that emphasize fresh and seasonal ingredients , and have been to some others that were underwhelming . sometimes , i felt the latter tried too hard to impress the crowd instead of returning to the basic principles of what makes a meal pleasant . delaware and hudson is one of those restaurants that sticks to this principle almost to a fault , but in a good way . headed by patti jackson , it has quickly gained acclaim since its opening as a perfect neighborhood restaurant in williamsburg showcasing classic american fare . i ' ve always been wanting to visit this place , especially with a tasting menu at N per person that sounded too good to be true . overall , i had a very pleasant dinner . the tasting menu started with a bunch of appetizer dishes . they all look pedestrian in display but i enjoyed every one of the dishes , from the aromatic parsnip and apple soup to silky smooth pretzel rolls to cheese ball and relish plate that worked together very well . house cured duck pastrami with cherry mustard was somewhat ordinary , but i couldn ' t stop enjoying the salt cod croquettes . next came the butternut squash and ricotta dumplings with sage butter , whose modest use of seasoning perfectly fit my taste . i would say the main courses were slightly less impressive than what came before . while the pot roast of beef with sweet potato puree and saut ed broccoli rabe was nicely cooked , i couldn ' t identify one single element from flavor or texture that stood out . black sea bass with cauliflower puree , romanesco and almonds was another solid dish but it was difficult to pinpoint why this dish didn ' t cross the level of mind-blowingly amazing . next came the dessert of white bean panna cotta with chocolate cake , which i enjoyed very much . by the time the finishing touch of an assortment of small dessert bites arrived , i was beyond stuffed . talking about a bang for the buck ! i absolutely loved the d cor of the dining room , a perfect neighborhood spot with a little bit of brooklyn charm here and there . the restaurant serves beer and wine , so make sure to order a glass or two to complement your meal . the restaurant ' s dining space is relatively small ( and cozy ) , so make sure to book about a week in advance . delaware and hudson has everything that i would want in a restaurant for my neighborhood . if my neighborhood ( midtown east ) , which is sadly lacking many good restaurants , had more and more of these places , i might not get away as often to other neighborhoods in the city that are considered culinary centers of nyc . \n","\n","Geo-Entites in Sentence 16: \n","kenscale N . N N\n","mas farmhouse\n","delaware and hudson\n","williamsburg\n","N\n","brooklyn\n","delaware and hudson\n","nyc\n","\n","\n","Sentence 17: stopped by last night ( thu N N N ) . my friend and i ordered the hillbilly peach iced tea , berry shine ( ? ) , the beer mussels and the sweet potatoes fries at the bar . . . then it went all downhill from there . . . . if i don ' t go back to jj bootleggers , it will be because of the poor service . . . i now know where philly ' s worst bartender works at . . . . my friend and i asked the bartender for a couple of spoons because there was a lot of broth in the beer mussels we ordered . we ' re sitting there thinking - hip hip hooray ! ! ! ! ! then the bartender says . . . \" i don ' t think we have spoons . . . \" what ? ! ? ! ? how do you not have any spoons ? ! ? is this a restaurant . . . . ? what the ! ? then she looked at our food and said , \" you guys don ' t need any spoons . . . . \" is . . . . . . she . . . . . serious . . . . . ? thank god one of the servers had a brain because she gave our bartender two spoons to pass to us . . . . what an idiot . . . this chick also only gave us one share plate for the two of us and when we asked for a second one , it was filthy . . . my drink wasn ' t bad but my friend ' s berry moonshine drink sucked . tasted like cough syrup . oh . and then she spilled the sweet potato fries when she dropped them off in front of us . . . . her best response was an awkward , \" oh . . . . . . . . . . . . . sorry . . \" she stares at the crime scene of useless sweet potato fries on the dirty bar for N seconds and then quickly turns around and prances off to try to ignore her mistake she could ' ve said , \" sorry about that . let me grab some extra fries for you . \" or she could ' ve even joked around with us and said , \" aw shucks . . . these butter fingers of mine are going to get me in trouble one day . . . so sorry ! ! ! \" this sucks cause i saw some great reviews and i live around the corner . . . what a complete disappointment - not to mention , a waste of money . . . maybe i ' ll give it a try next time when someone else is behind the bar . . . . . . \n","\n","Geo-Entites in Sentence 17: \n","hillbilly\n","jj bootleggers\n","philly\n","\n","\n","Sentence 18: six weeks back i received a compliment late at night from maria m which amused me no end . \" i was notified last night that you have not yet been to cha-an . that is unacceptable , if you are to crown yourself the \" dessert king \" . let ' s make time to go \" . i wondered could it be that i ' ve actually made the big league ? not the minor business of crowning myself the \" dessert king \" ( conferred by the weekly nyc yelp , mind you ) , but of actually getting an invite from the c . o . t . ! euphoric at the prospect of the cult initiation , i immediately sent in my consent form , which absolved them of the adverse effects of any hazing ritual ( other than roddy ' s jokes , or featuring in audrey ' s reviews ! ) all jokes aside , i have enormous respect for the c . o . t . they are an immensely entertaining group of people - friendly , loyal , adventurous , and always up for fun . but , most of all , one has to commend their dedication to yelp . not too many people know that between joolie , julie , roddy , javier , audrey , and maria a total of N local photos have been contributed to yelp ! i got firsthand initiation to this at cha-an . no sooner had the desserts arrived that julieholic shouted \" picture \" , and while this idiot thought people were going to huddle up and smile - all i got was a tight slap on the wrist from her for unwittingly obstructing the camera ! cameras flashing all around me captured the glory of the exquisitely crafted desserts . joolie t had ordered for me the cha-an toast with azuki and whipped cream and topped with jasmin ice cream . the others covered the entire range the black sesame creme brulee , the sweet potato apple cake with caramel ice cream , the earl grey chocolate mochi and the chocolate souffle with raspberry reduction sauce . as i looked at the three inch high slices of the toast and whipped cream , i wondered whether i would be able to do it justice . but , the toast just crumbles softly in your mouth allowing you to savor each bite and relish the accompanying jasmin ice cream . i was most pleasantly surprised by my drink , a sake mojito , which has to be the best mojito i ' ve had in the city . ( for those interested to know julieholic did not steal it away ! ) as part of the atif i . certification process , i came here next in the company of snarky v and vic . on this occasion i ordered the creme brulee topped with black sesame ice cream . this has to be the best in its class in nyc . truly a showstopper ! the slightly warmer custard topped by the crackly brulee layer and the melting ice cream just tickle your taste buds with the blend of textures and temperatures . absolutely perfect ! now , i am not a tea drinker , but even i was tempted by the strong cardamom smell from vic ' s tea . certainly , tea connoisseurs would find the N odd options at cha-an as enchanting . there is even a private room for a tea ceremony . as we glanced around the tea house , we were reminded of the calm and serenity of a tea house in japan , and to achieve that in the hustle and bustle of east village is extremely commendable . and , as if the ladies needed another excuse to leave with a smile on their face , they have a japanese bidet for amusement . there is none for the men , perhaps out of apprehension of lawsuits from inadvertently pressing the atr button . yes , go ahead google the joke ( \" a man traveling by plane \" ) as i think about that black sesame creme brulee . mmmm . \n","\n","Geo-Entites in Sentence 18: \n","cha-\n","nyc yelp\n","the c . o . t\n","yelp\n","yelp\n","cha-\n","atif i .\n","nyc\n","vic\n","cha-an\n","japan\n","east village\n","\n","\n","Sentence 19: so after a disastrous first attempt at ny pizza at a bs ray ' s in the theatre district , my girlfriend and i decided to try again at grimaldis . however , we have heard nothing but good things about this place so we actually had some expectations before we actually ate . i have to say , all the good things said are true , and this place lived up to our expectations . we ordered a small pizza with pepperoni , garlic and mushrooms . it says there are only N slices , but they are big , and the pizza was more than enough for my gf and me . the crust was nice and airy , and had a soft crisp to it . the cheese was unbelievably gooey , and in this category , the cheese owns all other pizzas i ' ve ever had . the toppings that we chose in particular , went really well together . the kick of the garlic and basil in combination really put a lot of flavor into the pizza . add that pepperoni as a protein and mushrooms for the veggies , and the result was awesome ! conclusion while on any given day , i might fiend for a pizza from somewhere else , grimaldis deifnitely is one of the best pizzas i ' ve ever had in my entire life . i guess im just one in the crowd of ppl that recommend grimaldis to anyone ever in brooklyn . \n","\n","Geo-Entites in Sentence 19: \n","a bs ray ' s\n","the theatre district\n","grimaldis\n","brooklyn\n","\n","\n","Sentence 20: the following are things my girlfriend said to me during a recent meal at twoNtwo . please note that she has never been wrong . ever . \" i like the look of this place . it ' s simple , but well done . \" \" what an awesome little garden ! \" \" i love that they get their meat from paisanos ! that ' s our butcher ! \" \" that server rocks ! he didn ' t have to let us know happy hour was ending . \" \" you are the pinnacle of manliness . i don ' t deserve you . \" \" mmmm . . . mojito . \" \" this is the juiciest burger i ' ve ever eaten . \" \" it ' s the perfect size for me . \" \" i think the onion rings are frozen , but they ' re still ok . \" \" that twoNtwo sauce . . . i want it on everything . \" \" your breakfast burger is exactly what i want when i ' m hungover . \" \" you ' re so handsome and charming it ' s intimidating . \" \" that egg is so runny and messy and good . \" \" these burgers are like shake shack , but better . \" \" we should come back just to drink in the garden . and then we ' ll probably have to eat these burgers again . and again . and again . \" just ask her . please note that she likes them a bit smaller . i ' m talking about burgers , people , keep your jokes to yourself . \n","\n","Geo-Entites in Sentence 20: \n","twoNtwo\n","paisanos\n","\n","\n","Sentence 21: without a doubt my favorite food is pizza . i ' ve been eating it since i ' ve been a child . throughout the years , i ' ve been searching all my life for the ultimate pizza . i ' ve had pizza at all the most popular places throughout new england , new york , and new jersey . by far , sally ' s pizza in new haven , connecticut is the best . if you ' ve had frank pepies and thought it is the best pizza you ' ve ever ate , well folks i have good news . sally ' s in new haven , connecticut is better . at first , this was hard to believe that right up worcester street there was an an answer to my prayers . i thought it couldn ' t get any better franks . i was so wrong . sally ' s is the ultimate . it just doesn ' t get any better than that . if you ' re familiar with new haven style pizza , well , sally ' s has it all . the crust is thin , chewy , and it has a real authentic neapolitan taste . also , it has a bubbly crust which is delicious . even on certain days , if you ' re lucky you can get extra bubbles on your crust . the toppings marry together perfectly which are all made in house . it doesn ' t matter if its red or white , you can ' t go wrong ! i can ' t describe the joy that i have as soon as my pizza arrives at my table . it ' s served in rectangular sheet pan which i use as my plate . it ' s shaped oblong and sliced willy-nilly . when i ' m with my family , its devoured in seconds . i ' ve gone to sally ' s on a full stomach and somehow i managed to eat a whole large pie by myself . it sounds crazy but i mean , it just slides down your throat . and before you know it , you ' re covered in burnt semolina . then finally , you wash it down with a locally made fox in park cherry soda . overall , sally ' s to me is a religious experience . it ' s the mecca for any pizza lover . i know people that are from italy and said that sally ' s is actually better . i highly recommend sally ' s to anyone . \n","\n","Geo-Entites in Sentence 21: \n","new england\n","new york\n","new jersey\n","new haven\n","connecticut\n","new haven\n","connecticut\n","worcester street\n","sally\n","new haven\n","sally ' s\n","sally ' s\n","sally ' s\n","italy\n","sally ' s\n","sally ' s\n","\n","\n","Sentence 22: first , alta is a terrific date spot . the interior architecture of the restaurant immediately lends itself to conversation . when you first walk down the stairs from the sidewalk and into the bar you feel like you have entered a special retreat . the interior is swank and welcoming , but not the least bit pretentious and the stone work behind the bar is very unique . walking further into the restaurant you entire a room that could have been lifted directly off the set of a movie shot in medieval europe . the downstairs dining area is completely wooden and is ringed by a terrace one level above . wooden chandeliers hang from the ceiling and with just a touch of imagination you can picture robin hood swinging from one corner of the resteraunt to another . that being said , the food is terrific . i am not a huge tapas fan , but i make an exception for alta . everything is delicious and the wait staff is ready for your questions with helpful answeres and hints . don ' t forget to try the sangria because it is terrific , but you also can ' t go wrong with one of the inventive cocktails the bar offers . with a terrific ambiance and great food alta is a wonderful spot for an evening out . . . and a date . be sure to bring your ameican express card , when i was last there they did not accept mastercard or visa . \n","\n","Geo-Entites in Sentence 22: \n","alta\n","europe\n","alta\n","alta\n","\n","\n","Sentence 23: roderick a . parked right in front of this place on a cold , rainy misty wednesday night when we were attempting to whisk away lynn f . from her e . village apartment . we kind of disregarded it and went to a diner for for some laughs and grub- we went to all the bars that night . . . and mysteriously , they all close at Nam . what ? ! ? ! so we ended up back here- at scratcher . dark , good i-pod tunes , good vibe , and a friendly bartender awaits as you walk in . had no clue of what we were getting ourselves into- but boy . . . was it steamin ' hot up in there . seriously . . . it was N degrees and i couldn ' t breathe . i had to step outside a few times . i think i had more fun chilling outside of the bar than actually in it . audrey j . and i shrieked at rats mice , sang old N ' s r b hits , and caught a little bit of rain mist on ourselves . . . but it was okay . the bathrooms are scary- i heard a rat mouse as i was washing my hands . . . ick ! the drink i had was too sour . overall- would i come back ? only if someone was already there- i sure wouldn ' t pick it for myself . ) \n","\n","Geo-Entites in Sentence 23: \n","e .\n","Nam\n","scratcher\n","N ' s\n","\n","\n","Sentence 24: i am glad that yelp allows me to write my reviews for everyone to read because clearly my english is not understandable . i will elaborate more on this statement a little later . we came here on a saturday evening for a quick bite to eat after a long day including central park and the met . the restaurant is quiet , tastefully decorated , and has a very homelike feel . come to think of it this place is almost too quiet for a new york eatery . it took a few minutes before we were noticed and i commenced to try and order a coke . for most people this would be a simple task but not for me . the waitress gave me a perplexed look and after a few minutes of phonation games mixed with a bit of charades she finally determined what i wanted for my beverage of choice . granted my southern drawl doesn ' t help things but i ' m not that unintelligible . a lot of good my latin background did me that night ( i should have taken french like the rest of my friends ) . i ordered a merguez based sandwich with red peppers on ciabatta bread . there was barely any meat on the sandwich and it was loaded with red peppers . highly disappointing for a carnivore such as myself . the flavors were ok but nothing special . the broccoli soup to accompany my sandwich was woefully under flavored and i had to regretfully use the salt and pepper at the tablet to add some seasoning . my experience here was just ho-hum and i doubt i would return unless given a gift certificate with a cute french interpreter to tag along . \n","\n","Geo-Entites in Sentence 24: \n","yelp\n","central park\n","met\n","new york\n","\n","\n","Sentence 25: my friend and i came to burger baby because we were going to paint nite and this was the venue . first , i ' ll say that the food is mediocre and the selections uninspired . for a place called \" burger baby , \" i was expecting to be blown away with their creations . i ' ve seen more creative burgers at red robin , and i dislike chains . i ordered the sliders because they were the cheapest thing on the menu- at N- and \" sliders \" they were . . . in that i mean plural , there were two . i found it strange , and somewhat unappealing , that the sliders were served on a hotdog bun sliced in half , but this may be part of their allure . i ordered the duck fat fries because they sounded delectable . they were not . over seasoned , probably to hide the fact that they were not , in fact , fried in duck fat . all you could taste was the garlic salt . second , there are a lot of flies , probably because they have the door wide open . my friend got two of them in her wine , and had to exchange it for a new glass . . . they graciously replaced the glass of wine and would have given them a decent review if that had been the end of it . it wasn ' t . our bill came towards the end of our painting . we were still in the midst of talking and painting so we kind of ignored it . the waitress came around , i kid you not , five different times over the span of twenty minutes and tried to take the bill when it obviously hadn ' t moved from the spot she dropped it on . finally , out of irritation , i told my friend we should pay the bill to get her off our back . my friend , nice girl that she is , offered to pay for us both since i paid for the paint nite , and the waitress came and collected the bill . upon running the bill ( it was a N tab ) , she came back , stood in the middle of a room of people with a live card , and called my friend ' s name , since she couldn ' t remember which one of the paint nite patrons had given her the card , which ( after working at a bank for many years ) i feel is completely irresponsible . we left a standard N tip , signed , and went on our way . two days later , my friend calls me and asks me how much she charged at burger baby . i told her N . the amount that came through on her bill was N . when she called to give them the chance to resolve the issue , she got the same annoying waitress that had taken her card , who argued with my friend ( with my friend having her receipt in hand ) about the amount charged . she brought up several times that my friend had only tipped her N on a N tab- which my friend explained was a good tip for the N tab we actually had . she then changed her story and told my friend that she could \" pay her back out of her pocket \" or \" give her a few glasses of free wine . \" shady ? i think so . i wouldn ' t recommend burger baby to anyone- in fact i have gone out of my way to warn people now that i ' ve had this experience . if you do go , be sure not to use your card . my friend has decided to take the issue up with her credit card company to resolve it for her , and we ' re thinking about taking it to the better business bureau ( burger baby is not accredited , i wonder why ) , and advising paint nite about our experience . shame on you , burger baby . \n","\n","Geo-Entites in Sentence 25: \n","burger baby\n","burger baby\n","red robin\n","N-\n","the better business bureau\n","\n","\n","Sentence 26: philadelphia ' s chinatown has been graced by this amazing thai gem , everything about it was perfection , from the very attentive service from both yui and chu , to the soft music , low lighting and candles flickering everywhere . the restaurant and restrooms were immaculate , the decor of orange and cream with black accents was anything but boring , which turned a long and narrow space into a romantic and very peaceful place to dine . each table is adorned by a small bud vase with a beautiful rose and baby ' s breath and i was very impressed with the beautiful and comfortable bentwood chairs . however , hubby and i weren ' t there for romance , we were hungry ! we started with five crunchy shrimp rolls , which were whole shrimps wrapped in egg roll wrappers and quickly fried and served with a sweet and sour sauce , delicious . along with these we had fresh thai shrimp spring rolls , so crisp and the house made special sauce with ginger , soy and peanuts was so very delightful . for my entree i had a very generous sea bass filet , which was steamed in a lemon ginger sauce and garnished with slices of lime , mushrooms and scallions , so flaky , fork tender and each bite melted in my mouth . this came with a generous scoop of perfectly cooked white rice and plenty of fresh and lightly sauteed and seasoned sugar snap peas , snow peas , onions , peppers and carrots . michael had the holy basil shrimp with asparagus , but it also had plenty of other vegetables , all served in a luscious garlic sauce . erawan is a byob and there is no corking fee if you choose to bring a bottle of wine . i ' m not sure if this is a new philadelphia thing or not , but both jg domestics , nor erawan had salt or pepper on the tables and even though i automatically reached for them , everything was already perfectly seasoned . they offer plenty of side dishes like jasmine , brown , fried or sticky rice , noodles and for only two dollars you can add chicken , beef or pork to your entree or for three dollars shrimp , calamari or scallops . two thumbs up , five stars without hesitation , the food , service , decor and cleanliness leave nothing to be desired . holy mother of thai ! \n","\n","Geo-Entites in Sentence 26: \n","philadelphia\n","chinatown\n","philadelphia\n","erawan\n","\n","\n","Sentence 27: french-lebanese cafe with an elegant vibe . a perfectly suitable brunch alternative to honey ' s , which is just a couple doors down , and with a much shorter wait ( if any ) . we came here for brunch in the early afternoon and ordered the foul moudamas , a plate of two scrambled eggs , tomatoes , and hummus topped with fava beans . it comes with very light , fresh-baked pita . it was very tasty-- i ' d say the hummus was the star of the plate . i ' ve heard the pastries are baked off-site by a former le bec fin pastry chef . we tried a brioche bun , which was quite delicious , although it wasn ' t as fresh-tasting as we would have hoped . . . perhaps if we had come in the morning it would have been better . the ambiance is exquisite , from the arabesque-designed cups to the embroidered seats . and all the servers were very friendly and helpful , and the owners came around to chat with customers and make sure everything was going well . great eating experience-- perhaps ( for now ) one of the best kept secrets of nolibs Nth street . \n","\n","Geo-Entites in Sentence 27: \n","french-lebanese\n","honey ' s\n","le bec fin\n","nolibs Nth street\n","\n","\n","Sentence 28: great spot . walking in i got the distinct feeling that everyone working there was happy to see us ! that ' s a rare and special feeling to have in brooklyn . my friend and i shared a table with another man ( the coolest guy ever ) and after he was finished a group of three who were also awesome and chatted with us about cool places to hang in and around ridgewood- we tried as hard as we could to be helpful ! but it just goes to show , good people draw good people . most of the people eating there were clearly regulars . the overall vibe was friendly and relaxed , even while the place was totally packed . we shared the pho ga , ca ri ga and the ( huge bowl of ) papaya salad . it was more than enough food to share for two people , but everything was so effing good we barely left anything on our plates ( in our bowls . . . ? ) . the ca ri ga ( curry chicken ) really knocked it out of the park for me . it came with two folded crepes which we used as curry sauce vessels- obviously . i ' ll definitely be back . service was spot on , food was spot on . go to there . \n","\n","Geo-Entites in Sentence 28: \n","brooklyn\n","ridgewood-\n","\n","\n","Sentence 29: my girlfriend and i drove down from greenpoint with the intent of going to lake trout , but it was closed for unknown reasons . we thought about trying to walk over to potlikker , but it was freezing , so we ducked in here . on the plus side , the staff was super friendly and glad we were there , and also optimistic about the future . we quickly learned that it ' s byob , but didn ' t really feel like running out again , so we ordered some non-alcoholic drinks , both of which were really good ( she had an arnold palmer that was minty and delicious ) . maybe they were having an off night , but nothing we ordered was really that spectacular . i had the shishito peppers with white bean salad for an appetizer , and that was honestly probably the highlight of the meal for me clean ingredients and pure flavors , if a little on the salty side . shakshuka is one of my favorite dishes , but the \" cowshuka \" ( a shakshuka with added steak ) i ordered was drowning in oil , even though the steak seemed like it would have been pretty delicious had i just succumbed and gotten it on its own . the swamp of tahini upon which this entree is served muted the flavors and made it hard to pick out the consistency of individual ingredients . my girlfriend ' s salad wasn ' t really what she was expecting , though she nibbled at it politely . we also got some homefries , which were good but entirely unremarkable . kudos for the lovely hot sauce side ( which i had to request ) a mix of harissa and sriracha , two of my favorite condiments . the decor is just ok it seems like they did the best they could on a modest build-out budget , but the lights were too bright by half . also it was completely empty , which i think detracted from the experience a little , and drew our attention perhaps too much to the music moderately corny world music of the chilled-out , late Ns thievery corporation school . a mailed-in hip-hop beat with an oud and a spanish guitar half-heartedly dueling each other over the top . . . you know the drill . all in all an unobjectionable , but not stellar , experience . if i come back at all , it won ' t be until i ' ve crossed a bunch of the neighborhood ' s other highly-rated new openings off my list . \n","\n","Geo-Entites in Sentence 29: \n","greenpoint\n","lake trout\n","potlikker\n","byob\n","Ns thievery corporation school\n","\n","\n","Sentence 30: although pj ' s appears to be quintessential college town late night breakfast diner , this place is definitely lacking in the customer service department . there were some things i did enjoy about pjs . the wooden tables are covered with the carvings of many previous patrons , which leaves a cool vibe and hometown feel . the food itself was good as well and i did quite enjoy my chocolate chip pancakes , eggs and bacon . however , the service itself was terrible . upon entering we were asked by the manager to wait in a line outside the restaurant for a party of two , midday in N plus weather . i told the manager that my wife burned very easily and after walking the main st all morning we ' d prefer to wait inside , out of the sun and completely out of the way . he then told us he wouldn ' t know what order to seat customers in if we didn ' t wait in line and again motioned for us to go outside . what ? ! i ' m not waiting in line for the club , i ' m waiting for some eggs ! i ' ve never before been asked , ever , to wait outside when there ' s plenty of room to stand out of the way inside . safety and clear transit is one thing i ' ve been a waiter before and carrying a full tray while dodging people is not fun or safe . but there was plenty of room to stand inside . if other patrons were standing inside because they arrived first , then that is totally fine we would have waited outside until they were seated to move inside to wait . but to automatically make people wait outside in a line is uncouth . i am even more disappointed if this practice is done purposely to drive up the \" hype \" of this princeton staple . the remainder of the service was on par with our initial experience . i understand this is a casual place , but this was over the top . we watched our food , along with many others , sit ready for almost N minutes while multiple servers and manager joked around with each other and waiting for what appeared to be the only server working to deliver his plates . we ' ll certainly never visit pjs ever again . \n","\n","Geo-Entites in Sentence 30: \n","pj ' s\n","pjs\n","the main st\n","princeton\n","pjs\n","\n","\n","Sentence 31: the only reason i give it two stars is our waitress and hostess were both very sweet . not speedy and attentive , but genuinely nice . and if the food were a little better and the prices a little more reasonable this place could be a N . but two is generous . first impressions decor fits the \" shanty \" name and seems inauthentic and cheesy . and as soon as you step in , it smells heavily of fried fish sticks . we came on a monday during \" scallop harvest \" which implies to me that the scallops are fresh . most folks had some variant of the scallops . all of them were tiny , seemed pan fried regardless of preparation ( no difference between the \" seared \" and \" fried \" scallops , ) and tasted fishy and stale , not fresh . the oysters seemed pretty decent and had no grit . most other things on the menu were battered and fried . but then there ' s price . i had a salad on special . N little , greasy scallops on a big plate of grocery store greens for N . other items were N-mid Ns , apps were a little under N . a few nights ago in columbia , mo i ate at the restaurant of a james beard nominated chef , and had a scallop app and an organic pork chop , beautifully prepared , for about N including a drink . my salad , one beer , a side , and a couple oysters , was a little over N with tax and tip . i don ' t mind paying for good food , but this was , no exaggeration , on par with a long john silver ' s . i forgot to even mention that despite the restaurant being empty , it took us an hour to get our entrees , with long gaps between being checked on . . the experience , on the whole , was just a mistake . my party felt like getting some fish and this place was more like a badly managed red lobster . deeply in need of a visit from gordon ramsay and kitchen nightmares . seems like it could work in this town , but they need to get fresh ingredients and step it up . i would have gone elsewhere but was sucked in by the illusion of fresh scallops for the \" scallop harvest festival . \" don ' t make the same mistake . \n","\n","Geo-Entites in Sentence 31: \n","columbia\n","gordon ramsay\n","\n","\n","Sentence 32: we went to blackeyed sally ' s to see a friend ' s band play . the place was packed but we were seated in less than N minutes . food drink orders taken and the corn bread arrived immediately . they gave us three uneven pieces . one piece was enormous and the other two were typical serving size . the bread was moist but i wish there was real corn mixed in . i like cornbread with a little bite of corn kernels mixed in . sweet potato fries the sweet potato fries were great ! they were gone before i had a chance to snap pictures . i will have to admit we were a tad hungry . i didn ' t care for the sauce that came with the fries , it was too tick and flavorless . the most i expect out of my sweet potato fries is the right amount of crunchiness and not too salty . brunt ends the brunt ends were not crispy or crunchy . my boyfriend didn ' t like them at all because they were not smokey . in his opinion a great brunt end is nice and chewy and the one served that night was not . jambalaya i ordered the jambalaya and didn ' t really know what to expect . in the back of my mind i was praying that it won ' t arrive to the table soggy and wet swimming in too much stock . i was relieved when the dish arrived . it was red jambalaya but thank god it wasn ' t a few scoopful of tomato-red rice with a few dried up cube of chicken and two random shrimps . the shrimp that arrived were the size of a man ' s thumb . hidden in my plate were flavorful fatty pieces of sausage . i did have trouble finding the crawfish tails . i like crawfish because they remind me of lobster so i wish they had given me more than N identifiable pieces . the chicken pieces were huge as well but a little dry . i ' m assuming they were precooked and cooked again when preparing the jambalaya which sucked away all the moisture that was left . this particular jambalaya was lacking in vegetables . a few pieces of okra here and there but nothing else . no green or red peppers . the portions were huge ! i had to stop and rethink a game plan a few times but sadly i had to pack the rest to go for the next day ' s lunch . the jambalaya tasted better the next day because the flavors penetrated inside . the dish had tons of flavor and it was super spicy . i would definitely order it again . combo dish my boyfriend ordered the combo dish with pork ribs and bbq chicken served red beans and cheese grits . when the dish arrived i wasn ' t impressed . we have had better bbq . the rib fell off the bone easily but the flavor was not memorable . the chicken was so so . the ribs were on the dry side . i had a little taste of the cheese grits and let ' s just say i will never order that for myself . overall we were not impressed with this combination dish . a little too pricy at N for something mediocre at best . overall experience it was a fun place to have dinner . the decor is unique to the area . service was great despite it being a busy night . the food was so so . this place is known for it ' s bbq and sadly i was a little disappointed . we shall continue our search for a good bbq place in the area . \n","\n","Geo-Entites in Sentence 32: \n","blackeyed sally ' s\n","N\n","\n","\n","Sentence 33: went in yesterday at around N N pm on my way back from work since i ' ve heard things about from friends . they ' ve a bar in front for waiting people to sip drinks ( N only for alcohol , of course ) , and there ' s always people waiting . did i mention people waiting ? i meant large groups waiting . i was alone ( my co-worker got drunk and went home in a cab ) and i was promptly seated . just for the heck of it , i pretended to be a japanese tourist ( N N japanese fluent japanese w o accent ez acting ) . why did i do this ? simple , some place ( s ) in new york , ny charge tip on the bill after tax . not here , they treated me all the same , that ' s a plus there . rated N stars b c of the price . N N for a bowl of noodles w o extras ? they ' re good but there are other places that have N noodles ( also japanese ) . plus the pork bun appetizer they had ( which i ordered ) were chinese pork buns . the same ones can be bought in flushing for a \" little \" cheaper . not a minus but was kind of surprised . all in all , i spent about N w tip and left happy and at my own pace . no rush , no pressure . hopefully they can expand and be able to lower prices , but that ' s a dream . \n","\n","Geo-Entites in Sentence 33: \n","new york\n","\n","\n","Sentence 34: i ' ve been here a few times before , and have a particular love for the vegan wings . we don ' t get here often though , so they ' re a bit of a treat that i look forward to . we met some friends here before a show on saturday night for some drinks and snacks . the whole group of N of us sat down right away which was a great start to a great night . if you ' ve somehow been living under a rock , the beer list here is phenomenal and can be a bit overwhelming . . . much like monks cafe- their center city located big brother . we had many many beers and sips were shared amongst the table . favorites included a peach lambic , the petrus sour ale , and borbor bok . for snacks , a few people had just eaten , and a few all shared mussles . i don ' t eat meat or fish , but everyone seemed to enjoy the food tremendously . i , of course , got my wings , and they were everything i dreamed about and more . strips of seitan i believe . . . breaded and fried . . . with a sauce that is somewhere between bbq and buffalo . . . sweet with a kick . . . and dipping sauces- blue cheese and vegan . . . both a treat ! this would be a N star review except for N weird detail- our waitress was pretty condescending ! we ' re at a bar with hundreds of beers from overseas . we were pointing to the name on the menu and doing the best we could with pronounciations . she kept correcting us ! ! at first i thought i was being overly sensitive , but towards the end , a few people went to ' rogue dead guy ' or \" sam adams light ' so that they wouldn ' t have to take the risk . she seemed really overwhelmed too . not sure if they need more people working there ? she kept telling us she was going to run away and come back and take our order . . . \n","\n","Geo-Entites in Sentence 34: \n","monks cafe-\n","\n","\n","Sentence 35: one day on my way to pho N i stopped by piolin jr because the wait at pho N was too long . the place was empty and so the service was fast . the staff was attentive . it was my first time trying peruvian in the states . i loved the canchas ( dried roasted corn ) and the marinated onions . i nibbled on those while i waited for my entrees . we ordered the chicken special and rice with mixed seafood . i think i made my selection based on the pictures on the menu . we got tons and tons of food . the food was on the saltier side but i normally don ' t cook with salt so i assumed i was sensitive to salt . rotisserie chicken N . N this was an amazing bargain ! ! why go to kfc when you want chicken when you can get a full meal here for half of the price . the N . N price tag gets you fries and a salad . yes it was an ice berg salad but i did appreciate the cucumbers and carrots . i packed that for work later that evening . no complaints about the fries from me other than way too much salt . if you plan on ordering fries here ask them to cut down on the cut or else you ' ll be in sodium overload before you leave the restaurant . rice with mixed seafood N . N enormous portions . again very salty but has such great potential to be an amazing meal . you will need the marinated onions to decrease the saltiness of the dish . i like the flavors and the ingredients but couldn ' t bare the saltiness . you can have a little then it gets too much . would i order again ? yep ! i would simply ask for less salt and maybe hot sauce . overall a cheap afternoon lunch . i left with tons of leftovers . the service was friendly . the place was relatively clean but you can tell at night time this place must turn into a dance club or something based on the smell . \n","\n","Geo-Entites in Sentence 35: \n","pho N\n","piolin jr\n","pho N\n","kfc\n","\n","\n","Sentence 36: a N for now . but thinking about the potential that this place has for a gathering i ' m amped about giving it a N once i get to test that theory out . this was going to be the spot of the thank you carrie party on thursday . but since carrie had to cancel out last moment i wasn ' t expecting too many people to show up for understandable reasons . but since mama philly said to keep the dream alive , and i ' d rather be a straggler myself then leave people behind , i decided to sample some of their tempting sounding margaritas by the bar and see if anyone showed up ( it ' s what a dutiful host does . ) . no one did , but as i waited i had the chance to sample how amazing this place is . the margarita ' s were definitely the best that i ' ve had in the city . i sampled the black currant which tasted a little off , but mango was pure deliciousness . and holy crap was the blood orange margarita the stuff of legends . they definitely have a great selection of beer if your not a margarita fan , and they even have their own twist of the citywide special that ' s a can of tecate and a shot ( tequila ? ) . and the man behind the bar rob was a class act who quickly owned up to being one of my favorite bartenders in the city . for food i picked up a chorizo burrito which i was kind of mixed on . the chorizo was ground up to the point that it ended up tasting like beef . but the burrito was supersized and filled with plenty of rice , beans , and cheese , and it also came with a side of chips and two kinds of salsa . so i definitely made note of the portion value . overall it goes with out saying that cantina dos segundos is perfect for a gathering . and since the thank you carrie party still needs to officially happen , this might just be the perfect place to deliver that caliente twist . details coming ? \n","\n","Geo-Entites in Sentence 36: \n","cantina dos segundos\n","\n","\n","Sentence 37: \" how ya going to keep them down on the farm after they ' ve seen paree ? \" this early Nth century song plays in my head as i think about chipotle mexican grill on rt . N in west windsor , new jersey ( excuse me , but it ain ' t princeton ) . where i used to find this once subsidiary of mcdonald ' s a decent alternative for relatively healthy food in a mexican guise , after experiencing the real deal comidas mexicanas in a variety of wonderful restaurants both in la patria and around the usa , i can do so no longer . the long lines , the uncomfortable seating , the basically unchanging menu , just leaves me unfulfilled . yes . the food is okay and sometimes better , but compared to what is available nearby by way of startlingly great mexican restaurants with dishes that will knock your socks off , chipotle does not measure up . it pales , and blands , by comparison . if you want to try authentic and delicious mexican food it is easy to find . these are small shops , and often given the loving designation , \" hole in the wall . \" i hesitate to disclose which they are for fear they will be inundated by all of us . but , if you do a little searching here on yelp , they are around . they may not be as healthy as chipotle , and if that is your priority , please remain faithful to them . however , if amazing creations and tastes are your ultimate foodie dream , there are much better places to find the food for your mexican fantasies . andale ! \n","\n","Geo-Entites in Sentence 37: \n","paree\n","chipotle mexican\n","rt . N\n","west windsor\n","new jersey\n","princeton\n","mcdonald\n","comidas mexicanas\n","la patria\n","usa\n","chipotle\n","yelp\n","chipotle\n","\n","\n","Sentence 38: when we walked in it was very busy they said it would be an hour to an hour and a half for a table they were not very friendly seemed too busy to take a new customer . the restrooms were downstairs and i would say very clean . when i came back upstairs there was a table ready so i would say we only waited N minutes . not sure why . my husband and i shared the homemade sweet corn and ricotta ravioli . the lobster was sweet and the ravioli was the perfect density . we also shared the crisp berkshire pork belly . it was truly a delight with fall off your fork tenderness on one side and crisp perfection on the other . this was one of the largest sized restaurants i was in while visiting nyc . the restaurant was very clean and upscale . our waitress was unmemorable and my water was often left empty for long periods of time although she was very attentive to my husband ' s cocktail needs . i would say the food was worth it but the atmosphere was just ok . i would come back to balthazar ' s for the food . \n","\n","Geo-Entites in Sentence 38: \n","nyc\n","\n","\n","Sentence 39: yo adrian , where do you find that new sushi place ? the owner looks like the green hornet ! the servers are very thoughtful and eager to serve . the atmosphere is floridian and clean . the owner lives there and is very knowledgeable of the quality of his product . he spent N minutes at our table before i knocked him out . the sushi was extremely pretty and impeccable . the scoop call ahead and get the lobster roll ( then and now ) . sesame tuna is to live for yo save the tuna for me . the angry dragon roll is beautiful and deserving in a party atmosphere . not on the top stove but pretty . amazing tuna , is a top quality taste but would not sustain me for N minute . i went a round with the chinese chef he ' s imported from shanghi his main deal is the recipes and his recipes as far as i can tell beat the competition . only met one sushi guy , the owner . green hornet is back ! these sushi guys are from manhattan and they know the designs ( recipes and artistry ) and the spices . the green hornet bragged that his manhattan restaurant ranked in the top N for sushi . for me the sushi is electrifying , i was purely a pasta man . you know i had a lot of fights and was gravely injured . adrian found me sushi to give me some optimism . this is contagious , i mean obsessive , i drive my trans am over to that place and i was met with a gregarious welcome . i love this place and have found no equal for sushi and don ' t know about the rest . give me a yelp if you agree . yo ! love , the italian stallion . \n","\n","Geo-Entites in Sentence 39: \n","shanghi\n","manhattan\n","manhattan\n","\n","\n","Sentence 40: what can i say that hasn ' t already been said about mamoun ' s ? it ' s a great value at N and the falafels are delicious . as someone whose tried a multitude of variations all over the world ( from shabbats at kibbutzes to street vendors along israeli highways to turkish restaurants to rome ' s jewish ghetto ) , i can say that the interpretation here is probably one of my favorites that i ' ve ever had . that said , i will say that this location ( nyu central ) isn ' t my favorite . i bought a falafel sandwich here yesterday and wasn ' t as satisfied as i thought i would be . i think the size of the sandwich here is smaller than the st . mark ' s location ( i also think the taste is better over there ) . i didn ' t even really get to enjoy the great textural elements of the individual falafel balls as they were drenched in tahini sauce . don ' t get me wrong . . . i love tahina . falafels shouldn ' t drown in it , though . also , the hot sauce ( as mentioned by my fellow yelper-s ) is way too hot . i always fall in the trap of wanting a bit of heat and forget that the sauce makes the experience painful . avoid ! it would be great if they offered some amba instead ( mild pickled mango sauce popular in israel ) . \n","\n","Geo-Entites in Sentence 40: \n","mamoun ' s\n","N\n","rome\n","nyu central\n","the st . mark ' s\n","yelper\n","israel\n","\n","\n","Sentence 41: all i ' m going to tell you are facts about this awesome new spot . hiro ramen is run by a dude that worked for ramen boy now ramen bar ' s chef . talking to him , he is super passionate about making a significant contribution to philly ' s growing ramen \" scene \" . i ' ve eaten there twice since they ' ve opened . right now , there is no sign on the space , but its the place right next to milkboy on Nth chestnut . when you walk in , it is definitely not some corporate backed place with polished wood and marble jawn . it ' s a humble upstart by some guys wanting to serve up some awesome , quality japanese comfort food for this coming winter . so let ' s start with what N of you will order , the hiro ramen . for now , their limited soft opening menu ' s title dish is their baby . it ' s going to change a lot thanks to their desire to experiment and innovate . fact N hiro ramen ' s food has N msg . i was told that , and i felt it whilst walking out of there my first time . i didn ' t feel salt coming out of my face , i didn ' t feel bloated or tired , i actually felt refreshed . they make their own blend of soy sauce for their broth . they also do a brothl-ess ramen , which is a newer thing in japan and extremely new here in the states . i imagine it ' s awesome when you ' ve had a few too much to drink , as it comes with an extra portion of noodles . i forget the name but it ' s the second item on the list labeled as shio ( salt ) ramen . i had this my second time there due to being exposed to the concept in brooklyn . it was delicious here . the noodles aren ' t to the chef ' s N satisfaction , as he told me he is going to try a thicker , slightly chewy more flavorful noodle next for this dish , which i am all in for . what does this mean for philadelphians ! ? it ' s the first and probably only joint that ' s doing broth-less ramen here , and you definitely should give it a shot . comes with all the fixins , but the noodles have soaked up the shio broth , and the friendly , super awesome staff can hook you up with some of the raw sauce to flavor it up more if you think it needs it , but it doesn ' t . disclaimer i really loved ramen boy , mostly because it was the first ramen noodle joint here , but i also am very open-minded about food , and love all the ramen ive had in the city so far . hiro ramen stands out though because it ' s not what the others are doing ( heavier tonkotsu style ) and it ' s going to only get awesome-er so go check them out . update some of the culinary savvy folks on here are wanting to correct me on the whole N msg thing , and instead of taking it off my review , i ' m going to add that because i don ' t cook , i don ' t know or care how specific their claim is on no msg . if msg is a natural occurrence in soy sauce , and a little bit can ' t be totally avoided , that ' s all well and good but i don ' t feel the repercussions of heavy msg at this place . it may be that the soy sauce they prepare in-house tastes nothing like bottled soy sauce , and therefore contains minimal , to no intended msg . i would also respect that you not message me with correction statements so that yelp doesn ' t send me an email telling me that you don ' t have better things to do . \n","\n","Geo-Entites in Sentence 41: \n","hiro ramen\n","ramen boy\n","ramen bar '\n","philly\n","milkboy\n","Nth chestnut\n","N\n","japan\n","states\n","brooklyn\n","ramen boy\n","yelp\n","\n","\n","Sentence 42: deciding to come to the vientiane cafe , a laotian thai restaurant , was a pretty easy choice after hearing a positive review about it from a friend . the only difficult part to getting out here would be convincing my other friends that it would be worth the short trek from penn ' s campus . always looking to explore affordable options outside of penn ' s standard offerings , i finally got a small group to come out to try the place on a slow weekend . the vientiane has a small storefront located along a row of other randomly put-together offerings , including a record store and a chinese take-out restaurant . upon entering the restaurant , there was a sense of warmth and community as the waiters and kitchen hummed along and the diners happily focused on their food and conversation . stepping in from the chilly walk and the proximity of the other tables certainly helped set the mood too . luckily for us , we came just in time to snag the last available table . promptly after we arrived , a small line began to form outside . as a side note , it ' s probably better to come a bit earlier for dinner because the restaurant only has seating for about N-N people . the prices for entrees , about N- N for most items , were in-line with what i was expecting and were pretty well-sized . we tried to order more laos-influenced and less commonplace thai dishes . we ended up sharing N entrees--homemade sausage , laab , sweet basil with chicken , and a pineapple fried rice--and stick rice , figuratively the \" glue \" to this meal as it absorbed the delicious sauce . the sticky rice came in these cool , little laotian rice baskets which were used for steaming the rice . i ' m sure the rice baskets are commonplace , but i was really excited to see them ( note to self must get out more ) . after the meal , we were all quite satiated and satisfied with our meal , including the bill , which came to roughly N per person ( all-inclusive ) . for my first foray into laotian cuisine , i was happy with the experience . compared to other asian cuisines , there was greater use of mint , cilantro and spices to bring out the flavor in the meat dishes . my favorite was the laab dish , a warm minced meat salad served with chilis and mint . it is allegedly also the unofficial national dish of laos ( i ' m always amused where wikipedia sources their information when there are no footnotes ) . i would definitely come back for a lunch or dinner with a small group of friends . \n","\n","Geo-Entites in Sentence 42: \n","the vientiane cafe\n","penn '\n","penn\n","vientiane\n","laos\n","wikipedia\n","\n","\n","Sentence 43: i was all excited about trying out jane . a few friends of mine have recommended highly of the place . . . it was last sunday , when the sun was bright and up , albeit a bit chilly . beautiful sunday morning , just the kind of day you want to be eating brunch , enjoying a lazy day . i had thought the outdoor area would be bigger , but it had maybe N or N tables . still sizeable for new york standards . it was a bit too chilly to be sitting outside so it was alright . the inside was tastefully done with high ceilings . although crowded , it wasn ' t so loud that you couldn ' t carry a conversation . the table were a bit too close together ( the waitress had a hard time reaching us ) but i guess that is expected for a popular brunch spot . i know it is probably a one-of-those days faux pas , but they didn ' t have the canadian bacon for the eggs benedict . what ! ? ! a brunch place that doesn ' t have canadian bacon ? i was really craving eggs benedict so i ordered it with chicken sausage , but it just wasn ' t the same . sad . . . t t should have ordered the french toast . . . people at the next table was wolfing it down and it looked so yummy . service was ok . the wait staff had trouble reaching us physically ( the chairs from other table made it difficult ) but when we managed to get their attention , the response was quick . not bad when the place is full of hungry people all clamoring for their attention . i would have given the place a N star rating but for the lack of canadian bacon . i am sure that when i visit the place next time , i will have no trouble giving jane a N-star rating ! \n","\n","Geo-Entites in Sentence 43: \n","new york\n","\n","\n","Sentence 44: N stars for the food , N star for service , so the average comes out to N stars . warning if you plan to dine in , make sure you empty your bladder or don ' t drink too much while you are there . the restroom is reserved for employees only ! how bizarre is that ? while waiting for a table , my friend was told no when she asked to use the bathroom . not sure if that ' s a health code violation , although a guy waiting for a table with us said vic could get away with refusing customers ' access to the john because of their small size . . . . i ' ll have to investigate . i went with N of my sushi-loving friends and we all left feeling full and thinking about our next take out meal . the place is really small N seats at the sushi bar , one table that can seat N people max . vic has N sushi chefs , a hostess and a bus lady . . . i didn ' t see anyone that fits the description of a waiter waitress . once seated , you literally have to ask for everything . we had a bottle of sake , but the lone bus lady didn ' t bring us glasses until we asked for it . we also had to ask for water , but was told they didn ' t have ice . while giving us our water , the bus lady spilled the entire contents of a cup all over my friend ' s jeans . we used our napkins to contain the spill and the bus lady came out with a dish rag , but didn ' t think to give us replacement napkins . we made our dinner selection while waiting for our seats , but had a hard time getting the hostess ' attention to place our order . she was either settling bills , answering phones or getting take out orders from people who walked in after we were seated . one of the sushi chefs noticed our frustration and took our order . once the food came out , it was really good . my friend didn ' t even mind that her jeans were wet ! like other reviewers mentioned , definitely try the tuna dumplings . it ' s tuna sashimi pieces wrapped around avocado paste salad -- it looks like cha shu bao . their specialty rolls are good too . . . really creative . i highly recommend the spicy combo roll . i especially love their prices . . . cheaper than other japanese restaurants in center city ) \n","\n","Geo-Entites in Sentence 44: \n","vic\n","N\n","center city\n","\n","\n","Sentence 45: its a shame when you patronize an establishment several times , have a good experiences , then you have one that is so bad that it cancels out everything positive . if you run a happy hour special until Npm , it is until Npm . dont cut it off Nmin before to your customers just because one of your bartenders wants to be out exactly at the end of her shift . i had my heart set on a beer and sliders when i walked in at N N pm wednesday may Nth . i hope that the bartender ( you know who you are ) will take this initiative and get retrained . you handed me a happy hour menu and told me i had a few minutes . ok . why didn ' t you let me give you an order ? you ran to close out the rest of your tabs to get out on time . then you tell me happy hour is over and rudely walk away . lucky i was hungry enough to know that a wawa is right on rtN before i had my studio session job at N N . i have been a steady wednesday customer in this place and i always have a double of jameson before i leave and tip well . wtf ? i saw a lot of good reviews and bad reviews . i could just imagine your turnover rate as far as bartenders are concerned . but you need to establish a better program with guest services . it is a nice place and i would like to go back . \n","\n","Geo-Entites in Sentence 45: \n","wawa\n","N N\n","\n","\n","Sentence 46: needless to say that after going to tops twice in a N day period , i am a fan . definitely a restaurant that would make me travel to east newark from the bronx , ny . ( no but really ) each day we was there , we had to wait but its worth it . we were able to get seats at the bar both times we went so we barely noticed we were waiting . . . at least until we got really hungry . lol things to try drinks the malibu barbie and the sangria ( those two were my favorites , i took pics of my friends drinks as well and they loved them also . shoutout to alexandra ! ) food the stuffed shrimp the stuffed shrimp was amazing ! ! ! ! ! ! ! it comes on a bed of spaghettini , asparagus and red pepper , plus the crab portion of it is made with real lump crab meat and it had literally zero fillers . shrimp bistro pasta i had this dish the first night and immediately fell in love with the idea of having breaded shrimp and alfredo pasta combined . dessert tres leches mango cake ! no need to explain just get it . you will love . definitely going back ! \n","\n","Geo-Entites in Sentence 46: \n","tops\n","east newark\n","\n","\n","Sentence 47: loosely , traif can be known as something vile or dirty , unfit for eating . how perfect is it that the food at traif makes me want to do dirty , dirty things . if i ' ve ever made a better decision than having my birthday dinner at traif , i don ' t know what it is . the actual birthday isn ' t even until tomorrow , but last night ' s dinner already made my birthday . from the get-go , traif was incredibly open to a big group . i was looking at N-N friends and with less than a week ' s notice , the manager was awesome . for large groups , a N tasting menu is standard protocol . while i don ' t have the patience to delve into the meal plate by plate , it was amazing . there were eleven savory courses , and three dessert dishes , all shared family style . i had the rude little piggy and persimmon punch drinks and they were both delicious . every bit of food was devoured , with , honestly , only a few complaints across the board . the pork belly wasn ' t as fatty and tender as most of the table preferred the scallop dish was a little sweet the gingerbread pudding wasn ' t too ginger-y . the service was fan-fucking-tastic , a genuinely warm and welcoming staff all around . with the open kitchen , i have major plans to return . sit at the bar , drink , eat , and watch the magic in the kitchen ? count me in . \n","\n","Geo-Entites in Sentence 47: \n","traif\n","traif\n","traif\n","traif\n","N-N\n","\n","\n","Sentence 48: love this place so much . i went last week for lunch and ended up getting the prix fixe for N . appetizer i went with lentil soup ( N individually ) , which i had tried before . there is a strong sense of basil but it ' s not overpowering . the lentils are cooked well but not to the point where they become mushy . i actually would have preferred that they were slightly firmer , but i can ' t argue too much with this . a great choice on a rainy day , as it was when i was there . entree braised hake ( N ) on a bed of green cabbage , seaweed , chilies . hake is a white flaky fish . it has similar texture to cod and tasted somewhat similar to that . it was slightly undercooked , but i happen to like fish that way . the cabbage was really great . my lone criticism is that , like many dishes at abc , there was more oil than i would like . dessert the best sundae i ' ve ever had . here is how the menu describes it \" salted caramel ice cream , candied peanuts popcorn , whipped cream , chocolate sauce . \" the ice cream was fantastic . what makes the dish is probably the popcorn . having that salty taste ( the popcorn had caramel draped over it ) meshes perfectly with the sweetness of the ice cream . then there was the chocolate sauce , which was as good as i ' ve ever had . cc brown ' s hot fudge is famous , but this is better . it ' s lighter and sweeter , although it ' s still quite thick . i can ' t recommend this enough . if you ' re looking for a great dessert to try , this is it . overall , the fixed price menu is the way to go . for N , you end up getting what would cost N- N if you choose the app , entree , dessert individually . as always , the bread and olive oil were great , as was the water that ' s distilled on-site . make reservations early , though . like , a couple weeks out . \n","\n","Geo-Entites in Sentence 48: \n","abc\n","cc brown ' s\n","N\n","\n","\n","Sentence 49: N for lunch not including a drink is in my opinion a lot to drop on a casual lunch . was hu kitchen worth it ? although the food was tasty , i overall feel this spot isn ' t worth the money . the place is large , nicely designed and very clean - always a plus . you order cafeteria style and either take your meal to go or sit in the small seating area up front or head upstairs . for some strange reason watching the man behind the counter spoon out a ladle worth of curry chicken from a crock pot to cover a small portion of quinoa and then charging me N kind of angers me . was the food good ? hell ya , though it definitely tasted from the crock pot and not freshly made . is the food good for you ? so they say with their all organic , not processed meat statements . i get it , eating clean costs money , but a small portion of curry chicken for N is a lot of dough and this was the cheapest option minus the N egg sandwich . looking to reduce portion size and eat some pricey , but tasty and super clean and healthy fare ? yes , then hu kitchen is your jam . i much rather pick up a salad next door for N and be full and even have a little left over for a mid-afternoon snack . \n","\n","Geo-Entites in Sentence 49: \n","hu kitchen\n","N\n","hu kitchen\n","\n","\n","Sentence 50: the very first bite of food i put in my mouth when i arrived in nyc for a business trip was this aluminum dish of meaty heaven . after a flood of recommendations from friends , i trudged over to the cart dodging all the counterfeit vendors along the way . the fake dudes are quite clever too , they ' ve replicated the vendor ' s cart and name , even down to the yellow plastic bags . but the real deal was easily distinguishable by the long line of hungry patrons ! verdict - fast , the line moved pretty quickly - cheap , about N-N for a full dish of lamb and chicken combo - diy sauces . d . i . y . sauces . oh my love . - i could put the creamy white sauce on all of my food for the rest of my life - the red sauce however ? a tiny dollop was a fiery hell and made me almost want to cry like a baby . this is coming from someone who carries around a little bottle of hot sauce in her purse . . . you know , for emergencies . it was definitely tasty stuff but not sure i ' m over the moon in terms of all the hype around this cart . the meat wasn ' t bad at all but almost too finely minced , the rice was fine but it was honestly the white sauce that elevated the whole experience . shouldn ' t each component be delicious standing on its own ? like out of this world rice , tender meats , etc ? but it was still worth paying out of pocket for . ( couldn ' t expense it since it was cash only , wah ! t t ) \n","\n","Geo-Entites in Sentence 50: \n","nyc\n","\n","\n","Sentence 51: anyone who lives in or near montclair will join me in a moment of silence in remembering sesame , the best chinese restaurant in the state of new jersey , which closed last year when the owners very selfishly moved back to china to retire and be with their families . yeah , whatever . since then , i ' ve been on a quest -- a crusade , you might call it -- to find a chinese place to fill the void . i ' ve accepted that no place will be sesame , but would love to find good chinese food . unfortunately , lotus isn ' t it . first of all , it ' s a take out and delivery place -- that ' s important , because i thought it was a restaurant ( and according to another reviewer here , it used to be ) . i am guessing that would help with the food quality as with any place you order from vs . dining in . we had the barbeque beef stick because it was recommended here , and it was made with a funky spice -- fennel , perhaps ? -- that seemed unfamiliar and out of place on it . the cold noodles with sesame sauce were more tahini-tasting than peanutty , but they were light -- so if that ' s what you look for in these types of noodles , you will like them . the boneless ribs were the best out of all our party ordered , and although this might sound like a dumb thing to rate , the rice was perfect . we also had sesame chicken , which was more like a sweet and sour chicken than a typical sesame . so again , if you like sweet and sour , you ' ll like this it was just too sweet for us . finally , an order of kung bo chicken was overall fine , although we couldn ' t get past the potatoes in the dish , which none of us in our dining party had encountered in this dish before . so not awful , not the best . just , as the description reads , \" meh . \" off to jump on my trusty steed and ride off into the sunset to find another place to try . . . wish me well ! \n","\n","Geo-Entites in Sentence 51: \n","montclair\n","sesame\n","new jersey\n","china\n","lotus\n","\n","\n","Sentence 52: this review is only for the whiskey bar inside fraunces , not porterhouse or the museum . the \" dingle whiskey bar \" is a small bar with a silly name . it only comprises a portion of the historic tavern , but this might be the best part . we stopped in for a quick drink and were met with a combination of oversized bankers getting their mistresses liquored up . since this was our type of crowd , we decided to stay . it was a good choice . dingle ' s whiskey menu is impressive with several dozen single malts , irish , scotch and japanese whiskeys , and bourbons as well as wine and cocktails . they have whiskey flights that i would have tried if i didn ' t have to go back to work . the bar menu has a wide range of choices and the food is a good compliment to the suubstantial pour that you get if you order a whiskey neat or on the rocks . the service is fast , friendly and unobtrusive and the cost is on par with what you ' ll pay for similar spots in the area like harry ' s or vintry . dingle is a very nice addition to the drinking choices downtown . i don ' t know if i would pick it over wall and water or demi monde , but i would defintiely recommend it . have fun . g \n","\n","Geo-Entites in Sentence 52: \n","fraunces\n","porterhouse\n","the \" dingle whiskey bar \"\n","dingle ' s\n","harry ' s\n","vintry\n","wall and water\n","demi monde\n","\n","\n","Sentence 53: generally pretty impressed with the place ! i ' ve been looking forward to trying aksum for a while now . i ' ve heard great things about the brunch ( not too sure about how it is for dinner ) . a friend and i stopped by at around N N am and were seated immediately ( no reservation needed ) . the service was absolutely excellent and is probably the reason for my four star review ( though my dish probably would have been somewhere between a N and N . N star ) . our waitress was warm and genuine and happily talked us through the menu and cracked a couple of jokes . positive service like this can go a long way ! i settled on the shakshuka eggs and my friend ordered the monte cristo sandwich . presentation wise , the food was on point . taste-wise , the dish was great-- perfectly spiced , and texture of the baked eggs was heavenly . i definitely would have liked more pita bread to dip into the tomato stew ( it only came with about N small triangles of pita bread ) and i would have liked for the tomato stew to be a bit warmer ( i have a feeling my dish was ready to go before it was served and was thus cooling in the kitchen ? ) my friend was gawking over the monte cristo sandwich throughout our meal ( i ' m vegetarian so i didn ' t try it ) but it looked beautiful and she said it was delicious as well . i did try some of the apricot jam and potatoes that came on the side of the dish , and both were beyond tasty ! i definitely will be returning to try the famous french toast as well as other nontraditional breakfast varieties . this is a cute spot and is definitely not frequented enough-- would love to see more people coming through ! \n","\n","Geo-Entites in Sentence 53: \n","aksum\n","around N N am\n","\n","\n","Sentence 54: my coworker and i had to run to home depot for lunch and wanted to grab something while in the same shopping area . we decided to give this place a try as we both really enjoy indian food and it looked really cute inside . we debated over the menu for a few minutes , the guy behind the counter looked at us like we were nuts the whole time and offered no assistance or recommendations . . we stumbled upon the specials ourselves , he couldn ' t even be bothered to point them out as we obviously struggled to order . we eventually placed our order and sat down . twenty minutes later our appetizers came out . N minutes for a samosa seems crazy to me , but they were tasty . another N minutes went by before our meals came out . there is obviously no hurry at hurry chutney ! i could be na ve about indian food , but when i saw my whole meal consisted of two pieces of chicken , no rice , no sauces , just chicken , the N i just spent seemed really overpriced . we started regretting not just going to the buffet at palace of asia in hamilton ( which is wonderful , and cheaper ! ! ) . after N minutes , we had to get back to work so we asked for to-go containers for our meals , and i was told \" everything is over there \" and was pointed in the direction of the paper plates on a shelf . needless to say , the service was slow , the food was ok but way overpriced , and we were not made to feel welcome at all , more like we were an inconvenience being in there even though they had N other customer in the whole place . we will not be returning , and made sure to tell our other coworkers about our experience as well . \n","\n","Geo-Entites in Sentence 54: \n","home depot\n","palace of asia\n","hamilton\n","\n","\n","Sentence 55: if you ' re in the mood to spoil your palette and sip on some fancy wine , be sure to check out marlow amp sons on broadway , just past the bridge . you ' ll likely have to wait after all , this tucked away spot only has about a dozen tables . if you want to beat the crown though , go early ( i ' m talking N or N N ) and grab seats at the bar . that ' s what we did and thoroughly enjoyed our experience . our waitress and bartender were each incredibly friendly and the food was as delicate and flavorful as any other you ' ll find in the neighborhood . you know you ' re getting the freshest , best ingredients when you ' re served a hand-written menu . . . we started with some sparkling white wine and sampled the cantaloupe amp ham appetizer . the cantaloupe was sweet and there was a smoky eggplant puree drizzled about the plate that set this dish apart from others i ' ve tried . after that , we ordered the ' big plate , ' to split . the ' big plate , ' is a sampling of fresh seafood , all shucked and cracked so you don ' t even have to get your hands dirty . the lobster salad was by far my favorite . they served it atop a cold lobster tail along with oysters , clams and fresh baked whole wheat bread . even the butter was softened . i love places that serve softened butter . . . dress casual but get ready for gourmet plates . marlow amp sons has definitely landed on my ' top N faves in the neighborhood , ' list \n","\n","Geo-Entites in Sentence 55: \n","marlow amp sons\n","broadway\n","bridge\n","\n","\n","Sentence 56: sighhh . i honestly wanted to give this a N star rating , but because i have had great experiences at the collingswood location i bumped it up a star . my parents and aunt and uncle came to visit me in philly , and we decided to go to indeblue since we loved the collingswood location . we arrived at the restaurant a little after Npm on a saturday night . we waited at the bar , and it took a good N minutes before the bartender came back to the bar and took my order . i got the chai sangria , which was good but a little sweet for my taste . my mom and aunt really liked it though . we were seated shortly after i got my drink . and this is where , in my eyes , the experience went downhill . my parents and aunt and uncle are vegetarian . the menu had a total of N N vegetarian entree options , N of which were daals ( lentils ) . we started off by ordering N vegetables ( N of which were paneer based and one eggplant ) and one daal . i asked our waitress if there were any other vegetables we could order and she suggested appetizers , which we weren ' t interested in getting . we asked for all of the dishes to be made spicy and they were . one of the most disappointing parts of the night was when our food came out . indian food is meant to be eaten family style , but the portions were so small that by the time the N of us put a spoonful of the entree on our plate the bowl was empty . . . but of course we received a mountain of rice with each entree . we immediately had to order another entree , another paneer based vegetable . luckily the service was very attentive and our last minute entree came out piping hot within N minutes . now the bill . N-N per entree for the tiniest , most simple punjabi food . on top of that , we were charged N for a small plate of onions and lemon . what happened to the days of free pappadam and onions ? i ' ve been to many upscale american restaurants in nyc and they have no trouble serving table bread without charge . these things cost the restaurant literally nothing to make and if you ' re going to charge some absurd amount for a tiny entree , it ' s the least you can you do . to top it all off , my dad was looking at the receipt today and noticed that they charged a N tip for our party of N ! what is that about ? ! we hadn ' t noticed this at the restaurant so the waitress went home with a nice N tip . bottom line - i won ' t be back , at least not to the philly location . the lack of vegetarian variety and the hiked up prices ( and nonsense tip policy ) have ruined it for me . \n","\n","Geo-Entites in Sentence 56: \n","collingswood\n","philly\n","indeblue\n","collingswood\n","N N\n","nyc\n","\n","\n","Sentence 57: oh how we needed thee in g-ho this is what an adult sports-bar looks like . tv ' s are huge and everywhere , and there ' s really no bad seat in the house . the staff was attentive and friendly . the food is far better than the next closest ' true ' sports-bar , fox the hound . it ' s a good blend of small plates and entrees , sandwiches and comfort food . the tap list wasn ' t striking , but solid . a sports-bar doesn ' t need to bowl me over with their taps ( i ' ll go to jose pistola ' s or monks for that ) but it needs to cater to the N-N crowd that likes an occasional heady draft . prices were par for south street , but likely higher than you might expect to pay at other sports pubs . i suggest aggressive specials for games . on our first visit we had the bbq pork sliders , \" first meal on the moon \" sliders , wings and split a burger . the sliders were excellent ( i could eat N of the pork ones ) and the burger was an excellent \" pub \" burger - again , no need to overdo the creativity at a sports-bar . the beef was cooked like asked ( mr ) , the toppings were fresh and i ' d definitely order it again . the wings were cooked perfectly , nice and crisp , but they came out a little dry and had to ask for an extra ramekin of buffalo sauce . i ' ve heard and smelled good things regarding the korean bbq wings , that ' s next on my list . went in for the eagles-redskins game on our second visit and was stunned at the size of the crowd . seeing as the place is so new , i ' m not sure if i was witnessing a \" friends and family effect \" ( there are four owners ) or if it was entirely randoms . we struggled for a place to stand near the bar , and there was a first-come-first-serve policy in place with the tables , similar to a bar seat . i ' m fine with this but my wife started asking why we didn ' t go home and drink for free . i can ' t chastise a place for being packed , just an observation . i ' d definitely call this my new go-to for phils-flyers-birds nights , and intend to bring more folks soon . \n","\n","Geo-Entites in Sentence 57: \n","N\n","-\n","south street\n","bbq\n","eagles-redskins\n","phils-flyers-birds nights\n","\n","\n","Sentence 58: N . N stars . went here on a wednesday night with a good friend from cali . honestly , i never heard of this place until he recommended it . we arrived about Np on a wednesday evening , and we were sat immediately . right away , the waiter served us water and explained the menu . we ordered some drinks , i ordered the dr . fuku and i forgot what my friend ordered . we loved both drinks . had beer subsequently . ok , so we pigged out and ordered quite a few of apps entrees steamed buns delicious , buns were fresh and the pork was tasty . texture may not be appealing to many though . blt i forgot the actual name but it was similar to a bun but the pork was fried and it tasted like a well . . . . . blt sandwich . this was my favorite app . mackeral sandwich our \" least \" favorite which was an understatement . i still liked it but it could have used more imagination . smokey mountain ham very good , nice cured taste , and perfect smokiness . probably the best ham i ' ve had . pork shoulder steak this was my favorite , very good alone but adding the hot , siracha-like sauce put it over the top . extremely tasty . spicy pork sausage rice cakes this was very good too but i loved the rice cakes ( filled with cheese ) . the sausage could have used a little better texture . this dish was my friend ' s favorite . overall , great service , atmosphere and i ' ll return . however , my wife can ' t eat anything on the menu so it ' ll have to be without her . this is a good date place though albeit a little pricey . \n","\n","Geo-Entites in Sentence 58: \n","cali\n","\n","\n","Sentence 59: bubby ' s was a very pleasant experience for me and my friends . the restaurant is located a little off the beaten path in tribeca , and i understand it is insanely busy for weekend brunch , but on a weekday evening it was not too crowded or loud . i also understand bubby ' s is very family friendly and that usually there are kids running around everywhere . . . we didn ' t have that experience , thankfully . the menu is filled with lots of comfort food , like bacon wrapped meatloaf , burgers , and even tacos , not to mention buttermilk biscuits . i opted for a shrimp primavera special which was awesome , and of course , a biscuit ( or two ) . our waiter was wonderful . . . really nice , knowledgeable , made us feel good about our orders and took care of us all night . i didn ' t like my pineapple cocktail . . . it was just a little too strong , but i added some water and would just choose something else next time . we somehow missed out on dessert and walked past a \" perfect \" key lime pie and some vanilla and chocolate cupcakes as we were leaving . . . we are already planning a trip back just for the sweets ! \n","\n","Geo-Entites in Sentence 59: \n","bubby ' s\n","tribeca\n","bubby ' s\n","\n","\n","Sentence 60: this is a neat little place serving lebanese food ( with a french influence ? ) on montclair ' s main street . we were seated promptly in the tiny but nicely decorated dining room . the ambience was pretty nice except for casablanca playing over a widescreen tv on mute . - ) . jarring but hardly a big deal . they more than made up for this with the interesting music selection . around N minutes after we were seated , we were served some fresh piping hot pita bread right out of the oven that is prominently displayed in the front of the restaurant , with an assortment of dips . delicious . i got the chicken kebab platter and was extremely pleased with it . the kebabs were tender , juicy and extremely flavorful . slightly different marinade from indian-style kababs , but similar enough for a whole lot of nostalgia . it came with some kind of lentil puree that i wasn ' t too crazy about , but it was a personal preference , and no reflection on the taste . we also got a delicious piece of fresh baklava complimentary for dessert which was the best possible way to end the meal . all in all , a really good dining experience and one that we will definitely be repeating . \n","\n","Geo-Entites in Sentence 60: \n","montclair\n","casablanca\n","\n","\n","Sentence 61: as i sit here in colorado , dying for a piece of east coast pizza , i long for this place . this place . . . is damn delicious . growing up right down the street from new haven , i was blessed to be near such incredible pizza at all times . of course everyone has their favorite pizza place in nyc , just like us in ct , but when i moved to the east village , i stopped by artichoke for my first slice of pie as a ny resident , and it ' s forever my favorite . i ' ve since tried other joints that have rave reviews and diehard fans , and while yes , they were pretty great , too , artichoke has a special place in my heart . this pizza is so good , that on a night of torrential rain and heavy winds , i walked my ass down the street and ordered an entire pie . i walked it back to my apartment , shielding it from the rain as well as i could , and when i got back to my tiny apartment on avenue b , i hunkered down on the living room floor , sopping wet hair and clothes , and savored each bite as if it were my last . so which kind is my favorite ? their famous artichoke one of course ! i ' ve had the margherita and a taste of the crab , but man does the artichoke make me see stars . this place is cash-only , and has enough standing room inside for about N-N people comfortably . if there ' s a wait , trust me , it ' s worth it . grab a slice and hang out on the sidewalk with a beer . on a warm summer night in nyc , this my friends , is heaven . \n","\n","Geo-Entites in Sentence 61: \n","colorado\n","east coast\n","new haven\n","nyc\n","ct\n","the east village\n","artichoke\n","ny\n","artichoke\n","avenue b\n","nyc\n","\n","\n","Sentence 62: i ' ve lived across the street from trio for almost a year now , but i never went until just last night when i needed a close-by restaurant to take my visiting grandparents to . i chose trio over someplace like rembrandt ' s or london , just a few more blocks away , because it seemed quieter and a little more high-end . first impressions inconspicuously tucked away on the corner of brown and taney st ' s , i think its location is a main reason this place is usually pretty empty , which is kind of a shame , something my grandfather commented on-- for a place so conveniently close by in the neighborhood , why aren ' t there more people going there ? my guess is that it ' s not quite that crowd living around the restaurant-- you ' ve got mostly late N y o and then old greek and italian families that have been there for ages , not quite the asian fusion crowd you might expect to find a bit deeper in the city . either way , trio probably doesn ' t have an easy time with that . upon walking in the door , i was displeased with the smell of the place , it smelled like a sponge after washing a sinkload of dishes . . . . luckily my nose was quick to habituate . the food drinks it ' s a byob , and i was fortunate enough that my grandparents ( likely on the suggestion of my grandfather , who enjoys drinking it up with his younger kin ) brought a nice bottle of red along , not even expecting that we would uncork it that night for dinner . i think trio could really benefit and expand their business by acquiring a liquor license and installing a bar , i know i would be there a lot for cocktails before going out , as the only other bar on the street is a dive bar called krupa ' s , which isn ' t really my scene . . . however , trio would be right up my alley if they served . the menu featured an enticing selection of vietnamese and thai-influenced dishes , i went with the beggar ' s pouches for my appetizer and the seafood hot pot for my entree , while my grandmother went with two appetizers-- the chicken satay and corn fritters , and my grandfather had the chicken curry . the beggar ' s pouches are one of the most popular offerings at trio , and they had a delightfully crunchy texture . . . although i think it was a little too sweet from the sauce , it was very tasty . by the time my entree came out i was already kind of full , but i did my best-- it was very good . i originally ordered it after thinking of mongolian hot pot , one of my absolute favorite things from my trip to china in ' N . while trio ' s hot pot is nothing like mongolian hot pot , it was still a lot of fun-- scallops , calamari and shrimp with glass noodles and various greens . the chicken curry was very spicy on the curry , but apparently you can ask them to go easy if that ' s not your bag . the service i thought our waittress was as attentive as she was friendly , and i think that even if the restaurant had been a little more full than on our tuesday night visit , she still would have handled my grandparents and i just as adeptly . although she sort of stumbled through the specials , and i didn ' t really retain what they were when she got through them all , and she spilled our wine as she poured it , you could tell she wasn ' t doing it out of neglect for our comfort and she still did a great job of taking care of us . the bottom line i think i need to come back here with a date or something , i ' d like to see the main dining area upstairs . for me , it ' s conveniently located , for others , finding it , and then finding parking on top of that might be a hassle . even still , trio has some great food , and it totally worth checking out . i know that in this review i did a fair bit of complaining , but trust me , the overall experience was a very good one . \n","\n","Geo-Entites in Sentence 62: \n","trio\n","trio\n","rembrandt ' s\n","london\n","brown and taney st ' s\n","trio\n","trio\n","krupa ' s\n","trio\n","trio\n","china\n","trio\n","trio\n","\n","\n","Sentence 63: after a long , cold day in philly we found ourselves in the warm and vibrant reading terminal market . we had only come to browse , as we had planned to eat dinner at the continental , but our hunger quickly caught up to us and we soon found ourselves drooling over beck ' s southern delicacies . now , i ' m no expert on southern food , far from it . but to my credit , i have enjoyed southern cuisine in new orleans , so i think that buys me just a little bit of respect . that said , i found beck ' s surprisingly good . the wait staff was incredibly friendly , offering samples of just about anything we wanted and patiently waiting for us to decide on what we ' d like . we ended up going for the gator gumbo and shrimp crawfish pasta--both excellent ! gator gumbo was rich , flavorful , and had a good amount of meat and rice . shrimp crawfish pasta was simple with a tasty sauce . the only knock is that it ' s a little pricey given the quantities . but if you live around philly and you ' re craving some good southern food , this is a solid choice . \n","\n","Geo-Entites in Sentence 63: \n","philly\n","reading terminal market\n","continental\n","beck\n","new orleans\n","beck\n","philly\n","\n","\n","Sentence 64: i loved the possibility of ordering via yelp eatN and just pick up the food after Nish minutes . i had to restrain myself not to order pretty much everything , but still ended up with twice the amount i could eat . . . well , it ' ll make a nice breakfast tomorrow . the softshell crab tempura was really , really nice . that it contained zucchini sweet potatoe broccoli onion tempura as well was a nice surprise . esp the onion tempura as i ' ve been looking yearningly at onion rings at burger places . we don ' t have these huge onion rings in sweden , so guess that makes them even more desirable . ( and yeah , tempura and onion rings are not the same , but close enough for me ) . the sweet potatoe roll was rather boring though , but the seafood gyoza was great . all in all , it was a perfect take out , but i wish i ' d had dinner at the restaurant as it looked really nice , and some of the sushi brought out to the guests . . . oh my , it made my mouth water . edit N note to self mikaela , do not - i repeat , do not - save tempura for breakfast . no , it won ' t taste good even if you have a huge hangover . \n","\n","Geo-Entites in Sentence 64: \n","yelp eatN\n","sweden\n","\n","\n","Sentence 65: do not go here if you are of indian ( from india ) descent or if you look like an indian . my family and i were blatantly discriminated against while being served here last night . first it was the crappy seating system . of course it was packed , so we understood that we would have to wait a bit . no problem . my party in total was N people . why is it they were seating other parties of the same size , who mind you only consisted of either white or east asian people , before us who got to the restaurant after us . i just find it hard to believe all of these people had some relationship with the staff , or had perks of some kind . then it was the food . after these ignorant people seated us , why is it again we were the last to have our orders taken . i observed the server , she was taking the orders from all the asian people first . again these people were seated after us . this is the point where my family and i began to really wonder what was going on . about six tables got their orders taken and then us . another server quickly brought over my own drink , but seemed to forget about the rest of my family ' s drinks . we waited and waited and waited . finally my father calls over a male waiter to inquire why all of our drinks had not arrived yet . in a flash our drinks were at the table . almost the same deal with the food . we look over to the east asian people and white people ' s tables , the food is piling up . we have yet to receive our appetizers . again we have to basically yell at the servers to bring our food . in a nutshell this was all just complete and unnecessary discrimination . my family and i have been from french to austrian restaurants and never have been treated this way . the area this restaurant is located in has a decent indian population . it is no wonder we did not really see any indians , or really any colored people to be honest , besides ourselves in the restaurant . i guess we know who they prefer to cater to . the food was alright , but the experience left a bitter taste in my mouth . \n","\n","Geo-Entites in Sentence 65: \n","india\n","\n","\n","Sentence 66: for months i had been tracking burger fi like an iroquois brave . i ' d put my proverbial ear to the ground ( aka read about it in the insider foobooz ) and my excitement would grow as signs of it ' s opening neared . each day i would walk by on my way to work and glance in , and it seemed to be getting closer and closer but not opening , finally i couldn ' t take it and i shot them an email saying what ' s the deal , stop this nonsense and open already ! ! they told me to chill and it would be about a week . fast forward a few weeks and the day finally came for boo and i to spend our epic sunday cheat meal at bf . we walked in and the place was jumping . nfl combine coverage on all the tvs , i felt like i could potentially be spending a fair amount of nfl sundays here . there was not much of a line and boo and i each ordered the brisket burger bc why wouldn ' t you . N patties of ground brisket with swiss and blue cheese ? c ' mon son . then because i ' m fat i got an order of parm fries and a chicago style hot dog . boo got a side of onion rings . total cost plus a soda almost N . N a little on the high side for casual but whatev , if it lives up to its billing i ' d gladly pay it every freakin ' sunday . after paying you shuffle down the line and wait for your buzzer to go off to get your food . i stood patiently in the corner while boo secured a seat . at the N minute mark the guy next to me became agitated and i was thinking it ' s only going to get worse from here . at N mins he went up and asked about it and the manager checked on it and told him it was up next . this whole time i would look back at boo and she would shoot me these dart looks like \" say something ! say something ! \" i would look at her like \" i ain ' t got the energy girl \" . our food came at the N minute mark . famished i handed in my buzzer and took the food to the table . as crazy as this sounds both our burgers were really bland . thinking back i can ' t remember if they put the blue cheese on or not bc its illegal for blue cheese to be bland . we ended up drowning them in ketchup . very disappointing . the sides we got we fine but the star here is the burgers and it just wasn ' t up to snuff . feeling dejected we walked out with our heads low . a week later i was walking by around N N there were about N people in there so i decided i ain ' t going out like that , this place has to be good and we just came on the wrong day . i got the standard burger fi burger green style . it still took about N minutes to get . the lettuce wrap was awesome however the burger didn ' t taste like anything . another ketchup drowning and i left again dejected . i still am holding out hope that these are the early restaurant blues but i cherish my sunday cheat meals and i can ' t take the gamble on burger fi again . maybe a tuesday lunch but not my sunday . \n","\n","Geo-Entites in Sentence 66: \n","bf\n","chicago\n","\n","\n","Sentence 67: i had a great bbq burger here the other night . taste and texture were wonderful , but the really amazing thing about this burger was that it held together via some sort of magic and didn ' t become a complete mess all over my hands . the fries that came with it were also excellent -- earthy , salty , skin-on fries with some sort of herb rub . the onion rings sort of stole the show , though -- damn they were good . yes , they are worth N more dollars . also milkshakes . pyt has them . are they worth N ? jury is still out . i had the caucasian which is like a white russian . it got a little too overwhelmingly sweet for me by the end . wife had the one with coffee which i liked a little better -- the coffee crystals just cut through all the sugar a little . she didn ' t finish it though and passed it over to me , which she shouldn ' t have done because then i spent the rest of the night exclaiming \" i drink your milkshake ! i drink it up ! \" i ' ll be back to pyt . they have a big ol ' outside seating area with great views of the bigscreen and the piazza . it was a fun place for people watching . \n","\n","Geo-Entites in Sentence 67: \n","bbq\n","pyt\n","pyt\n","\n","\n","Sentence 68: it ' s arguable that brooklyn became a restaurant destination a long time ago . it really didn ' t until recently . it started when a handful of young , well-funded restaurateurs left manhattan in search of not just cheaper rent , but of a place where experience didn ' t matter , and success could come without much effort . for a while , brooklyn was that place . brooklyn mastered atmosphere early on . its style -- emerging from glowing candles in rundown windows and the resurrection of abandoned infrastructure -- became a dazzling patchwork of culture that we now consider commonplace . today , what we know as ' brooklyn ' serves as an often-obnoxious , artisanal theme that ' s mimicked all over the world . nevertheless , at first , food and service in brooklyn took a back seat . people were willing to compromise basic hospitality for a cool vibe and something strangely new . it worked . but as brooklyn ' s market became flooded with inexperienced rich kids looking to pursue their dreams , and the price of living quadrupled ( literally in williamsburg ' s case ) , the customers started having standards . the exchange between bohemia and paying customer resulted in the weeding out restaurants that were too stubborn or inexperienced to evolve . the best brooklyn restaurants survive . now , food and service each play as critical a role in a restaurant ' s success as atmosphere does . and while new places like talde in park slope or littleneck in gowanus understand that , it ' s the remaining pioneers that offer the best experience , and anella is one of them . anella is to greenpoint what al di la is to park slope , what motorino used to be for williamsburg . it ' s a real neighborhood restaurant where all of the fundamentals , including that unique , special brooklyn vibe , glow like a candle in a window . the food and drinks are excellent , and the staff will do whatever they can to accommodate your requests . on your way out , if you can make it past the door without being thanked by just about everyone , be surprised . one of my favorite restaurants in the borough . \n","\n","Geo-Entites in Sentence 68: \n","brooklyn\n","manhattan\n","brooklyn\n","brooklyn\n","brooklyn\n","brooklyn\n","brooklyn\n","williamsburg\n","bohemia\n","brooklyn\n","talde\n","park slope\n","littleneck\n","gowanus\n","anella\n","anella\n","al di la\n","park slope\n","motorino\n","williamsburg\n","brooklyn\n","\n","\n","Sentence 69: i went to supper for the first time this tuesday at N with a reservation for my Nth birthday . i ' ve heard about it for years and had high expectations . originally they only had N outside table to offer or a small table in the corner for my date and i until he advised the hostess we ' d like something more comfortable . we sat in the location other room to the right of the main door entrance which originally seemed like a separate restaurant but was preferred as this room was much quieter . our waitress ( average-mid body type blonde early N ' s female ) took almost N minutes to unpleasantly come to our table . when ordering wine and asking for her to recommendations on the menu , she was not helpful or patient , especially considering that it was not busy . when ready to order our meal , another hour almost went by without her return to our table . i had to nicely ask her when she gets the chance to come by- i also had to do this when asking for the check . towards the end of the night she was behind the bar with her phone . unprofessionally she was also speaking loudly with a friend that was sitting at the bar , while cursing when talking dropping the \" f word \" multiple times . classy right ? in addition the veal meatball antipasto was served cold , and our meals the spaghetti al limone and the tagliatelle was just good , not great . was looking forward to my birthday dinner but if it wasn ' t for the great company i had , it was quite lousy and disappointing for a four star over rated les italian restaurant . \n","\n","Geo-Entites in Sentence 69: \n","N\n","les italian\n","\n","\n","Sentence 70: simply put - this place is amazing ! though i live in manhattan and dont make it to brooklyn often , this is the only three michelin-starred restaurant in brooklyn and is worth the trip . the restaurant is actually just a kitchen counter which sits N people ( through staggered seating times ) chef cesar ramirez is fantastic . not only does he make wonderful food which he is so clearly passionate about ( the ingredients , the taste , the presentation ) he is incredibly friendly . we had the pleasure of sitting on the table ' s edge closest to the kitchen and therefore had many opportunities to chat with him . the prix fixe dinner for us consisted about N small plate courses . some of my favorite courses included shima aji w ginger crisp blue fin tuna w crispy leeks langostine w iranian saffron octopus w heart of palm duck w gnochi as others have mentioned , reservations are very difficult . just be persistent every monday and call - we finally got through after N weeks of trying . though they had already filled reservations for the N-week out timeframe , they had a cancellation for the current week- we took it ! dinner now runs you N per person wine ( N per bottle ) N gratuity on top . . . limiting this to a special occasion destination for us ! \n","\n","Geo-Entites in Sentence 70: \n","manhattan\n","brooklyn\n","michelin\n","brooklyn\n","\n","\n","Sentence 71: i came here for brunch and to watch the eagles v . redskins game . yea , i was surprised too when i was told that we would be able to watch the entire eagles game here . but there are televisions throughout the restaurant , with a different game on each screen . a perfect intersection for hipsters and sports fans . i arrived early , and waited for my brunch partner to arrive . i was able to be seated first , which was great because it meant i didn ' t have to stand awkwardly near the entrance . once seated , we both placed orders for the cauliflower souffle , which comes with a small side salad . it was delicious and very reasonably priced . the service was great . even though we stayed for the entire game , we were never passive-aggressively encouraged to leave . our waitress also had a smile the entire time she checked in with us . ps . i ate here in the midst of movember . the male servers were sporting some great handlebars , even if they sport the handlebars year round . it was a fun atmosphere ! \n","\n","Geo-Entites in Sentence 71: \n","eagles\n","redskins\n","eagles\n","\n","\n","Sentence 72: i ate at the bar in june of this year . in latin , \" vivo \" means \" life . \" this restaurant was more like death , to me . it wasn ' t crowded at all on a dead saturday afternoon , but took forever to get seated , much less served . turkey club came without mayonnaise and included a single slice of romaine lettuce ( think caesar salad lettuce ) . i guess they thought that the italian bread it was on made it special in some way . but it was mediocrity on a plate . the ingredients shouted \" sysco \" to me . i should ' ve known . shame on me . waiter failed to check up timely , so i ate it without mayonnaise and without iceberg lettuce anyway . and i paid N for it , and a single cocktail ( i know that this is a hotel bar restaurant , but that ' s a bit steep for a sandwich , fries , and a smirnoff ) . completely un-remarkable but for the fact that the experience was slow enough to mention it on yelp . two stars when i was so disappointed ? yes , ' cause your mileage may vary . there were handsome appointments all over the place . the flatware and glassware was of high quality . and the place ( including the bathrooms ) was very , very clean . \n","\n","Geo-Entites in Sentence 72: \n","latin\n","turkey club\n","N\n","yelp\n","\n","\n","Sentence 73: my girlfriend and i went here to celebrate our N-year anniversary , and we wanted to go somewhere special and unique . i must say that this was one of the most amazing dining experiences ! first off , we arrived at N Npm , and even though their kitchen closes at N , they still offered to seat us outside in the courtyard next to the enchanting fountain . for an appetizer , i highly recommend the \" cheese boat \" which is fresh baked bread with oozing delicious cheese and an egg in the middle . it would have been enough to share with N people ! the new york times was supposedly coming the following night to photograph and do a story on this very special dish . for the entree we ordered the lamb kabob , and tried two of their specialty sauces , one was tomato based and the other ( which we requested ) was a delicious plum sauce . the georgian cabernet red wine was the perfect complement to the meal , and the bottle prices are very reasonable . the service was exceptional . we met the owner afterwards and he was very kind , and asked us if we enjoyed our meal , which we responded with a resounding yes ! i highly recommend this new , up and coming restaurant spot . \n","\n","Geo-Entites in Sentence 73: \n","N Npm\n","N\n","the new york times\n","\n","\n","Sentence 74: i absolutely love woorijip . this place is amazing in so many ways . it is , in short , korean fast food and you can get lunch ( or dinner ) for less than N . if you ' ve never been to this place before , it can be very confusing so here , my friends , is the rundown . the restaurant is divided into three sections N ) hot cold buffet this is located at the very front when you first enter the restaurant . you can use a to go box or a for here plate . it ' s pay per pound , so you can pick up as much ( or as little ) as you want . great selection . i like the meat and noodles the best here , though there ' s also a lot of yummy pickled veggies and little side dishes . great for those who love variety and want to try a bit of everything . note that this section does close earlier than the section below . N ) hot cold entrees these are located right behind the buffet , also on the west side of the establishment . there are a lot of packaged foods here , from rice cakes to tofu stew to beef glass noodles to korean bbq . i would actually skip the korean bbq here and go to the food gallery across the street instead if you ' re craving fast and cheap bbq . the tofu here is also just okay . i do like the kimchi fried rice here . but everything else here is good and a great deal cheaper than other places on the block . note that a lot of these entrees come with rice and a salad . make sure to pick these up next to the register on the opposite wall . there ' s also another shelf behind this section that contains korean sushi , which can be easy to miss . on the opposite wall across , there ' s also a refrigerated section with more food options , as well as drinks and beer . N ) restaurant there ' s also a \" restaurant \" in the very back which has either been going through renovations or has very limited hours , because i haven ' t seen it open lately . the menu , though limited , is really good and very cheap . when you check out , make sure to grab a stamp card . you can collect cards and save up for gifts , ranging from asian snacks to ceramic cups to soju . this is a great place in k-town to grab a casual , quick meal or even to pick up lunch for the next day ! woorijip is the very best . \n","\n","Geo-Entites in Sentence 74: \n","woorijip\n","soju\n","k-\n","woorijip\n","\n","\n","Sentence 75: on a beautiful sunday afternoon , i was heading to meet my friend for a brunch . both of us craved something with a latin spanish flare , and where we could get some good drinks . she lives in greenwich village , and while wandering around , came across cuba . they had a brunch menu with yummy cuban options , and you could add N hours of unlimited drinks for N . N . perfect ! it was decided . they had all the doors and windows open , so though we were not seated outside , you could feel the breeze , and felt as though you were . the decor was white , with clean lines , and pleasant . rather quaint in size in the front , and sorta close to your dining neighbor , but it didn ' t really bother me . we both ordered the vaca fritas , and their specialty mojito ( made with champagne , instead of rum ) to start . the vaca fritas was super yummy . the portion size was kinda small , but maybe i just felt that way because i love my meat , and it was so delicious that i wanted more . the mojito was unique , as were the rest of the options they offered for brunch . it was nice to have a unique variety of drinks for brunch outside of the typical mimosas and bloodies . our waiter wasn ' t the most friendly , but he took care of us . we had drinks when we needed them , and he let us gab on like you know girls catching up can do . overall , i would totally come back here again . i really enjoyed this place , and would absolutely come back for brunch or even dinner some time . \n","\n","Geo-Entites in Sentence 75: \n","greenwich village\n","cuba\n","\n","\n","Sentence 76: i don ' t claim to be experts in indian cuisine , nor do i claim that i know what authentic indian food is like . with that said , i went here for my indian food cravings when i was in hanover for undergrad and grad school . it is definitely the better of the two indian restaurants in the area . . . strictly speaking of the food . i liked their chicken and vegetable dishes ( things i normally get when i do indian ) chicken tikka masala , saag paneer , navratan curry , baighan barta ( sorry if i bastardized the spelling ) , etc . their tikka dishes , however , are often dry . i say \" often \" because it is very good sometimes . if it weren ' t for this following experience i would given the place N stars . once we found hair on one of the dishes , and they weren ' t so apologetic about it . the waiter picked it out , looked at it , and said \" oh , it ' s small \" . they were all grumpy about the fact that we found hair on it ( wtf ! ) . that made me a bit angry . the price is on the expensive side , too . they must feel like they have this opinion that given the lack of ethnic options in hanover , nh , it ' s understandable to charge a lot and serve food with hair in it . \n","\n","Geo-Entites in Sentence 76: \n","hanover\n","hanover\n","\n","\n","Sentence 77: heck yes ! the things that stand out here are N ) open super late on random weekday nights so you don ' t need to go to mcdonald ' s or duane reade cvs for drunk munchies N ) the gazillion different sauces that are all super yummy N ) the free toppings to top off your beautiful fries ( e . g . jalapenos , onions ) i ' m so glad i got introduced to this establishment . i ' m not a huge fan of eating potatoes and other sort of carbs , but these fried , oily , hot , crunchy fries are just so overwhelmingly delicious you have to let go sometime ! i ' m not even a huge fan of thick-cut fries ( would much prefer the stringy crispy straw fries they have at spotted pig ) , but pommes frites is just something everyone has to try ! there are so many sauces to choose from , and you would think that they end up all tasting the same , but each of the dips is so unique and yummy you should definitely get a lot and try them out . some flavors that stand out to me right now are roasted garlic mayo , rosemary , pesto mayo , sweet chili , and sundried tomato mayo . i also think it ' s quite cute how the wooden tables are designed with holes to hold your fries and the sauces ) . it ' s tough to find a seat inside ( pretty much none . . . ) , especially if you come here with a larger group of friends . sometimes i ' m hard pressed to know what do with my fries ( and especially the sauces ! ) if you don ' t have an idea of where to sit outside of the shop , especially if you want to keep the fries extra hot and fresh . . . anyway , that shouldn ' t stop you . gogogogo ! \n","\n","Geo-Entites in Sentence 77: \n","mcdonald ' s\n","duane reade\n","spotted pig\n","\n","\n","Sentence 78: when you think of the smashing up a wine bar and a burger joint together it doesn ' t sound necessarily like a winning combination . . . but josh capon and co . have proven that it does . . . what makes it work is the rounded out menu that contains many options besides burgers . . . the dark and cool vibe atmosphere . . . and don ' t forget the interesting wine list . . . and of course better than average burgers . we started with the rock shrimp and corn hushpuppies . . . an absolute winner . three of us had burgers . . . a classic , a mexican and a bash . . . all extremely satisfying . my cousin had the short rib tacos . . . she said they were awesome ! add a bottle of \" the keeper \" merlot from washington state , a wine that is in your face with flavor and matches well with the food . . . and all together it makes for a great evening of eating and hanging out with friends or family . on top of it all , i find the place a good value for nyc dining . i would surely make a return trip to burger and barrel ! \n","\n","Geo-Entites in Sentence 78: \n","washington state\n","nyc\n","burger and barrel\n","\n","\n","Sentence 79: when giving a bad review , i sit and think and go through the experience again in my mind and see if there ' s any possible way that these problems could be improved so i can give a fair review and state what needs to be worked on . however , in the case of the restaurant fish , there is no fixing these problems , its just bad ! i came to fish on a recommendation from a friend , i should have known right then and there because this girl don ' t know good food . my mind and tummy was craving some good seafood , so i decided to go with it and the reviews were pretty good also . i walked into fish on a saturday night and it was full . we had to leave our name and phone number and had about a good half hour wait . no problem , \" caliente cab \" was right around the corner and we went in for a few frozen drinks . the funny thing was , i was thinking maybe , we should skip fish and just eat here instead since we already got drinks . but noooo , my friend who was with me said this is bad mexican food , not authentic . fine , he was right . now looking back , i would eat that pre-packaged mexican food any day over fish ! . we finished our drinks and walked back over . we got there just in time because we were seated as soon as we walked in . the seating was really tight . i was afraid that i would knock over our neighbors plates when squeezing by to get to my seat . not good . anyway , our waitress handed us our menu and told us some specials they had with a ridiculous attitude . i didn ' t care , i was just so hungry at this point ! reviewing the menu , they had some pretty good stuff and i was getting excited . i decided on the \" soft shell crab \" and my dinner date ordered the \" lobster roll \" and a \" clam chowder soup \" . might i add , my date had ordered his \" lobster roll \" first and was unsure if he wanted to get soup , when he decided that he did want it , the waitress was so irritated like as if we were bothering her ! . a longggg time later , we were still waiting for our food and then the \" clam chowder \" soup finally comes and we were notified that the rest of the food will be out shortly . since i was starving by now , i decided i ' ll have a little of the soup . gross ! how in the world can you mess up clam chowder soup ? ! ! ! ! the texture was watery and flavorless . horrible ! the rest of the food finally came out and was looking good ! . i couldn ' t wait to get down to business . my \" soft shell crab \" came with mashed potatoes and mixed veggies . the \" lobster roll \" came with a side of fries . as i started to dig into the crab first , i noticed the bottom was super oily and soggy . gross . and i ' m pretty sure my blood pressure sky rocketed when i began to eat that crab . it was like eating salt cubes . not just the crab but everything on that plate ! it was disgusting ! now the \" lobster roll \" was complete crap ! nasty bread ! nasty dry lobster ! the worst ! . just to justify how horrible this experience was , we started chatting up the the couple next to us , who was also having a bad dining experience . first they sent out the wrong dish to them , then when they got the order right they told them they were out it . the husbands food was also salty and not to his liking . and as for the wife , she was pretty ticked off . they also stated they would not be back ! hmm , now i know its not just us then . bad food ! bad waitress ! i will not be back here . oh , and the food is way overpriced . \n","\n","Geo-Entites in Sentence 79: \n","fish\n","\n","\n","Sentence 80: best brunch i ' ve had so far in new haven . cinnamon roll pancakes are everything . everything . and this is coming from a girl , who is hands down a waffle fan . i ' ve seen some complaints that the hashbrowns homefries are little on the salty side , but having eaten my share of flavorless and just plain sad breakfast potatoes on so many brunch menus ( and i have eaten brunch all across the south on up to new england ) , these are the best . the . best . and breakfast potatoes are super important to me because i don ' t eat eggs . they are seasoned , and crispy . delicious . the only reason i can ' t give them five stars is the seating process is pretty annoying . i don ' t mind standing in line , but when i get to the front of the line , there is only so much i can over look when you tell me it will be just a second , but what you mean is it is just a second to sit at the counter . if i ' d wanted to sit at the counter , i could have likely cut my wait time in half . i waited nearly N minutes to sit at a table . and i get it , seating has to happen as space becomes available , but at one point they sat a party of three that was in line behind me and the one other person i was there with . there are no triangle-shaped tables at this place . \n","\n","Geo-Entites in Sentence 80: \n","new haven\n","new england\n","\n","\n","Sentence 81: overwhelming . amazing . hectic . sensory overload . eataly is a contradiction in many ways but i absolutely love it . under one roof , you can travel to to italy . the highest quality products straight from the homeland in nyc . it ' s like visiting the louvre in paris but you ' re looking at food instead of art . also , it ' s similar to the louvre in the sense that you probably need to visit it over and over to see everything . my favorite sections of eatly pastries gelato espresso maybe i had sweet tooth that day ? sandwiches are made to order . they looked yummy as well . head to the back and look at the beautiful seafood and neatly cut meats . i would recommend making a reservation for any of the restaurants under this roof -- they are popular and busy . i also purchased some goods before leaving -- sardines in olive oil , italian jelly candies , biscotti , and some fig jam . still enjoying them at home -- very high quality and delicious . honestly , i just love walking around eatly . do it . all your senses will thank you for visiting this marketplace slash restaurant slash visit to italy -- i mean , eataly . \n","\n","Geo-Entites in Sentence 81: \n","eataly\n","italy\n","nyc\n","louvre\n","paris\n","louvre\n","italy\n","eataly\n","\n","\n","Sentence 82: i just realized that i never wrote a review for miya ' s , so as a placeholder here ' s a reply i made on the yelp forum about this restaurant . \" i find that miya ' s tends to get very extreme reactions , with a lot of my friends loving it and a smaller contingent refusing to set foot in the place . i ' m not a fan personally , but i still go fairly frequently for group outings . i like the whole sustainability thing and i give props for creativity , but most of the combinations have been misses for me--intriguing descriptions with unflavorful results . the rice is frequently way too dry ( it ' s some sort of a dryish brown rice to begin with , which doesn ' t help matters ) . all this for excessive prices for the most part . that said , i am a huge sushi snob and as mentioned a lot of my friends ( especially the ones who don ' t like raw fish or traditional sushi ) are very excited about miya ' s offerings , so ymmv . there are definitely some delicious rolls in the menu you just have to order carefully , and the very friendly servers are usually good with recommendations . plus , the space ambiance is fun , the staff is very friendly and sometimes will come over with free things , and their drinks are pretty good including housemade flavoured sake . if you ' re in new haven , definitely try it once to see how you feel about it . \" N . N stars . can ' t immediately recall what i ' ve had here and enjoyed as it ' s been a while . for my own reference , to be added to later as i remember name and details - firecracker sake ( in small quantities--just gets overwhelming after a while ) - kama sutra - tokyo fro was okay . . . i guess . i wasn ' t very impressed but it ' s fun for the table . - \" the best crunchy roll ever \" was actually pretty good - salmon dill sauce roll ( can ' t remember name ) - dates figs honey roll ( can ' t remember name ) \n","\n","Geo-Entites in Sentence 82: \n","miya ' s\n","yelp\n","miya ' s\n","miya\n","new haven\n","\n","\n","Sentence 83: i was looking for a new place to take my wife for her birthday . my daughter recommended butcher bar . she had eaten there in the past and said her mom would like it . my son and daughter decided to join us and surprise their mom . butcher bar does not take reservations for less than a table for N we had N people and made a reservation for Npm . we arrived at Npm and my wife was delighted to see the rest of the family waiting for her . we were seated at N N and our drink order was taken . the food was outstanding between the N of us we had ordered almost every type of meat on the menu . the brisket was moist and flavorful , the burnt ends were perfectly charred , the pulled pork had a nice tang to it . the pork belly was good but a little too fatty for my liking . their sausage of the day was a philippino sweet sausage , i ordered some as a side and it was packed with flavor and super moist . speaking of sides i tried the smoked bacon baked beans , homemade potato salad and coleslaw . i tried my daughter ' s mac and cheese and that i thought was just ok . all platters came with coleslaw and pickles . at the end of our meal they brought us some homemade apple cake and my wife ' s piece had a candle in it and they sang happy birthday to her . i ' ll need to go back to butcher bar again to try some of their sandwiches , especially the pulled pork philly cheese steak style and a bob ' s burger . to be continued . . . . . . \n","\n","Geo-Entites in Sentence 83: \n","butcher bar\n","butcher bar\n","N N\n","butcher bar\n","\n","\n","Sentence 84: after reading yet another good review of the treemont , we decided to check it out this past friday night . after walking in , i was pretty surprised that it wasn ' t busier as i ' ve heard great things but there was an entire upstairs that we didn ' t get a chance to see so may be that ' s where all the diners were hiding ? i was also blown away by how pretty it was . all i could think was , \" wow , this used to be a red mango \" ? first we began with the scallop crudo and the N hour cured cobia . my gentleman adored the scallop as it was delicate , refreshing and still very scallopy . i liked it but it was not my fave . my fave was the N hour cured cobia which i ' m pretty sure i could eat almost every day . approachable , light but packed with flavor . get this . next we shared the chick pea fritters . these were tasty , crunchy on the outside and delicate on the inside but not our favorite so i can ' t say we ' d order them again . lastly , we split the lamb saddle which was fantastic . the lamb was so tender that we didn ' t need a steak knife . i loved it with the fermented barley . it paired so well and felt like the perfect fall dish . my only complaint is that our drinks took forever to get after ordering . i completely understand that they have quite a few ingredients but i ' m pretty sure our first course shouldn ' t arrive before our drinks that we ordered prior to the first course . not the end of the world though and the drinks were tasty so that helped . to sum it up , we ' ll be back ! \n","\n","Geo-Entites in Sentence 84: \n","treemont\n","\n","\n","Sentence 85: one of the perks of moving to an apartment complex on callowhill street is the fact that the gf and i are so close to neighborhood hotspots such as sabrina ' s and doma . and with the gf ' s newfound love for sushi , the latter seemed perfectly suited for a date night . taking a look at the menu , it was clear that owners ' patti and robert moon ' s korean heritage was evident throughout . dishes such as yuk hwe ( beef tartare ) and dolsot bibimbap ( hot stone fried crispy rice ) popped up amidst the sushi options . and while i typically eschew sushi joints that aren ' t manned by non-japanese chefs ( foolhardy in some instances , to be sure ) , as a fellow korean , i appreciated the unabashed amalgamation of korean and japanese cuisines . the atmosphere at doma is modern , sleek , yet relaxed . orbs of lights dangle above your heads , ready to set the scene for the meal that is to come . the online menu touts pork belly buns ( seemingly ubiquitous ever since chef david chang made such stellar versions at ssam and ko ) . unfortunately , on this visit , it seemed that they were out of pork belly or may have even taken them off the menu . naturally disappointed , i soldiered on . hamachi crudo ( N ) yellowtail , jalapeno , cilantro , yuzu interested to test the quality of both the sushi and the chef , i ordered the crudo . the hamachi ( yellowtail amberjack ) was prototypically meaty and clean . the jalape o contrasted nicely with the mild flavor of the fish , with the cilantro and yuzu providing brightness to each bite . a nice start to the meal . uni trio ( N ) seared scallop , yuzu quail egg , dashi broth tempura shiso , tempura sauce naturally , i had to order the uni , especially when it comes ensconced as a trio of bites . california uni ( specific source unknown ) was presented in a nice progression . from left to right , the scallop was lightly seared and provided a vessel for a dollop of uni . the yuzu ' s piquancy provided the acid , contrasting nicely with the butteriness of the sea urchin . the quail egg added heft on top of the umami of the dashi . the scallions added a nice herbaceousness as well . lastly , the tempura shiso provided a nice textural contrast , with the savoriness of the tempura vessel ands sauce complementing the uni nicely . hard to go wrong with this dish and uni as a whole . rock shrimp tempura ( N ) rock shrimp tempura is always a fan favorite on any menu and doma ' s iteration did not disappoint . sweet , yet spicy - the rock shrimp were perfectly crunchy , meaty , and not overcooked . the unadorned fresh cabbage tempered the rock shrimp flavor bombs nicely . soft shell crab tempura ( N ) being soft shell crab season at the time , the ubiquitous tempura had to be ordered . this was the gf ' s first time trying the crustacean so i assumed it would be a nice beginner ' s entry . for those who have never tried this delicious dish , it ' s meant to be eaten whole - shell and all . the clean crisp tempura prep did not overpower the freshness of the crab , which included roe - nice . the accompanying dressing was superfluous , a spritz of lemon was all that was needed . but for the gf , she was on the fence with the dish - it was more of a texture thing though and really , she was ready to move on to the sushi . sweet potato tempura roll ( N ) cucumber roll ( N ) triple spicy double tuna ( N ) tuna , seared albacore , spicy sauce , siracha , tempura crunch , scallion , sichimi pepper , sweet glaze since this wasn ' t omakase , we opted to finish our meal with several rolls . the gf was craving a simple california roll , but i think i was still enjoying the soft shell crab in my mind so somehow a cucumber roll was ordered . oops . still , it was simple and fresh enough to provide an intermezzo , if you will . the triple spicy double tuna wasn ' t overly spicy , offering seared tuna on top and fresh within - a nice contrast in preparation . each bite did lend some slight heat on the finish . and of course , the gf ' s favorite , sweet potato tempura roll , was prototypically crunchy , sweet , nice . apparently if you pay in cash , you get N off your check . always appreciated ! also , i don ' t believe your previous receipt is necessarily needed . overall , doma hits the neighborhood spot for sushi . omakase isn ' t offered , but there are a variety of dishes that can test and pique your palate , and doma also offers a wide variety of well-crafted rolls . it seems to be a great place to take a date or just relax with your friends . the gf and i will be back often , i ' m sure . \n","\n","Geo-Entites in Sentence 85: \n","callowhill street\n","sabrina '\n","doma\n","doma\n","ssam and ko\n","uni\n","uni\n","california uni\n","doma\n","doma\n","doma\n","\n","\n","Sentence 86: read about this place online , so decided to check it out while in nyc for the weekend . this is not the place to go if you are looking for authentic , traditional filipino food , but that is obvious by their website , all the reviews , and every write-up i ' ve seen about the place , so don ' t expect it . there are plenty of familiar dishes on the menu , all with a twist . everything is very modern and innovative . the place was a little cramped we had to squeeze around a lot of staff members and tables to get around . the tables were also pretty tiny , so it was hard to fit everything on at once . i ' m glad we didn ' t decide to order any additional drinks other than water or we may have ran out of room altogether . staff was very friendly and helpful . we were greeted by several different people on our way in and out , not just the hostess and our waiter . even though they were pretty busy , service was quick and we never had a hard time getting the attention of our waiter . i did feel like everything was a little overpriced , but i kind of expected it due to the hip , trendy vibe of the place . the pandesal ( one for N , meh ) was very delicious . the crust was nice and crisp and inside was very soft and fresh . i really wanted another one , but was not willing to spend that kind of dough on it . we also enjoyed the dasilog . very flavorful and easy to eat . the garlic fried rice was excellent . although the dasilog was great , i was disappointed with the tapsilog . if i ever go back to maharlika , i do not think i ' d order it again . it tasted very delicious , but the meat was insanely tough . i could barely rip each piece apart with my teeth and spent five minutes chewing it before i could even think to swallow it . every piece was the same . i did tough it out and finish it , but i was left with a sore jaw and broken heart . overall the experience was great . i would definitely visit again next time i ' m in the area , but will try something else from the menu . \n","\n","Geo-Entites in Sentence 86: \n","nyc\n","maharlika\n","\n","\n","Sentence 87: this is one of those places where i wish i could give half stars . really , i ' d like to give five leaves three and a half stars . they ' re serving interesting food , their decor is fantastic , their service is good , and the serve stumptown . yet , three stars . why ? the food . having ordered and tasted the kale salad , the mussels , and the five leaves burger , i found that five leaves suffers from an all-too-prevalent problem in the nyc restaurant scene their food is interesting for the sake of being interesting . take the burger for instance . the five leaves burger is a grass-fed ( this is greenpoint after all ) burger topped with pineapple , a rather large slab of beet , and a sunny-side up egg . i ' ve never had a burger with beets , pineapple , and egg . it wasn ' t bad either but it offered no real improvement flavor-wise to a regular burger . the flavors were interesting , but not memorably good . same with the coconut milk-based sauce on the mussels . sure , it was a fresh take on the dish , but the two flavors never quite saw eye to eye . as for the coffee , it ' s stumptown ground and made to order . even if something goes slightly wrong , you ' re still getting stumptown ground and made to order . one more thing reports of the fries have been greatly exaggerated . i actually found them to be over-salted . \n","\n","Geo-Entites in Sentence 87: \n","five leaves\n","five leaves\n","nyc\n","\n","\n","Sentence 88: it ' s been two years since i last dined here . perhaps i ' ve overhyped this place with my memories , or perhaps i ' ve just had a lot of really delicious burgers in those two years . . but the village burger isn ' t what i remember it to be . it is still a solid burger in its own right -- medium rare cooked the way it ' s supposed to be , delicious homemade thousand island sauce , and a nice greasy sesame bun . but there wasn ' t anything magical about the burger this time around . and since they ' ve raised the price of this burger to N , i ' m almost inclined to go across the street and get two shake shack burgers for the same price ( same medium rare meat quality , similar greasy delicious bun ) . i also tried the duck fat fries this time . and while they ' re good , they too are also nothing to write home about . but what maintains this place at N stars is the whiskey ( whisky ? ) selection . with almost N bottles of whiskys behind the bar , village whiskey has the largest single collection in all of philadelphia . if you ' re craving anything -- be it bourbon , rye , single malt , american , asian , irish , scotch -- chances are , you ' ll find it here . the fact that it ' s two blocks from my apartment also doesn ' t hurt . you can bet i ' ll be back here at the bar nursing a glass of single malt whisky again soon . \n","\n","Geo-Entites in Sentence 88: \n","N stars\n","village whiskey\n","philadelphia\n","\n","\n","Sentence 89: amazing arrangements of ordinary and extraordinary ingredients into delightful plates ! to quote my collegiate dining companion stupid good . i can only think of one tiny suggestion for improvement at grindhaus serve the bread with the food instead of as the first course . that foie gras berry sauce in the big bowl simply cried out to be mopped up ! ! starter ( amuse bouche ) was a tiny wine glass with diced peach and tomato in a slightly salty foam . yum ! three craft beers on tap that summer evening a very light summer ale , a slightly more robust summer ale ( blue point ) , and a nice non-summer ale . no flights but they ' ll let you sample all three , sweet . servers must not be beer people , they struggled to explain the choices sourdough bread for N was about N small slices with a generous dish of olive oil . oh yeah it ' s just fine but for me it would have been better accompanying the food instead of preceding it . a salad \" purslane \" had dots of fluffy carrot pur e , crunchy quinoa , little tomatoes , slices of beets , dots of a smooth creamy cheese ( ricotta maybe ? ) and other delicate goodies i just couldn ' t quite identify . wow , N wasn ' t too bad . that fois gras might well have been our best dish , little lobes nicely warmed and served in a rich sauce of blueberries , balsamic , black pepper and other great stuff , about N , spendy . an entree of blackened sea bass was heavily crusted on one side perfectly cooked , served atop a fresh corn chowder described as polenta , with little globes that our server finally had to explain were special tiny eggplants . excellent but ( as other yelpers have noted ) quite small , more tapas size than dinner , about N . vegetarian rating Nish stars , choices are salad and bread . the menu is so , so tiny , and they have not chosen to put on a proper warm veg entree . warm friendly service , happy to explain what we were eating . the N seats are folding chairs , ok but you won ' t settle in too deep lol . worth the longish walk from the Nth street subway stop west into red hook , but definitely bring plenty of money . \n","\n","Geo-Entites in Sentence 89: \n","grindhaus\n","the Nth street subway stop\n","red hook\n","\n","\n","Sentence 90: this place is totally a lame excuse for shanghainese food . i feel like there ' s been an influx of \" shanghainese restaurants \" in chinatown and in most cases , these places are a joke and crappy excuse for shanghainese food . let me let everyone on a clue to whether or not you ' re stepping into to real real shanghainese restaurant , they put vinegar yes you read correctly vinegar on the tables . shanghainese people prefer to use vinegar as their dipping sauces of choice therefore , they leave them out on the tables . so if you step into a supposed shanghainese restaurant and you don ' t see vinegar on the tables or worse you only see soy sauce , this is not a shanghainese restaurant . now onto the food for this place . aside from the xiao long baos , which were ok , but nice green bo and shanghai cafe does them better , the other food was completely lame , bland , and of horrible quality . we got noodle soup and the broth was a horrible watery mix of oily dullness and the noodles were all broken up . i don ' t even know how noodles can be like this unless someone physically broke them up into pieces , which makes no sense ! we had some other unmemorable dish and it was eh too and i can ' t really remember what it was since it was so unmemorable . do yourself a favor , if you want real good shanghainese food please skip this and go to shanghai cafe or nice green bo . \n","\n","Geo-Entites in Sentence 90: \n","chinatown\n","nice green bo and shanghai cafe\n","shanghai cafe\n","nice green bo\n","\n","\n","Sentence 91: we enjoyed our experience at ippudo westside , we decided to try the nyc original location in the east village . it ' s definitely a different vibe in the east village compared to hell ' s kitchen . we showed up at N Npm on a sunday and wow , we were surprised ! the restaurant had a N-N minute wait . we were there and decided that waiting was just part of our experience in new york . we waited just over an hour in the bar area and then we were seated at an N-N person communal table . this restaurant is much darker than the westside location . our service was still very good and our waitress was very friendly . i ordered the pork and chicken buns again , but they were spicier than the westside location . i would not recommend the chicken unless you like your mouth to be on fire . the pork buns are absolutely delicious and i could eat them every day . i got the soft shelled crab and it was yummy ! i would recommend it . my husband loved his ramen once again . we didn ' t feel rushed , but they definitely turn tables quickly here . just like the other location , i would recommend this place and i would go back . i would definitely go on an off hour time . \n","\n","Geo-Entites in Sentence 91: \n","ippudo westside\n","nyc\n","the east village\n","the east village\n","hell\n","new york\n","westside\n","westside\n","\n","\n","Sentence 92: we went to caf fulya on saturday and were extremely happy with the entire visit . we had found out that it was byob and arrived with two pre-purchased bottles of wine around N pm . the caf , which is very nicely decorated with french doors that open giving the feeling of being outside without actually being outside , was completely empty . it ' s a little off south street ( thankfully ) more like a neighborhood caf than part of the main drag . the server ( who was extremely friendly ) came right over and answered all our questions about the menu we weren ' t familiar with turkish food . she also provided wine glasses , and opened served us our wine . we ordered the turkish hotdog sandwich topped with russian salad and the beef manti ( turkish dumplings ) , and because of another yelpers claim two baklavas . though i can ' t say if it was authentic , all the food was beyond delicious . the baklava soooo good we got two more for the road . if i lived closer i could see myself going back to this caf often . the bill totalled less than N . \n","\n","Geo-Entites in Sentence 92: \n","caf fulya\n","byob\n","caf\n","south street\n","yelpers\n","\n","\n","Sentence 93: who ' s not curious about a malaysian restaurant with over N reviews with N . N stars in nyc ? ! i had my share of malaysian restaurants which none stood out . my boyfriend and i were craving for malaysian so we were on our way to sentosa ( just because of its convenience in location ) . last minute , we decided to be a little more adventurous and headed to taste good . it was a little hard to find it but once we entered the restaurant , it definitely reminded us of a regular chinese restaurant . it ' s a small restaurant but a very busy one with both asian and non asian customers waiting near the front door . one thing that stood out was the wall of food pictures taped everywhere and it was byob . there were so many dishes we wanted to try but we ended up ordering the following roti canai - not so crispy and unambiguous shaped as the other restaurants . i actually prefer the pancake cooked this way because you can ' t really soak the paper thin pancake into the curry without it dissolving . basic curry sauce . i agree that the portion is relatively small but again , i feel that i ' m used to the gigantic paper thin pancakes served elsewhere . singapore kari laksa - their signature dish - spicy coconut curry noodle soup . i ' m not sure how the noodles are supposed to be cooked but the pearl rice noodles had no texture . the broth was amazing creamy and spicy ! i also loved the fried tofu soaked with the broth . i would order this again with egg noodles next time . hokkien udang mee - what i call \" prawn mee \" . very good . not as fishy but also not as bland compared to other restaurants . hainanese chicken - first time eating the chicken somewhat hot . we really enjoyed it especially with the chicken flavored rice ( must do ) . although i wish they told us they would be charging us extra ( N . N ) for ordering dark meat . . . overall , it was worth the trip . definitely so much better than the other malaysian restaurant ( penang ) which is basically around the corner from taste good . \n","\n","Geo-Entites in Sentence 93: \n","nyc\n","sentosa\n","byob\n","singapore\n","penang\n","\n","\n","Sentence 94: in the heart of chinatown on philly , this place specializes in hand drawn noodles ( known as la mian ) . their most popular dish is beef noodle soup , however what makes this place unique is their quality of fresh noodles ( thick thin hand drawn or shaved noodle ) and their thinly sliced beef , not the traditional thick chunks of meat like in taiwan cuisine . they also pride themselves in not using msg . appetizers ( cold ) aromatic mixed meat platter ( pigs ears , thinly sliced beef , tendon ) N . N dumplings shrimp , pork chives dumpling N pieces ( aka san xian jiao ) steamed N . N hand drawn noodle soup beef brisket noodle soup with thick hand drawn noodles ( aka niu rou mian ) N . N noodle with pork soy sauce ( aka zha jia mian ) N . N the aromatic mixed meat platter was your usual meat platter that you can get in most restaurants in sgv , and honestly , it was way overpriced here . the dumplings were nothing special , just simply as the ingredients state , shrimp , pork and chives . okay , so down to the handrawn noodles . they were definitely good and you can taste the freshness of the handmade noodles , as well as see the differences in shape of the noodle thickness . i chose thick noodles because i prefer them over the super thin noodles for my beef soups . the broth was light and seasoned with chinese herbs , though not long enough due to its watery consistency . however , i do still applaud them for making their own noodles and the thinly sliced beef were not bad , a bit bland , but tastes just like homecooking . overall , i ' d say that this is great place for a large bowl of niu rou mian for a rasonable price for chinese food in philly . the service was good too . parking is free on the streets on sundays only and in certain locations ( race street ) . read the steet signs ! \n","\n","Geo-Entites in Sentence 94: \n","chinatown\n","philly\n","taiwan\n","philly\n","\n","\n","Sentence 95: first let me say , the montville inn has been our go to place for lunch and dinner since their opening . we have gone there for many special occasions and to meet friends . this time the special occasion was being kidless for the evening . we did not have a reservation and i was appreciative that the hostess gave us the choice to stay knowing we might be rushed for their N pm reservation . the waiter was very good and attentive . my dh had a classic salad and his favorite , turkey chili . although the salad was a generous portion and he enjoyed the dressing , it looked like it came from a bag-even the lettuce was a little browned on the edge . the chili usually comes nicely plated with special tortillas . however , this time it came with tortillas broken and appeared out of the bag and he said it was very spicy . i chose the special , shrimp cocktail which was very good and the sauce tasty . i also went outside my usual and chose the chicken savoy . it was plated in a cast iron dish , and bathed in red wine and balsalmic vinegars . i don ' t know what i expected , maybe the chicken to be marinated in the vinegar but as i went to take a bite , i was unpleasantly hit with an aroma of vinegar . it had a lot of herbs which i believe was fresh sage . maybe it ' s just my palate , but i didn ' t enjoy it at all . the side of garlic smashed potatoes was good and the steamed string beans were ok but that ' s not where i ' m putting my money . we skipped dessert this time . the floorplan was different , some of the booths are removed and replaced with tables . it was tight and you had people trying to jockey into their seats with their butt or front in your face . i was extremely disappointed and overhead the waiter tell other patrons they have a new chef . maybe it was an off night and we ' ll probably visit again but i will weigh my other options first . \n","\n","Geo-Entites in Sentence 95: \n","the montville inn\n","\n","\n","Sentence 96: was really excited to try this place for lunch after walking by it so many times . their backyard with the waterfall and the cuban music made me feel like i was on vacation for lunch . unfortunately , that was about as good as it gets here , the atmosphere . the food was mediocre at best . the service was ridiculously piss poor . seated for a late lunch , with not many other people in the place as it was around N N . we started with the empandas de queso . they tasted like they came straight from the microwave . . . . . very mushy dough surrounding the tiniest bit of spinach and cheese . mushy doughy mouthfuls of blandness . ( the guacomole it came with was tasty , but not enough to say , \" this was a good choice for an appetizer \" ) for lunch i had the lechon asado . it was ok . slightly bland for my taste not horrible . the black beans were eh . i enjoyed the fried plaintains . mom had arroz con pollo . again , serviceable , but absolutely nothing to write home about . but the food wasnt really my gripe . our waiter after delivering the food not once came by our table afterward . no \" can i get you anything \" no water refills , no soda refills . had to call over a manager to get our check because the stupid parking meters in montclair only allow you N hr of parking on bloomfield ave and i didnt want a ticket . explained to the manager that the waiter hadnt come by once during our whole meal . he apologized , left , and then we waited another N minutes for our check to come . N pre tip for lunch . ( we each had a soda ) . for mediocre food at best , and terrible service , ill skip this place next time in montclair . had a much tastier and infinitesimally better service at causual havana in hackensack as well as la isla in hoboken . \n","\n","Geo-Entites in Sentence 96: \n","montclair\n","bloomfield ave\n","montclair\n","causual havana\n","hackensack\n","la isla\n","hoboken\n","\n","\n","Sentence 97: N . N for banh mi ? ! toto , i ' ve a feeling we ' re not in kansas any more . i ' m used to paying N . N-N . N for banh mi in dc and boston . excellent banh mi , to boot . and usually if you buy N , you get one free . at N . N per banh mi with no volume order discount , this banh mi had better contain kobe beef , foie gras and filet mignon . alas , it did not . i had the classic with medium spicy sauce , extra butter , no veggies . the roasted ground pork made the banh mi very sweet . the vietnamese ham and pate tasted fresh . the baguette was too chewy . it was a few inches shorter than the average banh mi but it was packed with meat . it was very flavorful but i feel like hanco ' s caters to a western palate . the owners of hanco ' s speak my language and i ' m not vietnamese . it ' s cantonese-owned and run which further detracts from the authenticity . the place is small but efficiently run . there are a few small tables . hanco ' s seems to be the only banh mi shop in the hood so hopefully more will pop up soon to drive the price down . \n","\n","Geo-Entites in Sentence 97: \n","kansas\n","dc\n","boston\n","hanco\n","hanco ' s\n","hanco\n","banh mi\n","\n","\n","Sentence 98: this was really a fun and laid back restaurant . . . a little too laid back for our new york city pace . service was friendly and slow . visited this little restaurant on a saturday night and was surprised at how quiet it was . we were the only table in the back dining area with the exception of a large party . that was my first problem . . . the whole restaurant was empty yet i ' m seated next to the rowdy drunk bunch . very unpleasant . it took us about N minutes for us to get our menus and another N to get water and soda . did i mention the restaurant was empty ? another N minutes to order , N minutes for bread and another N for our food . now we ' re over an hour into our experience and we had told the server we were on our way too see a very expensive show . we loved the bread and honey butter so we asked for more before dinner arrived . the server kept assuring its that the bread was coming and once it came after we were done eating , it went to the other table- the only other table in the dining room . . . what ? food was decent , even good , but definitely not good enough to cancel out the terrible service . if i ever decide to return , i ' ll sit at the bar . did i mention there are pencil drawings of not so subtle vaginas in the dining room ? while waiting for my food i was able to closely examine the art on the walls which were said to be a representation of sexuality . yes , vaginas . \n","\n","Geo-Entites in Sentence 98: \n","new york city\n","\n","\n","Sentence 99: i can ' t speak for the authenticity of this eastern european restaurant , but i can speak to the deliciousness ! i came here last weekend with a group of girlfriends . if you are in a large group , go for the prix fixe ! they require you to do this if you are in a group of N or more , but even amongst N or N people it is a great experience . rather than the typical prix fixe menu from which you choose your various courses , kefana serves one massive three-course meal . they start you off with chewy , moist sourdough bread and roasted red pepper spread ( in which i obviously overindulged , not anticipating the wonder to come ) . next came the trays and trays and trays of appetizers--a charcuterie plate with N kinds of meat and two kinds of cheese , a spanikopita-esque creations with either spinach and cheese or just straight cheese , an amazing brie panini pita pocket-esque savory tart--all delicious of course . next came two types of salad , cabbage and the traditional mediterranean salad of tomato , cucumber and feta . by the main course i was so stuffed i could hard eat any of it , but i do recall kebabs , bacon-covered dates , bacon-covered chicken liver , some sort of fava bean dish . . . all followed by a tray of dessert pastries . did a mention that N liter of house wine is N ? round about N pm the live musicians roll in . the acoustics are great in the small space , and it ' s definitely an \" intimate \" setup . the guitarists were essentially on our table . a great choice for a night out with friends ! \n","\n","Geo-Entites in Sentence 99: \n","kefana\n","\n","\n","Sentence 100: i agree with the yelpers whom have given la taza de oro N- N stars in my opinion , giving N stars is being a bit of a cheapo . then again , each and every time i ' ve eaten here , the food and service has been spot on . my rice and beans never dull or dry or laking moisture , nor the chicken , like some of the other reviewers mentioned . for me , i ' ve always experienced the service to be fast , the waitstaff pleasant and the food simply rock solid fresh , flavorful and just overall latin comfort-eeey , homemade good . i will admit that i ' ve yet to venture beyond the classic rice , beans and chicken only because i love this simple latin fare the best . i have seen some of the other dishes up close and personal though , such as , a chicken stew , beef dishes , a pepper steak special and a fish dish of the day . the diners eating these dishes seemed to be enjoying their meal and the presentation was certainly appetizing enough . i was running an errand nearby the other day , and stopped in for a bite around lunchtime . few things have changed . la taza still offers some of the best rice and beans and chicken around town . a real bang for your buck in a humble , down to earth atmosphere . i ' ve been coming here on and off for decades . it was one of my mom ' s favorite staple spots to enjoy a hearty lunch or early dinner whenever we were spending time in chelsea . i am being mindful that there is an element of nostalgia for me with regards to la taza , but still , i stand by my N stars . didn ' t have the infamous cafe con leche this time , but i ' m not worried , because there will be a next time . ) \n","\n","Geo-Entites in Sentence 100: \n","la taza\n","chelsea\n","la taza\n","cafe con leche\n","\n","\n"]}]},{"cell_type":"code","source":["print(geo_entities_list_real)"],"metadata":{"id":"1W9yhrZY_lrC","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716531065050,"user_tz":420,"elapsed":175,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"7dce4de7-ef32-4b97-a8f1-cfd93577cee5"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["['chinatown', 'epa superfund', 'japan', 'potlikker', 'rome', 'tria', 'k-', 'duane reade', 'hell', \"sabrina '\", 'hoboken', 'les italian', 'washington state', 'maharlika', 'the Nth street subway stop', 'cali', 'reading terminal market', 'park slope', 'nyc', 'cha-an', \"mamoun ' s\", 'east village', 'nice green bo', \"ramen bar '\", 'hanco', 'yelp', 'rt . N', 'collingswood', 'N', 'the c . o . t', 'lake trout', 'pho N', 'get fresh', 'la patria', \"rembrandt ' s\", 'N-', 'michelin', 'soju', \"penn '\", 'trio', 'five leaves', \"hanco ' s\", 'cafe con leche', 'Nhotel', 'connecticut', 'colorado', 'new york city', 'hearth', 'jj bootleggers', \"peaches hothouse '\", 'avenue b', 'woorijip', 'bloomfield ave', 'Npm', 'traif', 'tres carnes', 'philly', \"jim ' s\", 'san francisco', 'wing', 'cha-', 'shanghi', 'vientiane', 'fraunces', 'callowhill street', 'laos', 'home depot', 'paree', 'banh mi', 'comidas mexicanas', \"bubby ' s\", 'india', 'N stars', 'new haven', 'peaches', 'chipotle', 'astoria', 'greenwich village', 'burger baby', 'demi monde', 'sweden', 'N-N', 'hackensack', 'la taza', 'new england', 'treemont', 'anella', 'east hartford', 'new orleans', 'thai', 'al di la', 'new york', 'red hook', 'littleneck', 'tops', '-', 'ridgewood-', 'uni', 'the better business bureau', 'casablanca', 'butcher bar', 'monks cafe-', 'thaitown la', 'dc', \"miya ' s\", 'miya', 'hu kitchen', 'philadelphia', 'worcester street', 'montclair', 'the montville inn', 'cha-kwai chinese fried crullers', 'french-lebanese', 'abc', 'bridge', \"sally ' s\", 'yale', 'latin', 'cuba', 'louvre', 'palace of asia', 'wall and water', 'the east village', 'met', 'the \" dingle whiskey bar \"', \"harry ' s\", 'Nth chestnut', 'boston', 'broadway', 'pjs', 'bohemia', 'scratcher', 'N Npm', 'yelpers', 'causual havana', 'marlow amp sons', 'singapore', \"N ' s\", 'penn', 'Nam', 'gypsy', 'massachusetts', 'central park', 'hartford', 'kefana', 'hiro ramen', 'israel', 'pennsylvania', 'east coast', 'atif i .', 'artichoke', 'caf fulya', 'kfc', 'vintry', 'princeton', 'spotted pig', 'eataly', 'paris', 'nice green bo and shanghai cafe', \"blackeyed sally ' s\", 'ippudo westside', 'burger and barrel', 'paisanos', 'westin', \"a bs ray ' s\", \"cc brown ' s\", 'lotus', 'turkey club', 'le bec fin', 'redskins', 'twoNtwo', 'eagles-redskins', \"honey ' s\", 'finlay', 'china', 'doma', 'states', 'the vientiane cafe', 'williamsburg', 'vic', 'ny', 'delaware and hudson', 'usa', 'Nnd street', 'Nth avenue', 'europe', 'continental', 'hanover', 'milkboy', 'piolin jr', 'manhattan', 'sesame', 'caf', 'motorino', 'east newark', 'greenpoint', 'pyt', 'eagles', 'rittenhouse', 'mas farmhouse', \"houston ' s\", 'london', 'yelp eatN', 'the new york times', 'red robin', \"the st . mark ' s\", 'new jersey', 'chipotle mexican', 'hillbilly', 'grindhaus', 'taiwan', 'mcdonald', 'alta', 'indeblue', \"dingle ' s\", 'hamilton', 'gordon ramsay', 'e .', 'bf', 'fish', 'chelsea', 'N N', 'kansas', 'mad mex', 'the main st', \"krupa ' s\", 'ssam and ko', 'cantina dos segundos', 'shanghai cafe', 'south street', 'kenscale N . N N', 'beck', 'sally', 'chicago', 'porterhouse', 'the theatre district', 'italy', 'columbia', 'center city', 'ct', 'talde', 'penang', \"pj ' s\", 'nyu central', \"the N ' s\", 'phils-flyers-birds nights', \"joe ' s\", 'village whiskey', 'sentosa', 'tribeca', \"le p ' tit paris bistro\", 'wawa', 'aksum', 'orlando', 'bbq', \"brown and taney st ' s\", \"mcdonald ' s\", 'westside', 'around N N am', 'katy perry', 'nolibs Nth street', 'grimaldis', 'wikipedia', 'nyc yelp', 'yelper', 'brooklyn', 'krimpton', 'Ns thievery corporation school', 'west windsor', 'gowanus', 'ramen boy', 'Nrd', 'california uni', 'la isla', 'erawan', 'byob']\n"]}]},{"cell_type":"code","source":["import pickle\n","#RealGeoEntitiesList = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/RealGeoEntityList.pkl'\n","RealGeoEntitiesList = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_RealGeoEntitiesList.pkl'\n","with open(RealGeoEntitiesList, 'wb') as file:\n"," pickle.dump(geo_entities_set_real, file)"],"metadata":{"id":"ifPUI-oymEzo"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["import pickle\n","\n","# Open the file for reading\n","with open('/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/RealGeoEntitiesList.pkl', 'rb') as file:\n"," loaded_list = pickle.load(file)\n","\n","# Now loaded_list contains the geo-entities\n","print(loaded_list)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"5dV8SrV6mPIt","executionInfo":{"status":"ok","timestamp":1714023365520,"user_tz":420,"elapsed":183,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"6a393a81-4469-4b3d-d10a-11fe2972e4aa"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["{'graceland', 'cedar point !', 's Nth street', \"the N ' s\", 'texas', 'independence mall', 'yelp hq', \"pats geno ' s\", 'long island', 'grimaldis', \"mcdonald '\", 'us', 'allentown', 'batmans', 'pepsi', 'hershey park', 'pats vs genos', 'pagano', \"teddy ' s\", 'manayunk', \"N - geno '\", 'the N N', 'denapoli', 'bbq', 'verona', 'congress', 'full plate', 'toms diner', \"jim ' s steak ' s\", \"the bishop ' s collar\", 'rioja', \"philly ' s\", 'california', 'pr', 'broadway', 'bologna', 'new jersey', \"oliveri ' s\", \"N - sonny '\", 'la', 'iowa', \"sonny ' s\", 'genos', 'aprilsims', 'ford', 'amoroso', 'charlottesville', 'coney island', 'the liberty bell N', 'sammiches', 'majors', 'east harlem', 'the \" bronx \" new', 'tropical breeze', 'tuckahoe bike shop', 'N star', 'chhaya', 'nolibs', 'maryland', 'kraft corporation', 'morningstar', 'memphis taproom', \"tony luke ' s\", \"the new yorker '\", 'warsaw cafe', 'richmond', 'shore cycle club', 'pbs specials', 'supermarkets', 'jims', 'cs', 'tropical paradise', 'madrid', 'Nst', 'tom', 'bumtown', 'miami', \"non-geno ' s\", 'jamaican kitchen', \"tom ' s restaurant\", 'circles', 'crown heights prospect heights', 'george foreman', 'Ns pepsi', 'new orleans', 'the west village', \"pat ' s\", 'vanderbilt avenue', 'hollywood', 'phillies', \"d ' alessandro ' s\", 'park slope', 'Nth street', 'east village', 'ossining', 'irie', \"jim '\", 'maesri', 'planet rose', 'glamour', 'freedomland', 'middle eastern', 'fishtown', 'bayonne', 'the naragansett bay', \"picollo ' s\", 'the brooklyn museum', \"the famous tom ' s\", 'fishtown kensington', 'white castle', 'yorker', 'waitstaff', 'the brooklyn botanic garden', 'toms restaurant', 'caracas', 'philly cheesesteak co', 'the food channel', 'jasmine rice', 'la isla', 'columbus blvd', 'N N-N', 'd-bag fox news', 'main st', \"piccolo ' s\", 'genos and pats', 'familiy', 'bay', 'ocean prime', 'cp', 'torino', 'vancouver', \"cafe shane '\", 'irish place', 'union square', 'the liberty bell center', 'north philly', 'star', 'sterling pl', 'va', 'geocities', \"ferrara ' s\", 'rinconcito', 'monsant', \"yelp tom ' s\", 'avenue c', 'ucity', 'grocery store', 'silver dinner', 'ithey', 'cali', 'bayonne nj', \"pats and gino ' s\", 'taco bell', 'roxborough', 'Npm', 'times square', 'nj', 'ct N', 'chelsea', 'tropicana', 'pbc', 'massachusetts', 'yankees', 'N Npm', 'washing avenue', 'philly cheesesteaks', 'university ave', 'new york city', \"geno ' ' s\", 'pat \" s', 'harrisburg', 'wash ave', 'paesano', 'barclay prime', 'nai tapas', 'gino', 'gnr', 'cw', 'foxon park', 'cedar point restaurant', 'the new yorker', 'harold kumar', 'post-brooklyn museum', 'east passyunk avenue', \"pagano ' s\", \"tubby ' s\", 'canal inn', \"jim steak ' s\", 'wisconsin', \"ishkabibble ' s\", 'shorecycleclub', \"marinelli ' s italian bakery\", 'texadelphia', \"tokyo las vegas geno '\", 'venice , ca', \"carl ' s\", 'east passyunk', 'N friends', \"tom ' s diner\", \"lou malnati ' s\", 'barnard college', 'greasy ass diners', 'yards', 'the east coast', 'crown heights', \"nathan '\", 'N stars', \"tom ' s\", 'fairmount', 'king of prussia', 'N chestnut street', 'e . passyunk', 'nyc brunch', 'pcs', 'campos', \"big john ' s steak and onion\", \"uncle sam ' s\", 'reed street', 'reading terminal market', 'southern california', 'dc', 'sabor', \"N geno '\", 'europe', 'city of brotherly love', 'south philadelphia', \"delilah ' s\", \"del frisco '\", 'chinatown', 'the u . s', 'oregon ave', \"giordano ' s\", 'toast', \"kelliann '\", 'parx racetrack', 'northeast philly', 'ny', 'google', 'smile cafe', 'south st', 'sakagura', \"jordan ' s\", 'italy', 'the jersey turnpike', 'Nnd streets', 'bus', \"johnny brenda ' s\", 'fairfield', 'hershey', 'washington ave', 'N-', 'san francisco', 'independence hall', \"monk ' s\", 'florida', 'pats genos', 'sketch burger', 'south vegas', 'purity diner', \"woodstock ' N\", \"pat ' s king of steaks\", 'plaza', 'the fort weatherill', 'pats', 'a bank of america', 'nai', 'los angeles', 'las vegas', 'smalltown', 'liberty bell', 'isla', 'jim', 'disney', 'pat kings', 'brooklyn museum', 'cons', 'el bar', 'N pm', 'montebello', 'pa', 'l .', \"trader joe ' s\", 'new englander', 'mexico city', 'philly N', \"anit-geno '\", 'nascar', \"N ' s\", 'stumptown', 'drunch', 'manhattan', 'south', 'i-N corridor', 'wawa', 'e .', 'the east village', 'N yelp', 'mta', 'kraftwork', 'modern', 'cedar point bar', 'Ns', 'west haven', 'las ramblas', 'philadelphia pa', 'philly', 'vegas', 'highline park', 'washington', 'provvy', 'taipei', 'india', 'draaaanks', '-N', \"cafe shane ' s\", 'bridgeport', 'ntb', \"kelliann ' s\", 'the philadelphia inquirer', 'unesco', 'newark', 'the kimmel center', 'pros N .', 'stick to the ribs', 'xunta', \"jim ' s\", 'ev', 'venice', 'sixers', 'old canal inn', 'N . N', 'new haven', 'pats steak', 'loco pez', 'oci', 'del frisco steakhouse', 'the bangkok tower', 'sterling washington', 'kensington', 'air force', \"geno '\", 'N pbs', 'china', 'spain', 'milano', 'portland', 'wiz', 'cons N .', 'the food network', \"N - jim '\", 'johns', 'realz', 'NxN', 'peru', 'ca', 'baltimore', 'chicago', 'wharton', 'france', \"dalessandro ' s\", \"the tom ' s\", 'iraq', 'subway', 'tps', 'vicksburg', 'hummel bros brand', \"gino ' s\", 'Nmn', 'west coast', 'south philly', 'sawatdee', 'N Npm N Npm', 'ishkabibbles', 'kellianns', 'south jersey', 'nyc', 'N bux', 'joey', 'Nth', 'virginia', 'arizona', 'facebook', 'passyunk', 'adela', 'boqueria', 'atlanta', 'merica', 'columbus', 'mee', 'mcdonalds', 'team N', 'state street', 'new york', 'cedar point', 'memphis', 'formosa', 'fabulous las vegas', 'conf', 'denver , co', \"denapoli ' s\", \"john ' s\", 'N', 'microsoft word', 'the united states', 'germany', 'south street', 'usa', 'N N p . m', 'middletown avenue', 'vento', 'west philly', \"charley ' s\", 'south florida', 'brooklyn', 'sierra leone', 'kelliann', 'N N', 'barcelona', 'Nst ave', 'yelp', 'thailand', 'popeye', \"geno ' s\", \"cedar point '\", 'food network', 'san diego', 'center city', 'the blue danube', 'oakland', 'berkeley', 'geno', \"steve ' s\", 'mcdonald', 'las ramblas yelp . com', 'philadelphia', 'delaware', 'atlantic city', 'cafe shane', 'boston', \"sabrina ' s\", 'Nth sansom', 'market street', 'new england way', 'cpbk', 'oprah', 'side', 'measureformeasure', 'Nnd ave deli', 'the philadelphia police force', 'weenie', 'ne philly', 'eagles', 'gotham', 'salt lake city', \"katz ' s\", 'steven star', 'shore', 'N cheesesteak', 'shore cycle clubs', 'atlantic av', \"geno ' s-\", 'interstate drafthouse', 'south Nth street', 'america', 'the \" pash e . unk road \"', 'bomb mexican', 'chevy', 'lost bar', 'casa adela', 'ginos', 'chao phraya express', 'kraft', 'jersey', \"jerry ' s\", 'nyt', 'the grateful dead', '-', 'ccp', 'bronx', 'collge', 'washington avenue', 'cailin', 'N wip', \"pat ' s--\", 'puerto rico', 'the liberty bell', 'casa mono', \"nai ' s\", 'port republic', 'east coast', 'galicia', 'N N am', 'rome', 'nyc deli', 'the west coast', 'cuba', 'shake shack', 'musuem', 'pittsburgh', 'minneapolis', 'bell', 'the N . N', 'waltham', 'lower east side', 'prospect heights', 'the bay area', 'the d cor', 'alphabet city', 'peter lugers', \"adela ' s\", 'ez', \"the jeresy shore '\", 'jasmine', 'pasteles y algo mas \"', 'sundays inquirer', 'Nam', 'nyc jersey city', 'gettysburg', \"quizno ' s\", \"sonic ' s\", 'subworks', 'kansas city', 'orlando', 'barcade', '-N block', 'albuquerque', 'bk', 'tallahassee', \"tom '\", 'pat', \"pat '\", 'the spring garden district', \"moochie ' s\", 'Nst avenue', 'fl', 'pennsylvania', 'downtown', 'states', 'non-N degree', \"ka ' s\", 'the philly area', 'hoboken', \"pats '\", 'Nmins', 'apple', 'nai tapas bar', 'the travel channel'}\n"]}]},{"cell_type":"code","source":["#MODIFIED VERSION: Only pulls the Geo-Entities from New York.\n","#TODO - Update this cell to remove any entity name that is non-alpha-numeric and Geo-entities that do not have a place name or coordinate\n","from geopy.geocoders import Nominatim\n","geolocator = Nominatim(user_agent=\"Geo-Entity Master Project\")\n","\n","coordinates_dict_real = {}\n","\n","def is_alpha_numeric(entity):\n"," return re.match(\"^[a-zA-Z0-9\\s]+$\", entity)\n","\n","for entity in geo_entities_list_real:\n"," if not is_alpha_numeric(entity):\n"," print(f\"Skipping non-alpha-numeric entity: {entity}\")\n"," continue\n"," if len(entity) < 3:\n"," print(f\"Skipping entity with length less than 3: {entity}\")\n"," continue\n"," try:\n"," # Limit the search within New York during the geocoding request\n"," location = geolocator.geocode(f\"{entity}, New York\")\n"," if location:\n"," if 'New York' in location.address:\n"," coordinates_dict_real[entity] = (location.latitude, location.longitude)\n"," print(f\"{entity}: {location.latitude}, {location.longitude}\")\n"," else:\n"," print(f\"{entity} found, but not in New York\")\n"," else:\n"," print(f\"Location not found for {entity}\")\n"," except Exception as e:\n"," print(f\"Error geocoding {entity}: {e}\")"],"metadata":{"id":"haApbEQN_lvh","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716531208566,"user_tz":420,"elapsed":117451,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"a8b6ac38-981b-4da1-835d-6d08ad1efa1c"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["chinatown: 40.7164913, -73.9962504\n","epa superfund: 40.75823715, -73.50466691218668\n","japan found, but not in New York\n","Location not found for potlikker\n","rome: 43.2128473, -75.4557304\n","Location not found for tria\n","Skipping non-alpha-numeric entity: k-\n","duane reade: 40.7191935, -73.9631438\n","hell: 40.7644228, -73.9923918\n","Skipping non-alpha-numeric entity: sabrina '\n","hoboken: 42.6270181, -75.3223928\n","Location not found for les italian\n","washington state: 43.2294536, -73.4471343\n","maharlika: 15.1852346, 120.5835278\n","Location not found for the Nth street subway stop\n","cali: 43.1234151, -77.4273854\n","Location not found for reading terminal market\n","park slope: 40.6701033, -73.9859723\n","nyc: 40.7127281, -74.0060152\n","Skipping non-alpha-numeric entity: cha-an\n","Skipping non-alpha-numeric entity: mamoun ' s\n","east village: 40.7292688, -73.9873613\n","Location not found for nice green bo\n","Skipping non-alpha-numeric entity: ramen bar '\n","hanco: 40.6946693, -73.9933733\n","Location not found for yelp\n","Skipping non-alpha-numeric entity: rt . N\n","collingswood: 40.9843564, -72.2838868\n","Skipping entity with length less than 3: N\n","Skipping non-alpha-numeric entity: the c . o . t\n","lake trout: 43.2700697, -74.5370891\n","pho N: 34.0143928, -117.898451\n","get fresh: 40.7054469, -73.9063679\n","Location not found for la patria\n","Skipping non-alpha-numeric entity: rembrandt ' s\n","Skipping non-alpha-numeric entity: N-\n","Location not found for michelin\n","soju: 40.7470064, -73.9853791\n","Skipping non-alpha-numeric entity: penn '\n","trio: 42.6499996, -73.7595826\n","five leaves: 40.723735950000005, -73.95164194773636\n","Skipping non-alpha-numeric entity: hanco ' s\n","cafe con leche: 41.5872995, -73.9485899\n","Location not found for Nhotel\n","connecticut: 42.3864621, -76.6691152\n","Location not found for colorado\n","new york city: 40.7127281, -74.0060152\n","hearth: 40.7300338, -73.9832859\n","Location not found for jj bootleggers\n","Skipping non-alpha-numeric entity: peaches hothouse '\n","avenue b: 40.7216209, -73.983736\n","woorijip: 40.7474399, -73.9864528\n","bloomfield ave: 42.902687, -78.689485\n","Location not found for Npm\n","traif: 40.71059745, -73.95893481915246\n","Location not found for tres carnes\n","philly: 42.651087, -74.05488\n","Skipping non-alpha-numeric entity: jim ' s\n","san francisco: 8.97691115, -79.51722847515528\n","wing: 42.5325627, -78.2191781\n","Skipping non-alpha-numeric entity: cha-\n","shanghi: 41.6572321, -73.9562253\n","vientiane: 17.9163748, 102.6168836\n","fraunces: 40.7033938, -74.0113353057346\n","Location not found for callowhill street\n","laos: 40.75533525, -73.9671895\n","home depot: 40.52907725, -74.22806571676239\n","Location not found for paree\n","banh mi: 40.7257262, -73.9843145\n","Location not found for comidas mexicanas\n","Skipping non-alpha-numeric entity: bubby ' s\n","india: 18.9585343, 72.8241587\n","N stars: 41.1342887, -72.3425785\n","new haven: 43.4797279, -76.3150179\n","peaches: 40.6818491, -73.93465989709514\n","chipotle: 40.778899, -73.9811844\n","astoria: 40.7720145, -73.9302673\n","greenwich village: 40.7335844, -74.0028172\n","Location not found for burger baby\n","Location not found for demi monde\n","sweden: 43.1791388, -77.940618\n","Skipping non-alpha-numeric entity: N-N\n","hackensack: 41.619623, -73.8600063\n","la taza: 40.7401797, -74.0019721\n","new england: 53.0668217, -0.1567064\n","Location not found for treemont\n","Location not found for anella\n","east hartford: 43.3342397, -73.3831662\n","new orleans: 42.9527184, -78.8244541\n","thai: 53.5674522, -2.4741216\n","al di la: 41.378009, 19.798606\n","new york: 40.7127281, -74.0060152\n","red hook: 40.6751032, -74.0095841\n","littleneck: 40.6773091, -73.9863131\n","tops: 40.6000016, -73.943548\n","Skipping non-alpha-numeric entity: -\n","Skipping non-alpha-numeric entity: ridgewood-\n","uni: 42.9545956, -78.8201959\n","Location not found for the better business bureau\n","casablanca: 40.67089675, -73.58837504082192\n","butcher bar: 40.7643701, -73.9163184\n","Skipping non-alpha-numeric entity: monks cafe-\n","Location not found for thaitown la\n","Skipping entity with length less than 3: dc\n","Skipping non-alpha-numeric entity: miya ' s\n","miya: 40.6123297, -74.1590516\n","Location not found for hu kitchen\n","philadelphia: 44.154622, -75.708847\n","worcester street: 42.591950749999995, -74.74864445\n","montclair: 41.0509328, -72.3492497\n","Location not found for the montville inn\n","Skipping non-alpha-numeric entity: cha-kwai chinese fried crullers\n","Skipping non-alpha-numeric entity: french-lebanese\n","abc: 40.77386385, -73.98086103128014\n","bridge: 43.0277894, -77.8230461\n","Skipping non-alpha-numeric entity: sally ' s\n","yale: 42.8064569, -76.9199618\n","latin: 40.7097173, -73.94447209848192\n","cuba: 42.2175668, -78.2752927\n","Location not found for louvre\n","Location not found for palace of asia\n","Location not found for wall and water\n","Location not found for the east village\n","met: 40.7794396, -73.96338248033601\n","Skipping non-alpha-numeric entity: the \" dingle whiskey bar \"\n","Skipping non-alpha-numeric entity: harry ' s\n","Location not found for Nth chestnut\n","boston: 42.6289858, -78.7376213\n","broadway: 40.8341687, -73.9449448\n","Location not found for pjs\n","bohemia: 40.7694091, -73.1148664\n","scratcher: 40.7275694, -73.9905482\n","Location not found for N Npm\n","Location not found for yelpers\n","Location not found for causual havana\n","Location not found for marlow amp sons\n","singapore: 40.736308750000006, -73.86109847714846\n","Skipping non-alpha-numeric entity: N ' s\n","Location not found for penn\n","Nam: 47.2250549, 39.7304155\n","gypsy: 43.04005445, -74.03187022341689\n","massachusetts: 42.9124495, -78.88766274298784\n","central park: 40.7827725, -73.9653627406542\n","hartford: 43.363967, -73.4052888\n","Location not found for kefana\n","Location not found for hiro ramen\n","israel: 40.7331696, -73.98204642213138\n","pennsylvania: 40.6646501, -73.894767\n","east coast: 41.38061135, -74.312665112785\n","Skipping non-alpha-numeric entity: atif i .\n","artichoke: 40.7716331, -73.8662577\n","Location not found for caf fulya\n","kfc: 40.8209428, -73.93638279999999\n","vintry: 51.51254195, -0.10245619175257725\n","princeton: 40.738646, -73.86054903964195\n","spotted pig: 40.73563215, -74.00667612644291\n","eataly: 40.742213, -73.9895802\n","paris: 43.0006253, -75.3137775\n","Location not found for nice green bo and shanghai cafe\n","Skipping non-alpha-numeric entity: blackeyed sally ' s\n","Location not found for ippudo westside\n","Location not found for burger and barrel\n","paisanos: 40.6862827, -73.9909187\n","westin: 40.75017085, -73.97398238536464\n","Skipping non-alpha-numeric entity: a bs ray ' s\n","Skipping non-alpha-numeric entity: cc brown ' s\n"]},{"output_type":"stream","name":"stderr","text":["WARNING:urllib3.connectionpool:Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ReadTimeoutError(\"HTTPSConnectionPool(host='nominatim.openstreetmap.org', port=443): Read timed out. (read timeout=1)\")': /search?q=lotus%2C+New+York&format=json&limit=1\n"]},{"output_type":"stream","name":"stdout","text":["lotus: 40.7371984, -73.7096252\n","Location not found for turkey club\n","Location not found for le bec fin\n","Location not found for redskins\n","Location not found for twoNtwo\n","Skipping non-alpha-numeric entity: eagles-redskins\n","Skipping non-alpha-numeric entity: honey ' s\n","finlay: 42.954064, -74.174585\n","china: 42.1448051, -75.4001772\n","doma: 40.7442007, -73.9230967\n","states: 40.7435215, -73.84472378323667\n","Location not found for the vientiane cafe\n","williamsburg: 40.714622, -73.95345\n","vic: 42.719655, -73.914136\n","Skipping entity with length less than 3: ny\n","delaware and hudson: 41.8250284, -74.1382742\n","usa: 40.7127281, -74.0060152\n","Location not found for Nnd street\n","Location not found for Nth avenue\n","europe: 40.704476, -74.01381414642856\n","continental: 40.8515357, -73.8302801\n","hanover: 42.5030037, -79.1058731\n","Location not found for milkboy\n","Location not found for piolin jr\n","manhattan: 40.788655250000005, -73.9603027827792\n","sesame: 42.458836, -73.535342\n","Location not found for caf\n","motorino: 40.7104673, -73.9635085\n","east newark: 42.2034076, -76.1482617\n","greenpoint: 40.7237134, -73.9509714\n","Location not found for pyt\n","eagles: 42.0709247, -76.7984261480349\n","rittenhouse: 42.7745635, -76.1433855\n","Location not found for mas farmhouse\n","Skipping non-alpha-numeric entity: houston ' s\n","london: 40.7364228, -73.86518880780383\n","Location not found for yelp eatN\n","the new york times: 40.77541455, -73.83098624117696\n","red robin: 42.754211850000004, -73.7597551554447\n","Skipping non-alpha-numeric entity: the st . mark ' s\n","new jersey: 42.075346, -73.601633\n","chipotle mexican: 40.778899, -73.9811844\n","hillbilly: 42.004469, -77.4418572\n","grindhaus: 40.6791839, -74.0105393\n","taiwan: 40.714712, -73.9978045\n","mcdonald: 41.159823, -80.720391\n"]},{"output_type":"stream","name":"stderr","text":["WARNING:urllib3.connectionpool:Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ReadTimeoutError(\"HTTPSConnectionPool(host='nominatim.openstreetmap.org', port=443): Read timed out. (read timeout=1)\")': /search?q=alta%2C+New+York&format=json&limit=1\n"]},{"output_type":"stream","name":"stdout","text":["alta: 48.0378872, 14.4175006\n","Location not found for indeblue\n","Skipping non-alpha-numeric entity: dingle ' s\n","hamilton: 43.6307863, -74.4659275\n","Location not found for gordon ramsay\n","Skipping non-alpha-numeric entity: e .\n","Skipping entity with length less than 3: bf\n","fish: 40.7317185, -74.0034012\n","chelsea: 40.7464906, -74.0015283\n","N N: 40.7127281, -74.0060152\n","kansas: 40.738038700000004, -73.85933288396191\n","Location not found for mad mex\n","Location not found for the main st\n","Skipping non-alpha-numeric entity: krupa ' s\n","Location not found for ssam and ko\n","Location not found for cantina dos segundos\n","Location not found for shanghai cafe\n","south street: 40.7102983, -73.9883192\n","Skipping non-alpha-numeric entity: kenscale N . N N\n","beck: 42.0403044, -74.1204521\n","sally: 44.0245295, -73.8133514\n","Location not found for chicago\n","porterhouse: 40.70341975, -74.011184831539\n","the theatre district: 40.7622484, -73.9853553\n","italy: 42.611735, -77.2919246\n","columbia: 42.2415027, -73.6723456\n","center city: 14.7016101, 121.0068411\n","Skipping entity with length less than 3: ct\n","Location not found for talde\n","Location not found for penang\n","Skipping non-alpha-numeric entity: pj ' s\n","Location not found for nyu central\n","Skipping non-alpha-numeric entity: the N ' s\n","Skipping non-alpha-numeric entity: phils-flyers-birds nights\n","Skipping non-alpha-numeric entity: joe ' s\n","Location not found for village whiskey\n"]},{"output_type":"stream","name":"stderr","text":["WARNING:urllib3.connectionpool:Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ReadTimeoutError(\"HTTPSConnectionPool(host='nominatim.openstreetmap.org', port=443): Read timed out. (read timeout=1)\")': /search?q=sentosa%2C+New+York&format=json&limit=1\n"]},{"output_type":"stream","name":"stdout","text":["sentosa: 1.2545643, 103.8212738\n","tribeca: 40.7153802, -74.0093063\n","Skipping non-alpha-numeric entity: le p ' tit paris bistro\n","wawa: 39.4922892, -74.4574975\n","Location not found for aksum\n","orlando: 42.3045078, -78.7161416\n","bbq: 40.7480141, -73.9872738\n","Skipping non-alpha-numeric entity: brown and taney st ' s\n","Skipping non-alpha-numeric entity: mcdonald ' s\n","westside: 42.0956092, -75.93094\n","around N N am: 41.5687234, -74.4941955\n","Location not found for katy perry\n","Location not found for nolibs Nth street\n"]},{"output_type":"stream","name":"stderr","text":["WARNING:urllib3.connectionpool:Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ReadTimeoutError(\"HTTPSConnectionPool(host='nominatim.openstreetmap.org', port=443): Read timed out. (read timeout=1)\")': /search?q=grimaldis%2C+New+York&format=json&limit=1\n"]},{"output_type":"stream","name":"stdout","text":["Location not found for grimaldis\n","wikipedia: 8.391969249999999, -13.131562399820279\n"]},{"output_type":"stream","name":"stderr","text":["WARNING:urllib3.connectionpool:Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ReadTimeoutError(\"HTTPSConnectionPool(host='nominatim.openstreetmap.org', port=443): Read timed out. (read timeout=1)\")': /search?q=nyc+yelp%2C+New+York&format=json&limit=1\n"]},{"output_type":"stream","name":"stdout","text":["Location not found for nyc yelp\n","Location not found for yelper\n","brooklyn: 40.6526006, -73.9497211\n","Location not found for krimpton\n","Location not found for Ns thievery corporation school\n","west windsor: 42.098966, -75.764078\n","gowanus: 40.6791695, -73.9885041\n","Location not found for ramen boy\n","Location not found for Nrd\n","Location not found for california uni\n","Location not found for la isla\n","erawan: 43.05399075, -76.09692742547581\n","Location not found for byob\n"]}]},{"cell_type":"code","source":["print(coordinates_dict_real)"],"metadata":{"id":"Ob7P5Rpj_lx9","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716531212386,"user_tz":420,"elapsed":198,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"6b1cd2f0-6e48-437e-e79e-315e61737e5d"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["{'chinatown': (40.7164913, -73.9962504), 'epa superfund': (40.75823715, -73.50466691218668), 'rome': (43.2128473, -75.4557304), 'duane reade': (40.7191935, -73.9631438), 'hell': (40.7644228, -73.9923918), 'hoboken': (42.6270181, -75.3223928), 'washington state': (43.2294536, -73.4471343), 'maharlika': (15.1852346, 120.5835278), 'cali': (43.1234151, -77.4273854), 'park slope': (40.6701033, -73.9859723), 'nyc': (40.7127281, -74.0060152), 'east village': (40.7292688, -73.9873613), 'hanco': (40.6946693, -73.9933733), 'collingswood': (40.9843564, -72.2838868), 'lake trout': (43.2700697, -74.5370891), 'pho N': (34.0143928, -117.898451), 'get fresh': (40.7054469, -73.9063679), 'soju': (40.7470064, -73.9853791), 'trio': (42.6499996, -73.7595826), 'five leaves': (40.723735950000005, -73.95164194773636), 'cafe con leche': (41.5872995, -73.9485899), 'connecticut': (42.3864621, -76.6691152), 'new york city': (40.7127281, -74.0060152), 'hearth': (40.7300338, -73.9832859), 'avenue b': (40.7216209, -73.983736), 'woorijip': (40.7474399, -73.9864528), 'bloomfield ave': (42.902687, -78.689485), 'traif': (40.71059745, -73.95893481915246), 'philly': (42.651087, -74.05488), 'san francisco': (8.97691115, -79.51722847515528), 'wing': (42.5325627, -78.2191781), 'shanghi': (41.6572321, -73.9562253), 'vientiane': (17.9163748, 102.6168836), 'fraunces': (40.7033938, -74.0113353057346), 'laos': (40.75533525, -73.9671895), 'home depot': (40.52907725, -74.22806571676239), 'banh mi': (40.7257262, -73.9843145), 'india': (18.9585343, 72.8241587), 'N stars': (41.1342887, -72.3425785), 'new haven': (43.4797279, -76.3150179), 'peaches': (40.6818491, -73.93465989709514), 'chipotle': (40.778899, -73.9811844), 'astoria': (40.7720145, -73.9302673), 'greenwich village': (40.7335844, -74.0028172), 'sweden': (43.1791388, -77.940618), 'hackensack': (41.619623, -73.8600063), 'la taza': (40.7401797, -74.0019721), 'new england': (53.0668217, -0.1567064), 'east hartford': (43.3342397, -73.3831662), 'new orleans': (42.9527184, -78.8244541), 'thai': (53.5674522, -2.4741216), 'al di la': (41.378009, 19.798606), 'new york': (40.7127281, -74.0060152), 'red hook': (40.6751032, -74.0095841), 'littleneck': (40.6773091, -73.9863131), 'tops': (40.6000016, -73.943548), 'uni': (42.9545956, -78.8201959), 'casablanca': (40.67089675, -73.58837504082192), 'butcher bar': (40.7643701, -73.9163184), 'miya': (40.6123297, -74.1590516), 'philadelphia': (44.154622, -75.708847), 'worcester street': (42.591950749999995, -74.74864445), 'montclair': (41.0509328, -72.3492497), 'abc': (40.77386385, -73.98086103128014), 'bridge': (43.0277894, -77.8230461), 'yale': (42.8064569, -76.9199618), 'latin': (40.7097173, -73.94447209848192), 'cuba': (42.2175668, -78.2752927), 'met': (40.7794396, -73.96338248033601), 'boston': (42.6289858, -78.7376213), 'broadway': (40.8341687, -73.9449448), 'bohemia': (40.7694091, -73.1148664), 'scratcher': (40.7275694, -73.9905482), 'singapore': (40.736308750000006, -73.86109847714846), 'Nam': (47.2250549, 39.7304155), 'gypsy': (43.04005445, -74.03187022341689), 'massachusetts': (42.9124495, -78.88766274298784), 'central park': (40.7827725, -73.9653627406542), 'hartford': (43.363967, -73.4052888), 'israel': (40.7331696, -73.98204642213138), 'pennsylvania': (40.6646501, -73.894767), 'east coast': (41.38061135, -74.312665112785), 'artichoke': (40.7716331, -73.8662577), 'kfc': (40.8209428, -73.93638279999999), 'vintry': (51.51254195, -0.10245619175257725), 'princeton': (40.738646, -73.86054903964195), 'spotted pig': (40.73563215, -74.00667612644291), 'eataly': (40.742213, -73.9895802), 'paris': (43.0006253, -75.3137775), 'paisanos': (40.6862827, -73.9909187), 'westin': (40.75017085, -73.97398238536464), 'lotus': (40.7371984, -73.7096252), 'finlay': (42.954064, -74.174585), 'china': (42.1448051, -75.4001772), 'doma': (40.7442007, -73.9230967), 'states': (40.7435215, -73.84472378323667), 'williamsburg': (40.714622, -73.95345), 'vic': (42.719655, -73.914136), 'delaware and hudson': (41.8250284, -74.1382742), 'usa': (40.7127281, -74.0060152), 'europe': (40.704476, -74.01381414642856), 'continental': (40.8515357, -73.8302801), 'hanover': (42.5030037, -79.1058731), 'manhattan': (40.788655250000005, -73.9603027827792), 'sesame': (42.458836, -73.535342), 'motorino': (40.7104673, -73.9635085), 'east newark': (42.2034076, -76.1482617), 'greenpoint': (40.7237134, -73.9509714), 'eagles': (42.0709247, -76.7984261480349), 'rittenhouse': (42.7745635, -76.1433855), 'london': (40.7364228, -73.86518880780383), 'the new york times': (40.77541455, -73.83098624117696), 'red robin': (42.754211850000004, -73.7597551554447), 'new jersey': (42.075346, -73.601633), 'chipotle mexican': (40.778899, -73.9811844), 'hillbilly': (42.004469, -77.4418572), 'grindhaus': (40.6791839, -74.0105393), 'taiwan': (40.714712, -73.9978045), 'mcdonald': (41.159823, -80.720391), 'alta': (48.0378872, 14.4175006), 'hamilton': (43.6307863, -74.4659275), 'fish': (40.7317185, -74.0034012), 'chelsea': (40.7464906, -74.0015283), 'N N': (40.7127281, -74.0060152), 'kansas': (40.738038700000004, -73.85933288396191), 'south street': (40.7102983, -73.9883192), 'beck': (42.0403044, -74.1204521), 'sally': (44.0245295, -73.8133514), 'porterhouse': (40.70341975, -74.011184831539), 'the theatre district': (40.7622484, -73.9853553), 'italy': (42.611735, -77.2919246), 'columbia': (42.2415027, -73.6723456), 'center city': (14.7016101, 121.0068411), 'sentosa': (1.2545643, 103.8212738), 'tribeca': (40.7153802, -74.0093063), 'wawa': (39.4922892, -74.4574975), 'orlando': (42.3045078, -78.7161416), 'bbq': (40.7480141, -73.9872738), 'westside': (42.0956092, -75.93094), 'around N N am': (41.5687234, -74.4941955), 'wikipedia': (8.391969249999999, -13.131562399820279), 'brooklyn': (40.6526006, -73.9497211), 'west windsor': (42.098966, -75.764078), 'gowanus': (40.6791695, -73.9885041), 'erawan': (43.05399075, -76.09692742547581)}\n"]}]},{"cell_type":"code","source":["#Turn that dictionary into a csv file\n","#CoordinatesFilename = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/RealCoordinatesList.csv'\n","CoordinatesFilename = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_RealCoordinatesList.csv'\n","\n","with open(CoordinatesFilename, mode='w', newline='') as file:\n"," # Create a CSV writer object\n"," writer = csv.writer(file)\n","\n"," # Write the header row\n"," writer.writerow(['row_id','name', 'latitude', 'longitude'])\n"," row_id = 0\n","\n"," # Write the data rows\n"," for name, (latitude, longitude) in coordinates_dict_real.items():\n"," writer.writerow([row_id, name, latitude, longitude])\n"," row_id += 1\n","\n","print(f\"CSV file '{CoordinatesFilename}' created successfully.\")"],"metadata":{"id":"emMHNrO__l0a","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716531235108,"user_tz":420,"elapsed":172,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"dadc5d9a-a295-4436-f110-4b5368374c3d"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["CSV file '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_RealCoordinatesList.csv' created successfully.\n"]}]},{"cell_type":"code","source":["##We won't need this anymore as we are combining the files\n","state_frame = pd.read_csv(CoordinatesFilename)\n","\n","\n","# construct list of names and coordinates from data\n","name_list = []\n","coordinate_list = []\n","for i, item in state_frame.iterrows():\n"," name = item[1]\n"," lat = item[2]\n"," lng =item[3]\n"," name_list.append(name)\n"," coordinate_list.append([lng,lat])\n","\n","\n","# construct KDTree out of coordinates list for when we make the neighbor lists\n","import scipy.spatial as scp\n","\n","ordered_neighbor_coordinate_list = scp.KDTree(coordinate_list)"],"metadata":{"id":"yWhGrwZl_l2p"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["state_frame"],"metadata":{"id":"t-ZwGWvAAn1X","colab":{"base_uri":"https://localhost:8080/","height":424},"executionInfo":{"status":"ok","timestamp":1716531239796,"user_tz":420,"elapsed":213,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"a491a6f4-b9e8-4849-b875-4486466325e6"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":[" row_id name latitude longitude\n","0 0 chinatown 40.716491 -73.996250\n","1 1 epa superfund 40.758237 -73.504667\n","2 2 rome 43.212847 -75.455730\n","3 3 duane reade 40.719194 -73.963144\n","4 4 hell 40.764423 -73.992392\n",".. ... ... ... ...\n","140 140 wikipedia 8.391969 -13.131562\n","141 141 brooklyn 40.652601 -73.949721\n","142 142 west windsor 42.098966 -75.764078\n","143 143 gowanus 40.679170 -73.988504\n","144 144 erawan 43.053991 -76.096927\n","\n","[145 rows x 4 columns]"],"text/html":["\n","
\n","
\n","\n","\n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n","
row_idnamelatitudelongitude
00chinatown40.716491-73.996250
11epa superfund40.758237-73.504667
22rome43.212847-75.455730
33duane reade40.719194-73.963144
44hell40.764423-73.992392
...............
140140wikipedia8.391969-13.131562
141141brooklyn40.652601-73.949721
142142west windsor42.098966-75.764078
143143gowanus40.679170-73.988504
144144erawan43.053991-76.096927
\n","

145 rows × 4 columns

\n","
\n","
\n","\n","
\n"," \n","\n"," \n","\n"," \n","
\n","\n","\n","
\n"," \n","\n","\n","\n"," \n","
\n","\n","
\n"," \n"," \n"," \n","
\n","\n","
\n","
\n"],"application/vnd.google.colaboratory.intrinsic+json":{"type":"dataframe","variable_name":"state_frame","summary":"{\n \"name\": \"state_frame\",\n \"rows\": 145,\n \"fields\": [\n {\n \"column\": \"row_id\",\n \"properties\": {\n \"dtype\": \"number\",\n \"std\": 42,\n \"min\": 0,\n \"max\": 144,\n \"num_unique_values\": 145,\n \"samples\": [\n 69,\n 140,\n 27\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"name\",\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 145,\n \"samples\": [\n \"boston\",\n \"wikipedia\",\n \"traif\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"latitude\",\n \"properties\": {\n \"dtype\": \"number\",\n \"std\": 6.818459466559859,\n \"min\": 1.2545643,\n \"max\": 53.5674522,\n \"num_unique_values\": 140,\n \"samples\": [\n 40.77541455,\n 42.6289858,\n 17.9163748\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"longitude\",\n \"properties\": {\n \"dtype\": \"number\",\n \"std\": 37.23469136708839,\n \"min\": -117.898451,\n \"max\": 121.0068411,\n \"num_unique_values\": 140,\n \"samples\": [\n -73.83098624117696,\n -78.7376213,\n 102.6168836\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n }\n ]\n}"}},"metadata":{},"execution_count":80}]},{"cell_type":"code","source":["##We won't need this cell anymore as we are combining the files\n","## Get top 20 nearest neighbors for each entity in dataset\n","#with open('/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/SPABERT_data_real.json', 'w') as out_f:\n","with open('/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_SPABERT_data_real.json', 'w') as out_f:\n","\n"," for i, item in state_frame.iterrows():\n"," name = item[1]\n"," lat = item[2]\n"," lng = item[3]\n"," coordinates = [lng,lat]\n","\n"," _, nearest_neighbors_idx = ordered_neighbor_coordinate_list.query([coordinates], k=21)\n","\n"," # we want to store their names and coordinates\n","\n"," nearest_neighbors_name = []\n"," nearest_neighbors_coords = []\n","\n"," # iterate over nearest neighbors list\n"," for idx in nearest_neighbors_idx[0]:\n"," # get name and coordinate of neighbor\n"," neighbor_name = name_list[idx]\n"," neighbor_coords = coordinate_list[idx]\n"," nearest_neighbors_name.append(neighbor_name)\n"," nearest_neighbors_coords.append({\"coordinates\": neighbor_coords})\n","\n"," # construct neighbor info dictionary object for SpaBERT embedding construction\n"," neighbor_info = {\"name_list\":nearest_neighbors_name, \"geometry_list\":nearest_neighbors_coords}\n","\n","\n"," # construct full dictionary object for SpaBERT embedding construction\n"," place = {\"info\":{\"name\":name, \"geometry\":{\"coordinates\": coordinates}}, \"neighbor_info\":neighbor_info}\n","\n"," out_f.write(json.dumps(place))\n"," out_f.write('\\n')"],"metadata":{"id":"bG4-DbElAn57"},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":["# Combine Real and Fake coordinate datasets to Fine-Tune SpaBert\n","We can ignore the SPABERT_finetuning_data_real.json and SPABERT_finetuning_data_fake.json files as they are leftovers from previous iterations. We will be using the coordinate files and combining them into a single file for training."],"metadata":{"id":"g15elL8PhqH7"}},{"cell_type":"code","source":["import pandas as pd\n","\n","# Path to the JSON files\n","#path_real = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/RealCoordinatesList.csv'\n","path_real = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_RealCoordinatesList.csv'\n","#path_fake = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/FakeCoordinateList.csv'\n","path_fake = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_FakeCoordinateList.csv'\n","\n","# Load the JSON files into DataFrames\n","df1 = pd.read_csv(path_real)\n","df2 = pd.read_csv(path_fake)\n","\n","combined_df = pd.concat([df1, df2], ignore_index=True)\n","#combined_df.to_csv('/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/CombinedCoordinatesList.csv', index=False)\n","combined_df.to_csv('/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_CombinedCoordinatesList.csv', index=False)"],"metadata":{"id":"3jPipLYjh8fg"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["import pandas as pd\n","#combinedFilePath = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/CombinedCoordinatesList.csv'\n","combinedFilePath = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_CombinedCoordinatesList.csv'\n","state_frame = pd.read_csv(combinedFilePath)\n","\n","\n","# construct list of names and coordinates from data\n","name_list = []\n","coordinate_list = []\n","for i, item in state_frame.iterrows():\n"," name = item[1]\n"," lat = item[2]\n"," lng =item[3]\n"," name_list.append(name)\n"," coordinate_list.append([lng,lat])\n","\n","\n","# construct KDTree out of coordinates list for when we make the neighbor lists\n","import scipy.spatial as scp\n","\n","ordered_neighbor_coordinate_list = scp.KDTree(coordinate_list)"],"metadata":{"id":"Qc4Hxv5ipwQw"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["state_frame"],"metadata":{"id":"d9NYbFo5p2fP","colab":{"base_uri":"https://localhost:8080/","height":424},"executionInfo":{"status":"ok","timestamp":1716536684554,"user_tz":420,"elapsed":185,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"108f83c3-3675-466c-8a46-69125300d964"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":[" row_id name latitude longitude\n","0 0 chinatown 40.716491 -73.996250\n","1 1 epa superfund 40.758237 -73.504667\n","2 2 rome 43.212847 -75.455730\n","3 3 duane reade 40.719194 -73.963144\n","4 4 hell 40.764423 -73.992392\n",".. ... ... ... ...\n","251 106 wikipedia 8.391969 -13.131562\n","252 107 brooklyn 40.652601 -73.949721\n","253 108 batavia 42.998014 -78.187551\n","254 109 the south of france 40.831752 -73.866212\n","255 110 rooftop N 40.743554 -74.010807\n","\n","[256 rows x 4 columns]"],"text/html":["\n","
\n","
\n","\n","\n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n","
row_idnamelatitudelongitude
00chinatown40.716491-73.996250
11epa superfund40.758237-73.504667
22rome43.212847-75.455730
33duane reade40.719194-73.963144
44hell40.764423-73.992392
...............
251106wikipedia8.391969-13.131562
252107brooklyn40.652601-73.949721
253108batavia42.998014-78.187551
254109the south of france40.831752-73.866212
255110rooftop N40.743554-74.010807
\n","

256 rows × 4 columns

\n","
\n","
\n","\n","
\n"," \n","\n"," \n","\n"," \n","
\n","\n","\n","
\n"," \n","\n","\n","\n"," \n","
\n","\n","
\n"," \n"," \n"," \n","
\n","\n","
\n","
\n"],"application/vnd.google.colaboratory.intrinsic+json":{"type":"dataframe","variable_name":"state_frame","summary":"{\n \"name\": \"state_frame\",\n \"rows\": 256,\n \"fields\": [\n {\n \"column\": \"row_id\",\n \"properties\": {\n \"dtype\": \"number\",\n \"std\": 38,\n \"min\": 0,\n \"max\": 144,\n \"num_unique_values\": 145,\n \"samples\": [\n 69,\n 140,\n 27\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"name\",\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 237,\n \"samples\": [\n \"hillbilly\",\n \"pho N\",\n \"north brooklyn\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"latitude\",\n \"properties\": {\n \"dtype\": \"number\",\n \"std\": 7.33805389228838,\n \"min\": -3.9445944,\n \"max\": 53.5674522,\n \"num_unique_values\": 225,\n \"samples\": [\n 40.6701033,\n 40.75002325,\n 40.7102983\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"longitude\",\n \"properties\": {\n \"dtype\": \"number\",\n \"std\": 32.81450514746535,\n \"min\": -117.898451,\n \"max\": 121.0068411,\n \"num_unique_values\": 225,\n \"samples\": [\n -73.9859723,\n -73.93634871866918,\n -73.9883192\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n }\n ]\n}"}},"metadata":{},"execution_count":14}]},{"cell_type":"code","source":["import json\n","import uuid\n","# Get top 20 nearest neighbors for each entity in dataset\n","#with open('/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/SPABERT_Coordinate_data_combined.json', 'w') as out_f:\n","with open('/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_SPABERT_Coordinate_data_combined.json', 'w') as out_f:\n"," for i, item in state_frame.iterrows():\n"," name = item[1]\n"," lat = item[2]\n"," lng = item[3]\n"," coordinates = [lng,lat]\n","\n"," #comment this out if not making test data\n"," qid = str(uuid.uuid4())\n"," _, nearest_neighbors_idx = ordered_neighbor_coordinate_list.query([coordinates], k=21)\n","\n"," # we want to store their names and coordinates\n","\n"," nearest_neighbors_name = []\n"," nearest_neighbors_coords = []\n","\n"," # iterate over nearest neighbors list\n"," for idx in nearest_neighbors_idx[0]:\n"," # get name and coordinate of neighbor\n"," neighbor_name = name_list[idx]\n"," neighbor_coords = coordinate_list[idx]\n"," nearest_neighbors_name.append(neighbor_name)\n"," nearest_neighbors_coords.append({\"coordinates\": neighbor_coords})\n","\n"," # construct neighbor info dictionary object for SpaBERT embedding construction\n"," neighbor_info = {\"name_list\":nearest_neighbors_name, \"geometry_list\":nearest_neighbors_coords}\n","\n","\n"," # construct full dictionary object for SpaBERT embedding construction\n"," #place = {\"info\":{\"name\":name, \"geometry\":{\"coordinates\": coordinates}}, \"neighbor_info\":neighbor_info}\n"," place = {\"info\": {\"name\": name, \"geometry\": {\"coordinates\": coordinates}, \"qid\": qid}, \"neighbor_info\": neighbor_info}\n","\n"," out_f.write(json.dumps(place))\n"," out_f.write('\\n')"],"metadata":{"id":"KhRdfvBVpje9"},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":["# Testing New Finetuning for Spabert Without LM\n"],"metadata":{"id":"SRod6iqS8_Sr"}},{"cell_type":"code","source":["import sys\n","models_path = '/content/drive/MyDrive/spaBERT/spabert'\n","sys.path.append(models_path)\n","print(sys.path)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"6FqxDN-u9FAp","executionInfo":{"status":"ok","timestamp":1720754414967,"user_tz":420,"elapsed":556,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"df8cd38e-7c99-4686-982d-e6b7f9bba41a"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["['/content', '/env/python', '/usr/lib/python310.zip', '/usr/lib/python3.10', '/usr/lib/python3.10/lib-dynload', '', '/usr/local/lib/python3.10/dist-packages', '/usr/lib/python3/dist-packages', '/usr/local/lib/python3.10/dist-packages/IPython/extensions', '/root/.ipython', '/content/drive/MyDrive/spaBERT/spabert', '/content/drive/MyDrive/spaBERT/spabert']\n"]}]},{"cell_type":"code","source":["!pip install ipykernel"],"metadata":{"id":"Y6NewjHB9JSn"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["### FINE-TUNE SPABERT\n","import sys\n","sys.path.append(\"../\")\n","import json\n","import pandas as pd\n","import scipy.spatial as scp\n","import torch\n","from transformers import BertTokenizer, AdamW\n","from tqdm import tqdm\n","from torch.utils.data import DataLoader\n","from models.spatial_bert_model import SpatialBertConfig, SpatialBertModel\n","from datasets.osm_sample_loader import PbfMapDataset\n","\n","# load dataset we just created\n","\n","dataset = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/SPABERT_Coordinate_data_combined.json'\n","\n","# load pre-trained spabert model\n","\n","#pretrained_model = '/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets/mlm_mem_keeppos_ep0_iter06000_0.2936.pth'\n","pretrained_model = '/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets/spabert-base-uncased-finetuned-osm-mn.pth'\n","\n","# load bert model and tokenizer as well as the SpaBERT config\n","bert_model = BertForMaskedLM.from_pretrained('bert-base-uncased')\n","tokenizer = BertTokenizer.from_pretrained('bert-base-uncased')\n","config = SpatialBertConfig()"],"metadata":{"id":"0MEZQd-j9QIM"},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":["# Fine-Tune SpaBert\n"],"metadata":{"id":"X_H1w-Egc-2-"}},{"cell_type":"code","source":["#Mount Google Drive\n","from google.colab import drive\n","drive.mount('/content/drive')\n","%cd '/content/drive'"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"1l0vuU7TZqu_","executionInfo":{"status":"ok","timestamp":1721418095703,"user_tz":420,"elapsed":14308,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"ef484443-3f3d-4b5d-d7ec-2414208da9d1"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Drive already mounted at /content/drive; to attempt to forcibly remount, call drive.mount(\"/content/drive\", force_remount=True).\n","/content/drive\n"]}]},{"cell_type":"code","source":["import sys\n","models_path = '/content/drive/MyDrive/spaBERT/spabert'\n","sys.path.append(models_path)\n","print(sys.path)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"Eis_7Tmaj40T","executionInfo":{"status":"ok","timestamp":1721418103050,"user_tz":420,"elapsed":233,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"3b088d4a-2901-431f-9542-fcceae725ddd"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["['/content', '/env/python', '/usr/lib/python310.zip', '/usr/lib/python3.10', '/usr/lib/python3.10/lib-dynload', '', '/usr/local/lib/python3.10/dist-packages', '/usr/lib/python3/dist-packages', '/usr/local/lib/python3.10/dist-packages/IPython/extensions', '/root/.ipython', '/content/drive/MyDrive/spaBERT/spabert']\n"]}]},{"cell_type":"code","source":["!pip install ipykernel"],"metadata":{"id":"rANsHsEBdfs2","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1721418115107,"user_tz":420,"elapsed":9343,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"cc353249-7bad-4adf-89a9-bb846e6c30f3"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Requirement already satisfied: ipykernel in /usr/local/lib/python3.10/dist-packages (5.5.6)\n","Requirement already satisfied: ipython-genutils in /usr/local/lib/python3.10/dist-packages (from ipykernel) (0.2.0)\n","Requirement already satisfied: ipython>=5.0.0 in /usr/local/lib/python3.10/dist-packages (from ipykernel) (7.34.0)\n","Requirement already satisfied: traitlets>=4.1.0 in /usr/local/lib/python3.10/dist-packages (from ipykernel) (5.7.1)\n","Requirement already satisfied: jupyter-client in /usr/local/lib/python3.10/dist-packages (from ipykernel) (6.1.12)\n","Requirement already satisfied: tornado>=4.2 in /usr/local/lib/python3.10/dist-packages (from ipykernel) (6.3.3)\n","Requirement already satisfied: setuptools>=18.5 in /usr/local/lib/python3.10/dist-packages (from ipython>=5.0.0->ipykernel) (67.7.2)\n","Collecting jedi>=0.16 (from ipython>=5.0.0->ipykernel)\n"," Downloading jedi-0.19.1-py2.py3-none-any.whl (1.6 MB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m1.6/1.6 MB\u001b[0m \u001b[31m14.0 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hRequirement already satisfied: decorator in /usr/local/lib/python3.10/dist-packages (from ipython>=5.0.0->ipykernel) (4.4.2)\n","Requirement already satisfied: pickleshare in /usr/local/lib/python3.10/dist-packages (from ipython>=5.0.0->ipykernel) (0.7.5)\n","Requirement already satisfied: prompt-toolkit!=3.0.0,!=3.0.1,<3.1.0,>=2.0.0 in /usr/local/lib/python3.10/dist-packages (from ipython>=5.0.0->ipykernel) (3.0.47)\n","Requirement already satisfied: pygments in /usr/local/lib/python3.10/dist-packages (from ipython>=5.0.0->ipykernel) (2.16.1)\n","Requirement already satisfied: backcall in /usr/local/lib/python3.10/dist-packages (from ipython>=5.0.0->ipykernel) (0.2.0)\n","Requirement already satisfied: matplotlib-inline in /usr/local/lib/python3.10/dist-packages (from ipython>=5.0.0->ipykernel) (0.1.7)\n","Requirement already satisfied: pexpect>4.3 in /usr/local/lib/python3.10/dist-packages (from ipython>=5.0.0->ipykernel) (4.9.0)\n","Requirement already satisfied: jupyter-core>=4.6.0 in /usr/local/lib/python3.10/dist-packages (from jupyter-client->ipykernel) (5.7.2)\n","Requirement already satisfied: pyzmq>=13 in /usr/local/lib/python3.10/dist-packages (from jupyter-client->ipykernel) (24.0.1)\n","Requirement already satisfied: python-dateutil>=2.1 in /usr/local/lib/python3.10/dist-packages (from jupyter-client->ipykernel) (2.8.2)\n","Requirement already satisfied: parso<0.9.0,>=0.8.3 in /usr/local/lib/python3.10/dist-packages (from jedi>=0.16->ipython>=5.0.0->ipykernel) (0.8.4)\n","Requirement already satisfied: platformdirs>=2.5 in /usr/local/lib/python3.10/dist-packages (from jupyter-core>=4.6.0->jupyter-client->ipykernel) (4.2.2)\n","Requirement already satisfied: ptyprocess>=0.5 in /usr/local/lib/python3.10/dist-packages (from pexpect>4.3->ipython>=5.0.0->ipykernel) (0.7.0)\n","Requirement already satisfied: wcwidth in /usr/local/lib/python3.10/dist-packages (from prompt-toolkit!=3.0.0,!=3.0.1,<3.1.0,>=2.0.0->ipython>=5.0.0->ipykernel) (0.2.13)\n","Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.1->jupyter-client->ipykernel) (1.16.0)\n","Installing collected packages: jedi\n","Successfully installed jedi-0.19.1\n"]}]},{"cell_type":"code","source":["### FINE-TUNE SPABERT\n","import sys\n","from transformers.models.bert.modeling_bert import BertForMaskedLM\n","from transformers import BertTokenizer\n","sys.path.append(\"../\")\n","from models.spatial_bert_model import SpatialBertConfig\n","from utils.common_utils import load_spatial_bert_pretrained_weights\n","from models.spatial_bert_model import SpatialBertForMaskedLM\n","\n","# load dataset we just created\n","\n","dataset = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/SPABERT_Coordinate_data_combined.json'\n","\n","# load pre-trained spabert model\n","\n","pretrained_model = '/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets/mlm_mem_keeppos_ep0_iter06000_0.2936.pth'\n","\n","\n","# load bert model and tokenizer as well as the SpaBERT config\n","bert_model = BertForMaskedLM.from_pretrained('bert-base-uncased')\n","tokenizer = BertTokenizer.from_pretrained('bert-base-uncased')\n","config = SpatialBertConfig()"],"metadata":{"id":"cBvJc0NHAn8Z","colab":{"base_uri":"https://localhost:8080/","height":333,"referenced_widgets":["eeb424f60fcf4a00b84520e39a41296c","99e0025e1c104556833841ea6b8995c3","db8476944687451faff333dd11c5cae9","5921505c886d46098e0a0d07e959ee11","67080a438ae548828e2211a510399dd2","8ce3fe1df3e947559e1af37e967a0576","75751f905dc045f38542a1265ad4a203","5dbe7d9948044dac90b51d967077c4da","08eaaff7c1ff43fc8451440404b2ba36","e393a755228f4d18a45b437e0247b607","6880998cb3484487a987de48ac3a1927","bd6e8d9d5df2463c9935453b6a208e97","32dcd44519264a20a16060605d14840c","ed70508dbd6b47da925872cb75d14d0b","08ab2974e4dc4ec79268cfe3c2fc4329","a61ce28f62ce44f8801b486a0fe5c7ea","0a5c47b410f849d5892e55f630d3264a","157a1792c0484d02b39c2770730c4a16","61a0002e9f784f25bb969d35f70882a6","85293b9cc01347fbae6230e3af42f5cf","437a52ddfd5f4fa0a839b495e631046d","5eba2094263c41ba8d4c507b4103f2e5","ca9435786b0d4f49b894491d0a237633","b9c820dba93c437688d58bce6dd879f6","0d5f84cba1a348679037a83b35440fe3","a102821f4fd14e2faae7d6bc553416ab","262c43fce62b465985b34017175e37c9","26c09ee0ea294735b4074d12d3c0d32d","dcdfef303c8b41e7862b9346c8a69116","4f4c8617dd6a41f0b9a56840fd538b2d","314eb19e4ce34285b9ae18e9f306807e","4aac5ce32f5044ce99b54ad7513dfcf8","76f4b067a5ca4a0d98b0d28423a0a940","bbe38b3a9aa943f49c3881b5c03e06fa","80391100db454f4285baa21ad7aeab77","6bf9aef7fa384d17bd2c6209a65fa97b","ded05f85c9da4f48b4d2a45238f6e663","39456972a7ce4caba99247d02608e659","d4cd2d26c3624b1a8a25ff210de220d5","0273c61577834dfcac28885e8f5a5c0d","f8f0b1a9147b4820aa01f924a113a86e","84f1be8659874adc9071b04f037a3699","c194013266634324a65f919a3473edc2","1b9c9a9ba4ab42bea96e28c9f4269b46","aebe2f80ebe0431ca6269799ad114bc6","5b98e7173cbf4ca3ad6df8a8a36f6cac","a2c5e3c2fdc34d5d9a8d5381549f5df2","681cbba01b6348d5b38b0bca31a113fd","a5e35894ebd74452a780292930ea0fb2","974cd20c0c4242e187c4b2fee71ef1b6","e984d358b9954e569827a194905cfd47","d1cf7f2082de4edeae5d5d562f86cffe","1718f9ceb15d4ccb96040361d8663ec5","f0f208cc5a6d493bb93d1a0631e4554e","c76f1c63b1e4464eb4ce2301cc37c381"]},"executionInfo":{"status":"ok","timestamp":1721418129768,"user_tz":420,"elapsed":12574,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"1180f807-8f82-4711-a8ca-bccebf7f18ad"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":["/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_token.py:89: UserWarning: \n","The secret `HF_TOKEN` does not exist in your Colab secrets.\n","To authenticate with the Hugging Face Hub, create a token in your settings tab (https://huggingface.co/settings/tokens), set it as secret in your Google Colab and restart your session.\n","You will be able to reuse this secret in all of your notebooks.\n","Please note that authentication is recommended but still optional to access public models or datasets.\n"," warnings.warn(\n"]},{"output_type":"display_data","data":{"text/plain":["config.json: 0%| | 0.00/570 [00:00"]},"metadata":{},"execution_count":6}]},{"cell_type":"code","source":["sys.path.append('/content/drive/MyDrive/spaBERT/spabert/datasets')"],"metadata":{"id":"lZE_BvijlwFg"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["from datasets.osm_sample_loader import PbfMapDataset\n","from torch.utils.data import DataLoader\n","# load fine-tning dataset with data loader\n","\n","fine_tune_dataset = PbfMapDataset(data_file_path = dataset,\n"," tokenizer = tokenizer,\n"," max_token_len = 300, #originally 300\n"," distance_norm_factor = 0.0001,\n"," spatial_dist_fill = 20,\n"," with_type = False,\n"," sep_between_neighbors = False,\n"," label_encoder = None,\n"," mode = None)\n","#initialize data loader\n","train_loader = DataLoader(fine_tune_dataset, batch_size=12, num_workers=5, shuffle=False, pin_memory=True, drop_last=True)"],"metadata":{"id":"hINQnxWoAn-C","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1721418154584,"user_tz":420,"elapsed":1876,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"fc4a0548-9aa0-482f-ad92-1a2fa53daec8"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":["/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:558: UserWarning: This DataLoader will create 5 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.\n"," warnings.warn(_create_warning_msg(\n"]}]},{"cell_type":"code","source":["fine_tune_dataset[1]"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"J59fTV9M9eFs","executionInfo":{"status":"ok","timestamp":1721418351457,"user_tz":420,"elapsed":246,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"dd776851-4667-4d08-fda4-9a745470ebcd"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["{'pivot_name': 'rhode island',\n"," 'pivot_token_len': 2,\n"," 'masked_input': tensor([ 101, 9763, 103, 9763, 2479, 9763, 2479, 20829, 18996, 103,\n"," 6384, 3077, 18641, 103, 6222, 103, 11265, 103, 2395, 15544,\n"," 25970, 4580, 2675, 15544, 25970, 4580, 5318, 14132, 14425, 1037,\n"," 2047, 19095, 103, 3790, 15544, 5753, 7570, 5092, 7520, 7570,\n"," 5092, 7520, 10090, 9857, 103, 3006, 102, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]),\n"," 'sent_position_ids': tensor([ 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,\n"," 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27,\n"," 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41,\n"," 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55,\n"," 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69,\n"," 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83,\n"," 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97,\n"," 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111,\n"," 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125,\n"," 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139,\n"," 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153,\n"," 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167,\n"," 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181,\n"," 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195,\n"," 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209,\n"," 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223,\n"," 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237,\n"," 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251,\n"," 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265,\n"," 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279,\n"," 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293,\n"," 294, 295, 296, 297, 298, 299]),\n"," 'attention_mask': tensor([0, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]),\n"," 'norm_lng_list': tensor([ 20.0000, 0.0000, 0.0000, 0.0000, 0.0000, 0.0000,\n"," 0.0000, -357.3080, -155.3640, -155.3640, 1594.1610, 1594.1610,\n"," -955.6130, -955.6130, -3261.2310, -3261.2310, -3261.2310, 2886.3750,\n"," 2886.3750, -3437.4900, -3437.4900, -3437.4900, -3437.4900, -3437.4900,\n"," -3437.4900, -3437.4900, -1865.1890, -1865.1890, -3055.6541, 378.6150,\n"," 378.6150, 378.6150, -2320.2151, -2320.2151, 4027.9790, 4027.9790,\n"," 4772.4370, 4772.4370, 4772.4370, 4772.4370, 4772.4370, 4772.4370,\n"," -2869.3225, -2869.3225, -3470.6809, -3470.6809, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000]),\n"," 'norm_lat_list': tensor([ 20.0000, 0.0000, 0.0000, 0.0000, 0.0000, 0.0000,\n"," 0.0000, 2318.4629, 2405.3359, 2405.3359, 2196.9980, 2196.9980,\n"," -2652.7339, -2652.7339, 563.8900, 563.8900, 563.8900, -1628.5680,\n"," -1628.5680, 956.0670, 956.0670, 956.0670, 956.0670, 956.0670,\n"," 956.0670, 956.0670, 3063.3921, 3063.3921, 2133.3220, 3856.3621,\n"," 3856.3621, 3856.3621, 3378.6069, 3378.6069, 1477.8030, 1477.8030,\n"," -519.3870, -519.3870, -519.3870, -519.3870, -519.3870, -519.3870,\n"," 4133.1226, 4133.1226, 3663.5610, 3663.5610, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000,\n"," 20.0000, 20.0000, 20.0000, 20.0000, 20.0000, 20.0000]),\n"," 'pseudo_sentence': tensor([ 101, 9763, 2479, 9763, 2479, 9763, 2479, 20829, 18996, 2050,\n"," 6384, 3077, 18641, 18641, 6222, 6222, 11265, 15477, 2395, 15544,\n"," 25970, 4580, 2675, 15544, 25970, 4580, 5318, 14132, 14425, 1037,\n"," 2047, 19095, 12674, 3790, 15544, 5753, 7570, 5092, 7520, 7570,\n"," 5092, 7520, 10090, 9857, 2103, 3006, 102, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0])}"]},"metadata":{},"execution_count":12}]},{"cell_type":"code","source":["import torch\n","# cast our loaded model to a gpu if one is available, otherwise use the cpu\n","device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu')\n","model.to(device)\n","\n","# set model to training mode\n","model.train()"],"metadata":{"id":"dhVZ3yKQ_l4-","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716531800644,"user_tz":420,"elapsed":375,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"c8b1e2c5-fc1c-4eeb-82c0-dfb828f6ee93","collapsed":true},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["SpatialBertForMaskedLM(\n"," (bert): SpatialBertModel(\n"," (embeddings): SpatialEmbedding(\n"," (word_embeddings): Embedding(30522, 768, padding_idx=0)\n"," (position_embeddings): Embedding(512, 768)\n"," (sent_position_embedding): Embedding(512, 768)\n"," (spatial_position_embedding): ContinuousSpatialPositionalEmbedding()\n"," (LayerNorm): LayerNorm((768,), eps=1e-12, elementwise_affine=True)\n"," (dropout): Dropout(p=0.1, inplace=False)\n"," )\n"," (encoder): BertEncoder(\n"," (layer): ModuleList(\n"," (0-11): 12 x BertLayer(\n"," (attention): BertAttention(\n"," (self): BertSelfAttention(\n"," (query): Linear(in_features=768, out_features=768, bias=True)\n"," (key): Linear(in_features=768, out_features=768, bias=True)\n"," (value): Linear(in_features=768, out_features=768, bias=True)\n"," (dropout): Dropout(p=0.1, inplace=False)\n"," )\n"," (output): BertSelfOutput(\n"," (dense): Linear(in_features=768, out_features=768, bias=True)\n"," (LayerNorm): LayerNorm((768,), eps=1e-12, elementwise_affine=True)\n"," (dropout): Dropout(p=0.1, inplace=False)\n"," )\n"," )\n"," (intermediate): BertIntermediate(\n"," (dense): Linear(in_features=768, out_features=3072, bias=True)\n"," (intermediate_act_fn): GELUActivation()\n"," )\n"," (output): BertOutput(\n"," (dense): Linear(in_features=3072, out_features=768, bias=True)\n"," (LayerNorm): LayerNorm((768,), eps=1e-12, elementwise_affine=True)\n"," (dropout): Dropout(p=0.1, inplace=False)\n"," )\n"," )\n"," )\n"," )\n"," )\n"," (cls): SpatialBertOnlyMLMHead(\n"," (predictions): SpatialBertLMPredictionHead(\n"," (transform): SpatialBertPredictionHeadTransform(\n"," (dense): Linear(in_features=768, out_features=768, bias=True)\n"," (transform_act_fn): GELUActivation()\n"," (LayerNorm): LayerNorm((768,), eps=1e-12, elementwise_affine=True)\n"," )\n"," (decoder): Linear(in_features=768, out_features=30522, bias=True)\n"," )\n"," )\n",")"]},"metadata":{},"execution_count":94}]},{"cell_type":"code","source":["### FINE TUNING PROCEDURE ###\n","from tqdm import tqdm\n","from transformers import AdamW\n","# initialize optimizer\n","optim = AdamW(model.parameters(), lr = 5e-5)\n","\n","# setup loop with TQDM and dataloader\n","epoch = tqdm(train_loader, leave=True)\n","iter = 0\n","for batch in epoch:\n"," # initialize calculated gradients from previous step\n"," optim.zero_grad()\n","\n"," # pull all tensor batches required for training\n"," input_ids = batch['masked_input'].to(device)\n"," attention_mask = batch['attention_mask'].to(device)\n"," position_list_x = batch['norm_lng_list'].to(device)\n"," position_list_y = batch['norm_lat_list'].to(device)\n"," sent_position_ids = batch['sent_position_ids'].to(device)\n","\n"," labels = batch['pseudo_sentence'].to(device)\n","\n"," # get outputs of model\n"," outputs = model(input_ids, attention_mask = attention_mask, sent_position_ids = sent_position_ids,\n"," position_list_x = position_list_x, position_list_y = position_list_y, labels = labels)\n","\n","\n"," # calculate loss\n"," loss = outputs.loss\n","\n"," # perform backpropigation\n"," loss.backward()\n","\n"," optim.step()\n"," epoch.set_postfix({'loss':loss.item()})\n","\n","\n"," iter += 1\n","torch.save(model.state_dict(), \"/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/fine-spabert-base-uncased-finetuned-osm-mn.pth\")"],"metadata":{"id":"AAZ3Ch2E_l7z","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1716531943013,"user_tz":420,"elapsed":115770,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"b61fe055-71d4-4067-e9a3-e64c3b116426"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":["/usr/local/lib/python3.10/dist-packages/transformers/optimization.py:588: FutureWarning: This implementation of AdamW is deprecated and will be removed in a future version. Use the PyTorch implementation torch.optim.AdamW instead, or set `no_deprecation_warning=True` to disable this warning\n"," warnings.warn(\n"," 0%| | 0/126 [00:00"]},"metadata":{},"execution_count":6}]},{"cell_type":"code","source":["# load entity-linking datasets\n","\n","sep_between_neighbors = False\n","wikidata_dict_per_map = {}\n","wikidata_dict_per_map['wikidata_emb_list'] = []\n","wikidata_dict_per_map['wikidata_qid_list'] = []\n","wikidata_dict_per_map['names'] = []\n","\n","#My dataset\n","whg_dataset = WHGDataset(\n"," #data_file_path = '/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets/spabert_whg_wikidata.json',\n"," data_file_path = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/Test_SPABERT_Coordinate_data_combined.json',\n"," tokenizer = tokenizer,\n"," max_token_len = 512,\n"," distance_norm_factor = 25,\n"," spatial_dist_fill=100,\n"," sep_between_neighbors = sep_between_neighbors)\n","\n","#Ground truth dataset\n","wikidata_dataset = WHGDataset(\n"," data_file_path='/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets/spabert_wikidata_sampled.json',\n"," tokenizer=tokenizer,\n"," max_token_len=512,\n"," distance_norm_factor=50000,\n"," spatial_dist_fill=20,\n"," sep_between_neighbors=sep_between_neighbors)\n","\n","\n","matched_wikid_dataset = []\n","for i in range(len(wikidata_dataset)):\n"," emb = wikidata_dataset[i]\n"," matched_wikid_dataset.append(emb)\n"," max_dist_lng = max(emb['norm_lng_list'])\n"," max_dist_lat = max(emb['norm_lat_list'])"],"metadata":{"id":"Sha40qMCwUzn"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["import sys\n","sys.path.append('../')\n","from experiments.entity_matching.data_processing import request_wrapper\n","import scipy.spatial as sp\n","import numpy as np\n","## ENTITY LINKING ##\n","\n","\n","# disambigufy\n","def disambiguify(model, model_name, usgs_dataset, wikidata_dict_list, candset_mode = 'all_map', if_use_distance = True, select_indices = None):\n","\n"," if select_indices is None:\n"," select_indices = range(0, len(wikidata_dict_list))\n","\n","\n"," assert(candset_mode in ['all_map','per_map'])\n"," wikidata_emb_list = wikidata_dict_list['wikidata_emb_list']\n"," wikidata_qid_list = wikidata_dict_list['wikidata_qid_list']\n"," ret_list = []\n"," for i in range(len(usgs_dataset)):\n"," if (i % 1000) == 0:\n"," print(\"disambigufy at \" + str((i/len(usgs_dataset))*100)+\"%\")\n"," if model_name == 'spatial_bert-base' or model_name == 'spatial_bert-large':\n"," usgs_emb = get_spatialbert_embedding(usgs_dataset[i], model, use_distance = if_use_distance)\n"," else:\n"," usgs_emb = get_bert_embedding(usgs_dataset[i], model)\n"," sim_matrix = 1 - sp.distance.cdist(np.array(wikidata_emb_list), np.array([usgs_emb]), 'cosine')\n"," closest_match_qid = sort_ref_closest_match(sim_matrix, wikidata_qid_list)\n"," #print(closest_match_qid)\n","\n"," sorted_sim_matrix = np.sort(sim_matrix, axis = 0)[::-1] # descending order\n","\n"," ret_dict = dict()\n"," ret_dict['pivot_name'] = usgs_dataset[i]['pivot_name']\n","\n"," ret_dict['sorted_match_qid'] = [a[0] for a in closest_match_qid]\n"," ret_dict['sorted_sim_matrix'] = [a[0] for a in sorted_sim_matrix]\n","\n"," ret_list.append(ret_dict)\n","\n"," return ret_list\n","\n","\n","candset_mode = 'all_map'\n","for i in range(0, len(matched_wikid_dataset)):\n"," if (i % 1000) == 0:\n"," print(\"processing at: \"+ str(i/len(matched_wikid_dataset)*100) + \"%\")\n"," print(matched_wikid_dataset[i])\n"," entity = matched_wikid_dataset[i]\n"," wikidata_emb = get_spatialbert_embedding(matched_wikid_dataset[i], model)\n"," wikidata_dict_per_map['wikidata_emb_list'].append(wikidata_emb)\n"," wikidata_dict_per_map['wikidata_qid_list'].append(matched_wikid_dataset[i]['qid'])\n"," wikidata_dict_per_map['names'].append(wikidata_dataset[i]['pivot_name'])\n","\n","ret_list = disambiguify(model, 'spatial_bert-base', whg_dataset, wikidata_dict_per_map, candset_mode= candset_mode, if_use_distance = not False, select_indices = None)\n","write_to_csv('/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets', \"output.csv\", ret_list)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"aKBZWemgxDp9","executionInfo":{"status":"ok","timestamp":1716538823175,"user_tz":420,"elapsed":238682,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"d49c023f-e97f-4919-e721-0915517a4f11"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["processing at: 0.0%\n"]},{"output_type":"stream","name":"stderr","text":["/usr/local/lib/python3.10/dist-packages/transformers/modeling_utils.py:1052: FutureWarning: The `device` argument is deprecated and will be removed in v5 of Transformers.\n"," warnings.warn(\n"]},{"output_type":"stream","name":"stdout","text":["processing at: 21.62629757785467%\n","processing at: 43.25259515570934%\n","processing at: 64.87889273356402%\n","processing at: 86.50519031141869%\n","disambigufy at 0.0%\n"]}]},{"cell_type":"code","source":["import os\n","import pandas as pd\n","import json\n","\n","# Define the ground truth directory for evaluation\n","gt_dir = os.path.abspath(\"/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets/spabert_wikidata_sampled.json\")\n","\n","# Define the file where we wrote out predictions\n","prediction_path = os.path.abspath('/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets/output.csv.json')\n","\n","# Define ground truth dictionary\n","gt_dict = dict()\n","\n","with open(gt_dir) as f:\n"," data = f.readlines()\n"," for line in data:\n"," d = json.loads(line)\n"," name = d['info']['name'].lower() # Convert name to lowercase for case-insensitive comparison\n"," gt_dict[name] = d['info']['qid']\n","\n","print(f\"Loaded {len(gt_dict)} ground truth entries.\")\n","\n","rank_list = []\n","hits_at_1 = 0\n","hits_at_5 = 0\n","hits_at_10 = 0\n","out_dict = {'title': [], 'rank': []}\n","\n","with open(prediction_path) as f:\n"," data = f.readlines()\n"," for line in data:\n"," pred_dict = json.loads(line)\n"," pivot_name = pred_dict['pivot_name'].lower() # Convert pivot_name to lowercase for case-insensitive comparison\n"," sorted_matched_uri = pred_dict['sorted_match_qid']\n"," sorted_sim_matrix = pred_dict['sorted_sim_matrix']\n","\n"," if pivot_name in gt_dict:\n"," gt_uri = gt_dict[pivot_name]\n"," try:\n"," rank = sorted_matched_uri.index(gt_uri) + 1\n"," if rank == 1:\n"," hits_at_1 += 1\n"," if rank <= 5:\n"," hits_at_5 += 1\n"," if rank <= 10:\n"," hits_at_10 += 1\n"," rank_list.append(rank)\n"," out_dict['title'].append(pivot_name)\n"," out_dict['rank'].append(rank)\n"," except ValueError:\n"," print(f\"Ground truth QID {gt_uri} not found in predictions for {pivot_name}\")\n"," else:\n"," print(f\"Pivot name {pivot_name} not found in ground truth.\")\n","\n","# Avoid division by zero\n","if len(rank_list) > 0:\n"," hits_at_1 = hits_at_1 / len(rank_list)\n"," hits_at_5 = hits_at_5 / len(rank_list)\n"," hits_at_10 = hits_at_10 / len(rank_list)\n","else:\n"," hits_at_1 = 0\n"," hits_at_5 = 0\n"," hits_at_10 = 0\n","\n","print(f\"Hits@1: {hits_at_1}\")\n","print(f\"Hits@5: {hits_at_5}\")\n","print(f\"Hits@10: {hits_at_10}\")\n","\n","out_df = pd.DataFrame(out_dict)\n","out_df"],"metadata":{"id":"tqLQcBLguJD9","executionInfo":{"status":"ok","timestamp":1716539403953,"user_tz":420,"elapsed":1383,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"9866dc8b-6946-4a14-d69d-2bb349b35df0","colab":{"base_uri":"https://localhost:8080/","height":1000}},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Loaded 4468 ground truth entries.\n","Pivot name chinatown not found in ground truth.\n","Pivot name epa superfund not found in ground truth.\n","Pivot name rome not found in ground truth.\n","Pivot name duane reade not found in ground truth.\n","Pivot name hell not found in ground truth.\n","Pivot name hoboken not found in ground truth.\n","Pivot name washington state not found in ground truth.\n","Pivot name maharlika not found in ground truth.\n","Pivot name park slope not found in ground truth.\n","Pivot name nyc not found in ground truth.\n","Pivot name east village not found in ground truth.\n","Pivot name hanco not found in ground truth.\n","Pivot name collingswood not found in ground truth.\n","Pivot name lake trout not found in ground truth.\n","Pivot name pho n not found in ground truth.\n","Pivot name get fresh not found in ground truth.\n","Pivot name soju not found in ground truth.\n","Pivot name trio not found in ground truth.\n","Pivot name five leaves not found in ground truth.\n","Pivot name cafe con leche not found in ground truth.\n","Pivot name new york city not found in ground truth.\n","Pivot name hearth not found in ground truth.\n","Pivot name avenue b not found in ground truth.\n","Pivot name woorijip not found in ground truth.\n","Pivot name bloomfield ave not found in ground truth.\n","Pivot name traif not found in ground truth.\n","Pivot name philly not found in ground truth.\n","Pivot name san francisco not found in ground truth.\n","Pivot name wing not found in ground truth.\n","Pivot name shanghi not found in ground truth.\n","Pivot name fraunces not found in ground truth.\n","Pivot name laos not found in ground truth.\n","Pivot name home depot not found in ground truth.\n","Pivot name banh mi not found in ground truth.\n","Pivot name india not found in ground truth.\n","Pivot name n stars not found in ground truth.\n","Pivot name new haven not found in ground truth.\n","Pivot name peaches not found in ground truth.\n","Pivot name chipotle not found in ground truth.\n","Pivot name astoria not found in ground truth.\n","Pivot name greenwich village not found in ground truth.\n","Pivot name hackensack not found in ground truth.\n","Pivot name la taza not found in ground truth.\n","Pivot name east hartford not found in ground truth.\n","Pivot name new orleans not found in ground truth.\n","Pivot name thai not found in ground truth.\n","Pivot name al di la not found in ground truth.\n","Pivot name red hook not found in ground truth.\n","Pivot name littleneck not found in ground truth.\n","Pivot name tops not found in ground truth.\n","Pivot name uni not found in ground truth.\n","Pivot name butcher bar not found in ground truth.\n","Pivot name miya not found in ground truth.\n","Pivot name worcester street not found in ground truth.\n","Pivot name montclair not found in ground truth.\n","Pivot name abc not found in ground truth.\n","Pivot name bridge not found in ground truth.\n","Pivot name yale not found in ground truth.\n","Pivot name latin not found in ground truth.\n","Pivot name cuba not found in ground truth.\n","Pivot name met not found in ground truth.\n","Pivot name broadway not found in ground truth.\n","Pivot name bohemia not found in ground truth.\n","Pivot name scratcher not found in ground truth.\n","Pivot name nam not found in ground truth.\n","Pivot name gypsy not found in ground truth.\n","Pivot name central park not found in ground truth.\n","Pivot name israel not found in ground truth.\n","Pivot name pennsylvania not found in ground truth.\n","Pivot name east coast not found in ground truth.\n","Pivot name artichoke not found in ground truth.\n","Pivot name kfc not found in ground truth.\n","Pivot name vintry not found in ground truth.\n","Pivot name princeton not found in ground truth.\n","Pivot name spotted pig not found in ground truth.\n","Pivot name eataly not found in ground truth.\n","Pivot name paisanos not found in ground truth.\n","Pivot name westin not found in ground truth.\n","Pivot name lotus not found in ground truth.\n","Pivot name finlay not found in ground truth.\n","Pivot name china not found in ground truth.\n","Pivot name doma not found in ground truth.\n","Pivot name states not found in ground truth.\n","Pivot name williamsburg not found in ground truth.\n","Pivot name vic not found in ground truth.\n","Pivot name delaware and hudson not found in ground truth.\n","Pivot name usa not found in ground truth.\n","Pivot name europe not found in ground truth.\n","Pivot name continental not found in ground truth.\n","Pivot name sesame not found in ground truth.\n","Pivot name motorino not found in ground truth.\n","Pivot name east newark not found in ground truth.\n","Pivot name greenpoint not found in ground truth.\n","Pivot name eagles not found in ground truth.\n","Pivot name rittenhouse not found in ground truth.\n","Pivot name the new york times not found in ground truth.\n","Pivot name red robin not found in ground truth.\n","Pivot name new jersey not found in ground truth.\n","Pivot name chipotle mexican not found in ground truth.\n","Pivot name hillbilly not found in ground truth.\n","Pivot name grindhaus not found in ground truth.\n","Pivot name taiwan not found in ground truth.\n","Pivot name mcdonald not found in ground truth.\n","Pivot name alta not found in ground truth.\n","Pivot name hamilton not found in ground truth.\n","Pivot name fish not found in ground truth.\n","Pivot name chelsea not found in ground truth.\n","Pivot name n n not found in ground truth.\n","Pivot name kansas not found in ground truth.\n","Pivot name south street not found in ground truth.\n","Pivot name beck not found in ground truth.\n","Pivot name sally not found in ground truth.\n","Pivot name porterhouse not found in ground truth.\n","Pivot name the theatre district not found in ground truth.\n","Pivot name italy not found in ground truth.\n","Pivot name columbia not found in ground truth.\n","Pivot name center city not found in ground truth.\n","Pivot name sentosa not found in ground truth.\n","Pivot name tribeca not found in ground truth.\n","Pivot name wawa not found in ground truth.\n","Pivot name orlando not found in ground truth.\n","Pivot name bbq not found in ground truth.\n","Pivot name westside not found in ground truth.\n","Pivot name around n n am not found in ground truth.\n","Pivot name wikipedia not found in ground truth.\n","Pivot name brooklyn not found in ground truth.\n","Pivot name west windsor not found in ground truth.\n","Pivot name gowanus not found in ground truth.\n","Pivot name erawan not found in ground truth.\n","Pivot name aurora not found in ground truth.\n","Pivot name queens not found in ground truth.\n","Pivot name hoboken not found in ground truth.\n","Pivot name habana not found in ground truth.\n","Pivot name wethersfield not found in ground truth.\n","Pivot name riverwalk not found in ground truth.\n","Pivot name ave not found in ground truth.\n","Pivot name florida not found in ground truth.\n","Pivot name shoprite not found in ground truth.\n","Pivot name nyc not found in ground truth.\n","Pivot name baltimore ave not found in ground truth.\n","Pivot name glastonbury not found in ground truth.\n","Pivot name morandi not found in ground truth.\n","Pivot name trenton not found in ground truth.\n","Pivot name el paso not found in ground truth.\n","Pivot name l b spumoni not found in ground truth.\n","Pivot name fort greene not found in ground truth.\n","Pivot name new york city not found in ground truth.\n","Pivot name the halal guys not found in ground truth.\n","Pivot name denver not found in ground truth.\n","Pivot name hawthorne not found in ground truth.\n","Pivot name philly not found in ground truth.\n","Pivot name bbs not found in ground truth.\n","Pivot name nouveau not found in ground truth.\n","Pivot name new haven not found in ground truth.\n","Pivot name bloomfield avenue not found in ground truth.\n","Pivot name chipotle not found in ground truth.\n","Pivot name christiana not found in ground truth.\n","Pivot name saigon shack not found in ground truth.\n","Pivot name vanderbilt not found in ground truth.\n","Pivot name dinosaur not found in ground truth.\n","Pivot name chapel street not found in ground truth.\n","Pivot name raymond blvd not found in ground truth.\n","Pivot name costco not found in ground truth.\n","Pivot name bayonne not found in ground truth.\n","Pivot name the flatiron district not found in ground truth.\n","Pivot name twin peaks not found in ground truth.\n","Pivot name north carolina not found in ground truth.\n","Pivot name gotham not found in ground truth.\n","Pivot name la viola not found in ground truth.\n","Pivot name chuko not found in ground truth.\n","Pivot name flux factory not found in ground truth.\n","Pivot name hill country not found in ground truth.\n","Pivot name kc prime not found in ground truth.\n","Pivot name west coast not found in ground truth.\n","Pivot name shake shack not found in ground truth.\n","Pivot name n n n not found in ground truth.\n","Pivot name devon not found in ground truth.\n","Pivot name rubirosa not found in ground truth.\n","Pivot name yale not found in ground truth.\n","Pivot name roosevelt island not found in ground truth.\n","Pivot name almond not found in ground truth.\n","Pivot name queens manhattan not found in ground truth.\n","Pivot name paesano not found in ground truth.\n","Pivot name prime n not found in ground truth.\n","Pivot name tierney not found in ground truth.\n","Pivot name brunch not found in ground truth.\n","Pivot name tavern not found in ground truth.\n","Pivot name mesquite not found in ground truth.\n","Pivot name clinton street bakery not found in ground truth.\n","Pivot name princeton not found in ground truth.\n","Pivot name heavy woods not found in ground truth.\n","Pivot name basta not found in ground truth.\n","Pivot name terminal market not found in ground truth.\n","Pivot name newark not found in ground truth.\n","Pivot name midwood not found in ground truth.\n","Pivot name pathmark not found in ground truth.\n","Pivot name burlington not found in ground truth.\n","Pivot name ccse not found in ground truth.\n","Pivot name williamsburg not found in ground truth.\n","Pivot name metropolis not found in ground truth.\n","Pivot name local not found in ground truth.\n","Pivot name north brooklyn not found in ground truth.\n","Pivot name halsey ave not found in ground truth.\n","Pivot name amherst not found in ground truth.\n","Pivot name cask not found in ground truth.\n","Pivot name girard not found in ground truth.\n","Pivot name umi not found in ground truth.\n","Pivot name p p not found in ground truth.\n","Pivot name tiffin not found in ground truth.\n","Pivot name rizzuto not found in ground truth.\n","Pivot name n n not found in ground truth.\n","Pivot name l b not found in ground truth.\n","Pivot name don pepe not found in ground truth.\n","Pivot name united states not found in ground truth.\n","Pivot name milford not found in ground truth.\n","Pivot name california not found in ground truth.\n","Pivot name el vez not found in ground truth.\n","Pivot name italy not found in ground truth.\n","Pivot name uva not found in ground truth.\n","Pivot name moshulu not found in ground truth.\n","Pivot name era not found in ground truth.\n","Pivot name midtown manhattan not found in ground truth.\n","Pivot name wayne not found in ground truth.\n","Pivot name spice ii not found in ground truth.\n","Pivot name local n not found in ground truth.\n","Pivot name karma not found in ground truth.\n","Pivot name wikipedia not found in ground truth.\n","Pivot name brooklyn not found in ground truth.\n","Pivot name batavia not found in ground truth.\n","Pivot name the south of france not found in ground truth.\n","Pivot name rooftop n not found in ground truth.\n","Hits@1: 0.68\n","Hits@5: 0.84\n","Hits@10: 0.84\n"]},{"output_type":"execute_result","data":{"text/plain":[" title rank\n","0 cali 1\n","1 connecticut 1\n","2 vientiane 1\n","3 sweden 2\n","4 new england 1\n","5 new york 1\n","6 casablanca 1\n","7 philadelphia 5\n","8 boston 1\n","9 singapore 33\n","10 massachusetts 26\n","11 hartford 1\n","12 paris 5\n","13 hanover 34\n","14 manhattan 1\n","15 london 1\n","16 phoenix 71\n","17 new york 1\n","18 philadelphia 5\n","19 long island 1\n","20 boston 1\n","21 san antonio 1\n","22 hartford 1\n","23 manhattan 1\n","24 london 1"],"text/html":["\n","
\n","
\n","\n","\n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n"," \n","
titlerank
0cali1
1connecticut1
2vientiane1
3sweden2
4new england1
5new york1
6casablanca1
7philadelphia5
8boston1
9singapore33
10massachusetts26
11hartford1
12paris5
13hanover34
14manhattan1
15london1
16phoenix71
17new york1
18philadelphia5
19long island1
20boston1
21san antonio1
22hartford1
23manhattan1
24london1
\n","
\n","
\n","\n","
\n"," \n","\n"," \n","\n"," \n","
\n","\n","\n","
\n"," \n","\n","\n","\n"," \n","
\n","\n","
\n"," \n"," \n"," \n","
\n","\n","
\n","
\n"],"application/vnd.google.colaboratory.intrinsic+json":{"type":"dataframe","variable_name":"out_df","summary":"{\n \"name\": \"out_df\",\n \"rows\": 25,\n \"fields\": [\n {\n \"column\": \"title\",\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 19,\n \"samples\": [\n \"cali\",\n \"new york\",\n \"hartford\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"rank\",\n \"properties\": {\n \"dtype\": \"number\",\n \"std\": 16,\n \"min\": 1,\n \"max\": 71,\n \"num_unique_values\": 7,\n \"samples\": [\n 1,\n 2,\n 34\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n }\n ]\n}"}},"metadata":{},"execution_count":30}]},{"cell_type":"code","source":["## Evaluate entity linking\n","#import os\n","#import pandas as pd\n","#import json\n","#\n","## define the ground truth directory for evaluation\n","#gt_dir = os.path.abspath(\"/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets/spabert_wikidata_sampled.json\")\n","#\n","#\n","## define the file where we wrote out predictions\n","#prediction_path = os.path.abspath('/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets/output.csv.json')\n","#\n","#\n","## define ground truth dictionary\n","#gt_dict = dict()\n","#\n","#with open(gt_dir) as f:\n","# data = f.readlines()\n","# for line in data:\n","# d = json.loads(line)\n","# gt_dict[d['info']['name']] = d['info']['qid']\n","#\n","#\n","#\n","#rank_list = []\n","#hits_at_1 = 0\n","#hits_at_5 = 0\n","#hits_at_10 = 0\n","#out_dict = {'title':[],'rank':[]}\n","#\n","#with open(prediction_path) as f:\n","# data = f.readlines()\n","# for line in data:\n","# pred_dict = json.loads(line)\n","# pivot_name = pred_dict['pivot_name'].lower()\n","# sorted_matched_uri = pred_dict['sorted_match_qid']\n","# sorted_sim_matrix = pred_dict['sorted_sim_matrix']\n","# if pivot_name in gt_dict:\n","# gt_uri = gt_dict[pivot_name]\n","# rank = sorted_matched_uri.index(gt_uri) +1\n","# if rank == 1:\n","# hits_at_1 += 1\n","# if rank <= 5:\n","# hits_at_5 += 1\n","# if rank <= 10:\n","# hits_at_10 +=1\n","# rank_list.append(rank)\n","# out_dict['title'].append(pivot_name)\n","# out_dict['rank'].append(rank)\n","#\n","#hits_at_1 = hits_at_1/len(rank_list)\n","#hits_at_5 = hits_at_5/len(rank_list)\n","#hits_at_10 = hits_at_10/len(rank_list)\n","#\n","#print(hits_at_1)\n","#print(hits_at_5)\n","#print(hits_at_10)\n","#\n","#out_df = pd.DataFrame(out_dict)\n","#out_df\n"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":211},"id":"Bg_qUFpaxcOD","executionInfo":{"status":"error","timestamp":1716539371767,"user_tz":420,"elapsed":1120,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"8decf700-9206-4505-b1f0-104a19906a78"},"execution_count":null,"outputs":[{"output_type":"error","ename":"ZeroDivisionError","evalue":"division by zero","traceback":["\u001b[0;31m---------------------------------------------------------------------------\u001b[0m","\u001b[0;31mZeroDivisionError\u001b[0m Traceback (most recent call last)","\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 49\u001b[0m \u001b[0mout_dict\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'rank'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mappend\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mrank\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 50\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 51\u001b[0;31m \u001b[0mhits_at_1\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mhits_at_1\u001b[0m\u001b[0;34m/\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mrank_list\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 52\u001b[0m \u001b[0mhits_at_5\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mhits_at_5\u001b[0m\u001b[0;34m/\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mrank_list\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 53\u001b[0m \u001b[0mhits_at_10\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mhits_at_10\u001b[0m\u001b[0;34m/\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mrank_list\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;31mZeroDivisionError\u001b[0m: division by zero"]}]},{"cell_type":"markdown","source":["# Outdated Section\n","\n","This section was just for testing. Remove later once no longer needed.\n","\n","NOTE: Might need some of this in-case we want to use the NYC Yelp dataset so that we can have more accurate results when pulling Geo-Entity coordinates in NYC."],"metadata":{"id":"vfv5rgwA0Z24"}},{"cell_type":"code","source":["#How many spatial reviews\n","len(examples_fake_s)\n","print(examples_fake_s[29])"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"mziJ3egwAepb","executionInfo":{"status":"ok","timestamp":1709094017255,"user_tz":480,"elapsed":134,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"e65550d1-b68d-4e1e-9dfb-be441199b6b4"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["(\"perhaps the best know restaurant on Nst avenue , astoria and top rated restaurant in astoria queens , this gem of a restaurant attracts the young , hip and local food connoisseurs of queens . off the beaten paths of broadway long island city or Nth ( grand ) avenue , astoria , il bambino is one of a growing number of trendy restaurants sprouting up on Nst avenue in astoria . i have been coming here since N , and have lived on Nst avenue nearly half my life , so i have seen many restaurants come and go . il bambino has survived the ups and down of our great recession and bucked the average closure rate for most eateries in nyc . over the years , the co-owner , darren lawless , has worked tirelessly to maintain and run this restaurant at very high level , and this is also reflected in the fact that there has not been much staff turnover recently . you can usually find the same crew ready to serve food or coffee to those who come and go on a regular basis . my favorite is the prosciutto panini , on the menu . oh , and did i forget -most items on the menu go for the less than N and in many cases less than N item . il bambino provides outdoor seating , but no scenic view i am afraid , just a view of other apartment blocks and buildings facing Nst avenue . however , in the summer it is nice to have a beer here with a sandwich . restaurant is rated a , but i will give them an a for excellence . they are also zagat rated . kudos il bambino - . keep on cookin ' \", '1', ['Nst avenue:FAC', 'astoria:GPE', 'astoria:GPE', 'queens:GPE', 'queens:GPE', 'broadway long island city:FAC', 'Nth ( grand ) avenue:FAC', 'astoria:GPE', 'il bambino:ORG', 'Nst avenue:FAC', 'astoria:GPE', 'Nst avenue:FAC', 'il bambino:ORG', 'nyc:GPE', 'il bambino:ORG', 'Nst avenue:FAC'])\n"]}]},{"cell_type":"code","source":["#How many non-spatial reviews\n","len(examples_fake_ns)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"Z3_E2qfUAeul","executionInfo":{"status":"ok","timestamp":1709092231933,"user_tz":480,"elapsed":151,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"f68cba13-de56-46ba-e813-d3638a307cef"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["0"]},"metadata":{},"execution_count":66}]},{"cell_type":"code","source":["new_file_path = '/content/drive/MyDrive/fake_spatial.pkl'\n","data_to_dump = examples_fake_s[:512]\n","with open(new_file_path, 'wb') as f:\n"," pickle.dump(data_to_dump, f)"],"metadata":{"id":"1ouufI2PBQo5"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["new_file_path = '/content/drive/MyDrive/full_fake_spatial.pkl'\n","data_to_dump = examples_fake_s\n","with open(new_file_path, 'wb') as f:\n"," pickle.dump(data_to_dump, f)"],"metadata":{"id":"sxiWsUc1CGIC"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["examples_real_s = []\n","examples_real_ns = []\n","for entry in examples_real:\n"," # run through NER?\n","\n"," print(entry[0])\n"," print(entry[1])\n"," review = entry[0]\n"," #print(review)\n"," spatial = False\n"," if True:\n"," doc = nlp(review)\n"," # for each ent\n"," for ent in doc.ents:\n"," if ent.label_ in ['FAC', 'ORG', 'LOC', 'GPE']:\n"," spatial = True\n"," break\n","\n"," if spatial == True:\n"," examples_real_s.append((entry[0], entry[1]))\n"," else:\n"," examples_real_ns.append((entry[0], entry[1]))"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":211},"id":"_HK4_0o-Cceb","executionInfo":{"status":"error","timestamp":1709091126081,"user_tz":480,"elapsed":137,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"7853c22f-75bf-4c6a-825e-af6ea04c47d2"},"execution_count":null,"outputs":[{"output_type":"error","ename":"NameError","evalue":"name 'examples_real' is not defined","traceback":["\u001b[0;31m---------------------------------------------------------------------------\u001b[0m","\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)","\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 1\u001b[0m \u001b[0mexamples_real_s\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0mexamples_real_ns\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 3\u001b[0;31m \u001b[0;32mfor\u001b[0m \u001b[0mentry\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mexamples_real\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 4\u001b[0m \u001b[0;31m# run through NER?\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 5\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;31mNameError\u001b[0m: name 'examples_real' is not defined"]}]},{"cell_type":"markdown","source":["# Sepearte a single sentence into a list of geo-entities\n"],"metadata":{"id":"B_7xKDjDsH3m"}},{"cell_type":"code","source":["#Import Spacy\n","import spacy\n","from spacy import displacy\n","\n","#Load the Transformer Model\n","nlp_trf = spacy.load('en_core_web_trf')\n","\n","#Print out the Pipeline\n","print(nlp_trf.pipe_names)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"6US3z0wmsNqg","executionInfo":{"status":"ok","timestamp":1709090247900,"user_tz":480,"elapsed":2897,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"8c3558a4-8686-4624-ba60-c8db11a4663a"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["['transformer', 'tagger', 'parser', 'attribute_ruler', 'lemmatizer', 'ner']\n"]}]},{"cell_type":"code","source":["#EXAMPLE: Import sample sentence to test out the model\n","from spacy.lang.en.examples import sentences\n","doc = nlp_trf(sentences[0] + \"\\n\")\n","\n","# Display Entities\n","from IPython.core.display import display, HTML\n","#display(HTML(displacy.render(doc, style=\"ent\")))\n","\n","\n","# document level\n","#ents = [(e.text, e.start_char, e.end_char, e.label_, e.kb_id_) for e in doc.ents]\n","#print(ents)\n","print(\"Printing the full sentence:\\n\" + sentences[0] + \"\\n\")\n","print(\"Printing Geo-Entities found in this sentnece:\")\n","if True:\n"," doc = nlp_trf(sentences[0])\n"," # for each ent\n"," for ent in doc.ents:\n"," if ent.label_ in ['FAC', 'ORG', 'LOC', 'GPE']:\n"," print(ent.text + \":\" + ent.label_)\n","\n","\n","\n","sample_sentence_s = []\n","#doc = nlp()"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"pIY7BVp4t33W","executionInfo":{"status":"ok","timestamp":1709091656227,"user_tz":480,"elapsed":364,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"e80a2d5b-15c2-42f3-f2b0-d1bd9f38b16d"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Printing the full sentence:\n","Apple is looking at buying U.K. startup for $1 billion\n","\n","Printing Geo-Entities found in this sentnece:\n","Apple:ORG\n","U.K.:GPE\n"]}]},{"cell_type":"code","source":[],"metadata":{"id":"g6ilZqVZw-Jl"},"execution_count":null,"outputs":[]}]} \ No newline at end of file diff --git a/models/spabert/notebooks/SpaBertEmbeddingTest1.ipynb b/models/spabert/notebooks/SpaBertEmbeddingTest1.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..1cf0f5281e354be0c9e3daec6eee098a8617bfe1 --- /dev/null +++ b/models/spabert/notebooks/SpaBertEmbeddingTest1.ipynb @@ -0,0 +1 @@ +{"nbformat":4,"nbformat_minor":0,"metadata":{"colab":{"provenance":[],"gpuType":"T4","collapsed_sections":["HcIS1Il6F0qk","Uj7jIEwwofAQ","3s2fSL9hgQCJ","CTZqYlpCZ0rK","a_nf_V2sZ5kl","JCWtE8CGVNWz"],"machine_shape":"hm","authorship_tag":"ABX9TyPpRCAG5fax3ZcoYr5Oi+ic"},"kernelspec":{"name":"python3","display_name":"Python 3"},"language_info":{"name":"python"},"accelerator":"GPU"},"cells":[{"cell_type":"markdown","source":["##Install Spacy and Other Modules\n","We do this first because we need to restart the runtime after installation"],"metadata":{"id":"HcIS1Il6F0qk"}},{"cell_type":"code","source":["#Install Spacy and Download the Transformer model\n","!pip install spacy\n","!pip install cupy # Using cupy-cuda112 for compatibility\n","!pip install thinc-gpu-ops\n","!python -m spacy download en_core_web_trf"],"metadata":{"id":"Qk9k9OEOo4i5","collapsed":true,"colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1725586957473,"user_tz":420,"elapsed":54499,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"c49af6e0-a8cc-47cf-a329-ef4902aef5a7"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Requirement already satisfied: spacy in /usr/local/lib/python3.10/dist-packages (3.7.6)\n","Requirement already satisfied: spacy-legacy<3.1.0,>=3.0.11 in /usr/local/lib/python3.10/dist-packages (from spacy) (3.0.12)\n","Requirement already satisfied: spacy-loggers<2.0.0,>=1.0.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (1.0.5)\n","Requirement already satisfied: murmurhash<1.1.0,>=0.28.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (1.0.10)\n","Requirement already satisfied: cymem<2.1.0,>=2.0.2 in /usr/local/lib/python3.10/dist-packages (from spacy) (2.0.8)\n","Requirement already satisfied: preshed<3.1.0,>=3.0.2 in /usr/local/lib/python3.10/dist-packages (from spacy) (3.0.9)\n","Requirement already satisfied: thinc<8.3.0,>=8.2.2 in /usr/local/lib/python3.10/dist-packages (from spacy) (8.2.5)\n","Requirement already satisfied: wasabi<1.2.0,>=0.9.1 in /usr/local/lib/python3.10/dist-packages (from spacy) (1.1.3)\n","Requirement already satisfied: srsly<3.0.0,>=2.4.3 in /usr/local/lib/python3.10/dist-packages (from spacy) (2.4.8)\n","Requirement already satisfied: catalogue<2.1.0,>=2.0.6 in /usr/local/lib/python3.10/dist-packages (from spacy) (2.0.10)\n","Requirement already satisfied: weasel<0.5.0,>=0.1.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (0.4.1)\n","Requirement already satisfied: typer<1.0.0,>=0.3.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (0.12.5)\n","Requirement already satisfied: tqdm<5.0.0,>=4.38.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (4.66.5)\n","Requirement already satisfied: requests<3.0.0,>=2.13.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (2.32.3)\n","Requirement already satisfied: pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4 in /usr/local/lib/python3.10/dist-packages (from spacy) (2.8.2)\n","Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from spacy) (3.1.4)\n","Requirement already satisfied: setuptools in /usr/local/lib/python3.10/dist-packages (from spacy) (71.0.4)\n","Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (24.1)\n","Requirement already satisfied: langcodes<4.0.0,>=3.2.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (3.4.0)\n","Requirement already satisfied: numpy>=1.19.0 in /usr/local/lib/python3.10/dist-packages (from spacy) (1.26.4)\n","Requirement already satisfied: language-data>=1.2 in /usr/local/lib/python3.10/dist-packages (from langcodes<4.0.0,>=3.2.0->spacy) (1.2.0)\n","Requirement already satisfied: annotated-types>=0.4.0 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy) (0.7.0)\n","Requirement already satisfied: pydantic-core==2.20.1 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy) (2.20.1)\n","Requirement already satisfied: typing-extensions>=4.6.1 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy) (4.12.2)\n","Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy) (3.3.2)\n","Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy) (3.8)\n","Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy) (2.0.7)\n","Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy) (2024.8.30)\n","Requirement already satisfied: blis<0.8.0,>=0.7.8 in /usr/local/lib/python3.10/dist-packages (from thinc<8.3.0,>=8.2.2->spacy) (0.7.11)\n","Requirement already satisfied: confection<1.0.0,>=0.0.1 in /usr/local/lib/python3.10/dist-packages (from thinc<8.3.0,>=8.2.2->spacy) (0.1.5)\n","Requirement already satisfied: click>=8.0.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy) (8.1.7)\n","Requirement already satisfied: shellingham>=1.3.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy) (1.5.4)\n","Requirement already satisfied: rich>=10.11.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy) (13.8.0)\n","Requirement already satisfied: cloudpathlib<1.0.0,>=0.7.0 in /usr/local/lib/python3.10/dist-packages (from weasel<0.5.0,>=0.1.0->spacy) (0.19.0)\n","Requirement already satisfied: smart-open<8.0.0,>=5.2.1 in /usr/local/lib/python3.10/dist-packages (from weasel<0.5.0,>=0.1.0->spacy) (7.0.4)\n","Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->spacy) (2.1.5)\n","Requirement already satisfied: marisa-trie>=0.7.7 in /usr/local/lib/python3.10/dist-packages (from language-data>=1.2->langcodes<4.0.0,>=3.2.0->spacy) (1.2.0)\n","Requirement already satisfied: markdown-it-py>=2.2.0 in /usr/local/lib/python3.10/dist-packages (from rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy) (3.0.0)\n","Requirement already satisfied: pygments<3.0.0,>=2.13.0 in /usr/local/lib/python3.10/dist-packages (from rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy) (2.16.1)\n","Requirement already satisfied: wrapt in /usr/local/lib/python3.10/dist-packages (from smart-open<8.0.0,>=5.2.1->weasel<0.5.0,>=0.1.0->spacy) (1.16.0)\n","Requirement already satisfied: mdurl~=0.1 in /usr/local/lib/python3.10/dist-packages (from markdown-it-py>=2.2.0->rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy) (0.1.2)\n","Collecting cupy\n"," Downloading cupy-13.3.0.tar.gz (3.4 MB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m3.4/3.4 MB\u001b[0m \u001b[31m50.2 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25h Preparing metadata (setup.py) ... \u001b[?25l\u001b[?25hdone\n","Requirement already satisfied: numpy<2.3,>=1.22 in /usr/local/lib/python3.10/dist-packages (from cupy) (1.26.4)\n","Requirement already satisfied: fastrlock>=0.5 in /usr/local/lib/python3.10/dist-packages (from cupy) (0.8.2)\n","Building wheels for collected packages: cupy\n"," \u001b[1;31merror\u001b[0m: \u001b[1msubprocess-exited-with-error\u001b[0m\n"," \n"," \u001b[31m×\u001b[0m \u001b[32mpython setup.py bdist_wheel\u001b[0m did not run successfully.\n"," \u001b[31m│\u001b[0m exit code: \u001b[1;36m1\u001b[0m\n"," \u001b[31m╰─>\u001b[0m See above for output.\n"," \n"," \u001b[1;35mnote\u001b[0m: This error originates from a subprocess, and is likely not a problem with pip.\n"," Building wheel for cupy (setup.py) ... \u001b[?25lerror\n","\u001b[31m ERROR: Failed building wheel for cupy\u001b[0m\u001b[31m\n","\u001b[0m\u001b[?25h Running setup.py clean for cupy\n","Failed to build cupy\n","\u001b[31mERROR: ERROR: Failed to build installable wheels for some pyproject.toml based projects (cupy)\u001b[0m\u001b[31m\n","\u001b[0mCollecting thinc-gpu-ops\n"," Downloading thinc_gpu_ops-0.0.4.tar.gz (483 kB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m483.5/483.5 kB\u001b[0m \u001b[31m17.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25h Preparing metadata (setup.py) ... \u001b[?25l\u001b[?25hdone\n","Requirement already satisfied: numpy>=1.7.0 in /usr/local/lib/python3.10/dist-packages (from thinc-gpu-ops) (1.26.4)\n","Building wheels for collected packages: thinc-gpu-ops\n"," \u001b[1;31merror\u001b[0m: \u001b[1msubprocess-exited-with-error\u001b[0m\n"," \n"," \u001b[31m×\u001b[0m \u001b[32mpython setup.py bdist_wheel\u001b[0m did not run successfully.\n"," \u001b[31m│\u001b[0m exit code: \u001b[1;36m1\u001b[0m\n"," \u001b[31m╰─>\u001b[0m See above for output.\n"," \n"," \u001b[1;35mnote\u001b[0m: This error originates from a subprocess, and is likely not a problem with pip.\n"," Building wheel for thinc-gpu-ops (setup.py) ... \u001b[?25lerror\n","\u001b[31m ERROR: Failed building wheel for thinc-gpu-ops\u001b[0m\u001b[31m\n","\u001b[0m\u001b[?25h Running setup.py clean for thinc-gpu-ops\n","Failed to build thinc-gpu-ops\n","\u001b[31mERROR: ERROR: Failed to build installable wheels for some pyproject.toml based projects (thinc-gpu-ops)\u001b[0m\u001b[31m\n","\u001b[0mCollecting en-core-web-trf==3.7.3\n"," Downloading https://github.com/explosion/spacy-models/releases/download/en_core_web_trf-3.7.3/en_core_web_trf-3.7.3-py3-none-any.whl (457.4 MB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m457.4/457.4 MB\u001b[0m \u001b[31m2.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hRequirement already satisfied: spacy<3.8.0,>=3.7.2 in /usr/local/lib/python3.10/dist-packages (from en-core-web-trf==3.7.3) (3.7.6)\n","Collecting spacy-curated-transformers<0.3.0,>=0.2.0 (from en-core-web-trf==3.7.3)\n"," Downloading spacy_curated_transformers-0.2.2-py2.py3-none-any.whl.metadata (2.7 kB)\n","Requirement already satisfied: spacy-legacy<3.1.0,>=3.0.11 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.0.12)\n","Requirement already satisfied: spacy-loggers<2.0.0,>=1.0.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.0.5)\n","Requirement already satisfied: murmurhash<1.1.0,>=0.28.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.0.10)\n","Requirement already satisfied: cymem<2.1.0,>=2.0.2 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.0.8)\n","Requirement already satisfied: preshed<3.1.0,>=3.0.2 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.0.9)\n","Requirement already satisfied: thinc<8.3.0,>=8.2.2 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (8.2.5)\n","Requirement already satisfied: wasabi<1.2.0,>=0.9.1 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.1.3)\n","Requirement already satisfied: srsly<3.0.0,>=2.4.3 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.4.8)\n","Requirement already satisfied: catalogue<2.1.0,>=2.0.6 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.0.10)\n","Requirement already satisfied: weasel<0.5.0,>=0.1.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.4.1)\n","Requirement already satisfied: typer<1.0.0,>=0.3.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.12.5)\n","Requirement already satisfied: tqdm<5.0.0,>=4.38.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (4.66.5)\n","Requirement already satisfied: requests<3.0.0,>=2.13.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.32.3)\n","Requirement already satisfied: pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.8.2)\n","Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.1.4)\n","Requirement already satisfied: setuptools in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (71.0.4)\n","Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (24.1)\n","Requirement already satisfied: langcodes<4.0.0,>=3.2.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.4.0)\n","Requirement already satisfied: numpy>=1.19.0 in /usr/local/lib/python3.10/dist-packages (from spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.26.4)\n","Collecting curated-transformers<0.2.0,>=0.1.0 (from spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3)\n"," Downloading curated_transformers-0.1.1-py2.py3-none-any.whl.metadata (965 bytes)\n","Collecting curated-tokenizers<0.1.0,>=0.0.9 (from spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3)\n"," Downloading curated_tokenizers-0.0.9-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.9 kB)\n","Requirement already satisfied: torch>=1.12.0 in /usr/local/lib/python3.10/dist-packages (from spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (2.4.0+cu121)\n","Requirement already satisfied: regex>=2022 in /usr/local/lib/python3.10/dist-packages (from curated-tokenizers<0.1.0,>=0.0.9->spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (2024.5.15)\n","Requirement already satisfied: language-data>=1.2 in /usr/local/lib/python3.10/dist-packages (from langcodes<4.0.0,>=3.2.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.2.0)\n","Requirement already satisfied: annotated-types>=0.4.0 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.7.0)\n","Requirement already satisfied: pydantic-core==2.20.1 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.20.1)\n","Requirement already satisfied: typing-extensions>=4.6.1 in /usr/local/lib/python3.10/dist-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (4.12.2)\n","Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.3.2)\n","Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.8)\n","Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.0.7)\n","Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests<3.0.0,>=2.13.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2024.8.30)\n","Requirement already satisfied: blis<0.8.0,>=0.7.8 in /usr/local/lib/python3.10/dist-packages (from thinc<8.3.0,>=8.2.2->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.7.11)\n","Requirement already satisfied: confection<1.0.0,>=0.0.1 in /usr/local/lib/python3.10/dist-packages (from thinc<8.3.0,>=8.2.2->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.1.5)\n","Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from torch>=1.12.0->spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (3.15.4)\n","Requirement already satisfied: sympy in /usr/local/lib/python3.10/dist-packages (from torch>=1.12.0->spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (1.13.2)\n","Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch>=1.12.0->spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (3.3)\n","Requirement already satisfied: fsspec in /usr/local/lib/python3.10/dist-packages (from torch>=1.12.0->spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (2024.6.1)\n","Requirement already satisfied: click>=8.0.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (8.1.7)\n","Requirement already satisfied: shellingham>=1.3.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.5.4)\n","Requirement already satisfied: rich>=10.11.0 in /usr/local/lib/python3.10/dist-packages (from typer<1.0.0,>=0.3.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (13.8.0)\n","Requirement already satisfied: cloudpathlib<1.0.0,>=0.7.0 in /usr/local/lib/python3.10/dist-packages (from weasel<0.5.0,>=0.1.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.19.0)\n","Requirement already satisfied: smart-open<8.0.0,>=5.2.1 in /usr/local/lib/python3.10/dist-packages (from weasel<0.5.0,>=0.1.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (7.0.4)\n","Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.1.5)\n","Requirement already satisfied: marisa-trie>=0.7.7 in /usr/local/lib/python3.10/dist-packages (from language-data>=1.2->langcodes<4.0.0,>=3.2.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.2.0)\n","Requirement already satisfied: markdown-it-py>=2.2.0 in /usr/local/lib/python3.10/dist-packages (from rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (3.0.0)\n","Requirement already satisfied: pygments<3.0.0,>=2.13.0 in /usr/local/lib/python3.10/dist-packages (from rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (2.16.1)\n","Requirement already satisfied: wrapt in /usr/local/lib/python3.10/dist-packages (from smart-open<8.0.0,>=5.2.1->weasel<0.5.0,>=0.1.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (1.16.0)\n","Requirement already satisfied: mpmath<1.4,>=1.1.0 in /usr/local/lib/python3.10/dist-packages (from sympy->torch>=1.12.0->spacy-curated-transformers<0.3.0,>=0.2.0->en-core-web-trf==3.7.3) (1.3.0)\n","Requirement already satisfied: mdurl~=0.1 in /usr/local/lib/python3.10/dist-packages (from markdown-it-py>=2.2.0->rich>=10.11.0->typer<1.0.0,>=0.3.0->spacy<3.8.0,>=3.7.2->en-core-web-trf==3.7.3) (0.1.2)\n","Downloading spacy_curated_transformers-0.2.2-py2.py3-none-any.whl (236 kB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m236.3/236.3 kB\u001b[0m \u001b[31m9.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hDownloading curated_tokenizers-0.0.9-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (731 kB)\n","\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m731.6/731.6 kB\u001b[0m \u001b[31m44.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n","\u001b[?25hDownloading curated_transformers-0.1.1-py2.py3-none-any.whl (25 kB)\n","Installing collected packages: curated-tokenizers, curated-transformers, spacy-curated-transformers, en-core-web-trf\n","Successfully installed curated-tokenizers-0.0.9 curated-transformers-0.1.1 en-core-web-trf-3.7.3 spacy-curated-transformers-0.2.2\n","\u001b[38;5;2m✔ Download and installation successful\u001b[0m\n","You can now load the package via spacy.load('en_core_web_trf')\n","\u001b[38;5;3m⚠ Restart to reload dependencies\u001b[0m\n","If you are in a Jupyter or Colab notebook, you may need to restart Python in\n","order to load all the package's dependencies. You can do this by selecting the\n","'Restart kernel' or 'Restart runtime' option.\n"]}]},{"cell_type":"code","source":["!sudo update-alternatives --config python3"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"kB-c21Vwh9T6","executionInfo":{"status":"ok","timestamp":1725586957473,"user_tz":420,"elapsed":4,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"c4b6ad5a-82c2-45b3-b534-2bf6ab0bd161"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["update-alternatives: error: no alternatives for python3\n"]}]},{"cell_type":"markdown","source":["##Mount and Import Google Drive\n"],"metadata":{"id":"Uj7jIEwwofAQ"}},{"cell_type":"code","execution_count":2,"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"collapsed":true,"id":"li_B2uR4oWB0","executionInfo":{"status":"ok","timestamp":1726182724901,"user_tz":420,"elapsed":18281,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"4f819bc6-a3e0-4a24-9be2-45f296101c5a"},"outputs":[{"output_type":"stream","name":"stdout","text":["Mounted at /content/drive\n","/content/drive\n"]}],"source":["#Mount Google Drive\n","from google.colab import drive\n","drive.mount('/content/drive')\n","%cd '/content/drive'"]},{"cell_type":"code","source":["#Import sys and append the google drive paths\n","import sys\n","models_path = '/content/drive/MyDrive/spaBERT/spabert'\n","sys.path.append(models_path)\n","sys.path.append('/content/drive/MyDrive/spaBERT/spabert/datasets')\n","sys.path.append(\"../\")\n","print(sys.path)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"collapsed":true,"id":"tDfdRYnVovVH","executionInfo":{"status":"ok","timestamp":1726182734348,"user_tz":420,"elapsed":386,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"f486fa16-a593-4cc2-aeb4-687e15655f7a"},"execution_count":3,"outputs":[{"output_type":"stream","name":"stdout","text":["['/content', '/env/python', '/usr/lib/python310.zip', '/usr/lib/python3.10', '/usr/lib/python3.10/lib-dynload', '', '/usr/local/lib/python3.10/dist-packages', '/usr/lib/python3/dist-packages', '/usr/local/lib/python3.10/dist-packages/IPython/extensions', '/usr/local/lib/python3.10/dist-packages/setuptools/_vendor', '/root/.ipython', '/content/drive/MyDrive/spaBERT/spabert', '/content/drive/MyDrive/spaBERT/spabert/datasets', '../']\n"]}]},{"cell_type":"markdown","source":["##Import Spacy and Load the Transformer Model\n"],"metadata":{"id":"zp5hj1ZaGV1x"}},{"cell_type":"code","source":["#Import Spacy\n","import spacy\n","from spacy import displacy\n","\n","if spacy.prefer_gpu():\n"," print(\"GPU is enabled for spaCy\")\n","else:\n"," print(\"GPU is not enabled for spaCy\")\n","#Load the Transformer Model\n","nlp = spacy.load('en_core_web_trf')\n","\n","#Print out the Pipeline\n","print(nlp.pipe_names)"],"metadata":{"id":"H21mzrGPGLui"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["##EXAMPLE: Import sample sentence to test out the model and ensure spacy is working.\n","#from spacy.lang.en.examples import sentences\n","#\n","#spacy.require_gpu()\n","#doc = nlp(sentences[0] + \"\\n\")\n","#\n","## Display Entities\n","#from IPython.core.display import display, HTML\n","#display(HTML(displacy.render(doc, style=\"ent\")))\n","#\n","#\n","## document level\n","#ents = [(e.text, e.start_char, e.end_char, e.label_, e.kb_id_) for e in doc.ents]\n","#print(ents)"],"metadata":{"id":"8S3etakKGhbq"},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":["##Define Some Functions and Import some Packages\n","Various user defined functions and pacakages that will be used throughout the notebook"],"metadata":{"id":"duk6hSa_Gyvi"}},{"cell_type":"code","source":["# install pip\n","!curl https://bootstrap.pypa.io/get-pip.py -o get-pip.py\n","!python3 get-pip.py --force-reinstall\n","\n","#install colab's dependencies\n","!python3 -m pip install ipython ipython_genutils ipykernel jupyter_console prompt_toolkit httplib2 astor\n","\n","# link to the old google package\n","!ln -s /usr/local/lib/python3.9/dist-packages/google \\\n"," /usr/local/lib/python3.8/dist-packages/google\n","\n","# There has got to be a better way to do this...but there's a bad import in some of the colab files\n","# IPython no longer exposes traitlets like this, it's a separate package now\n","!sed -i \"s/from IPython.utils import traitlets as _traitlets/import traitlets as _traitlets/\" /usr/local/lib/python3.8/dist-packages/google/colab/*.py\n","!sed -i \"s/from IPython.utils import traitlets/import traitlets/\" /usr/local/lib/python3.8/dist-packages/google/colab/*.py"],"metadata":{"collapsed":true,"id":"mxvQr-YeG6EW","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1726182771762,"user_tz":420,"elapsed":4747,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"49e15d8b-58ab-4084-f464-2b501b8ae769"},"execution_count":4,"outputs":[{"output_type":"stream","name":"stdout","text":[" % Total % Received % Xferd Average Speed Time Time Time Current\n"," Dload Upload Total Spent Left Speed\n","\r 0 0 0 0 0 0 0 0 --:--:-- --:--:-- --:--:-- 0\r 0 0 0 0 0 0 0 0 --:--:-- --:--:-- --:--:-- 0Warning: Failed to create the file get-pip.py: Operation not supported\n","\r 0 2213k 0 16384 0 0 206k 0 0:00:10 --:--:-- 0:00:10 205k\n","curl: (23) Failure writing output to destination\n","python3: can't open file '/content/drive/get-pip.py': [Errno 2] No such file or directory\n","Requirement already satisfied: ipython in /usr/local/lib/python3.10/dist-packages (7.34.0)\n","Requirement already satisfied: ipython_genutils in /usr/local/lib/python3.10/dist-packages (0.2.0)\n","Requirement already satisfied: ipykernel in /usr/local/lib/python3.10/dist-packages (5.5.6)\n","Requirement already satisfied: jupyter_console in /usr/local/lib/python3.10/dist-packages (6.1.0)\n","Requirement already satisfied: prompt_toolkit in /usr/local/lib/python3.10/dist-packages (3.0.47)\n","Requirement already satisfied: httplib2 in /usr/local/lib/python3.10/dist-packages (0.22.0)\n","Collecting astor\n"," Downloading astor-0.8.1-py2.py3-none-any.whl.metadata (4.2 kB)\n","Requirement already satisfied: setuptools>=18.5 in /usr/local/lib/python3.10/dist-packages (from ipython) (71.0.4)\n","Collecting jedi>=0.16 (from ipython)\n"," Using cached jedi-0.19.1-py2.py3-none-any.whl.metadata (22 kB)\n","Requirement already satisfied: decorator in /usr/local/lib/python3.10/dist-packages (from ipython) (4.4.2)\n","Requirement already satisfied: pickleshare in /usr/local/lib/python3.10/dist-packages (from ipython) (0.7.5)\n","Requirement already satisfied: traitlets>=4.2 in /usr/local/lib/python3.10/dist-packages (from ipython) (5.7.1)\n","Requirement already satisfied: pygments in /usr/local/lib/python3.10/dist-packages (from ipython) (2.16.1)\n","Requirement already satisfied: backcall in /usr/local/lib/python3.10/dist-packages (from ipython) (0.2.0)\n","Requirement already satisfied: matplotlib-inline in /usr/local/lib/python3.10/dist-packages (from ipython) (0.1.7)\n","Requirement already satisfied: pexpect>4.3 in /usr/local/lib/python3.10/dist-packages (from ipython) (4.9.0)\n","Requirement already satisfied: jupyter-client in /usr/local/lib/python3.10/dist-packages (from ipykernel) (6.1.12)\n","Requirement already satisfied: tornado>=4.2 in /usr/local/lib/python3.10/dist-packages (from ipykernel) (6.3.3)\n","Requirement already satisfied: wcwidth in /usr/local/lib/python3.10/dist-packages (from prompt_toolkit) (0.2.13)\n","Requirement already satisfied: pyparsing!=3.0.0,!=3.0.1,!=3.0.2,!=3.0.3,<4,>=2.4.2 in /usr/local/lib/python3.10/dist-packages (from httplib2) (3.1.4)\n","Requirement already satisfied: parso<0.9.0,>=0.8.3 in /usr/local/lib/python3.10/dist-packages (from jedi>=0.16->ipython) (0.8.4)\n","Requirement already satisfied: ptyprocess>=0.5 in /usr/local/lib/python3.10/dist-packages (from pexpect>4.3->ipython) (0.7.0)\n","Requirement already satisfied: jupyter-core>=4.6.0 in /usr/local/lib/python3.10/dist-packages (from jupyter-client->ipykernel) (5.7.2)\n","Requirement already satisfied: pyzmq>=13 in /usr/local/lib/python3.10/dist-packages (from jupyter-client->ipykernel) (24.0.1)\n","Requirement already satisfied: python-dateutil>=2.1 in /usr/local/lib/python3.10/dist-packages (from jupyter-client->ipykernel) (2.8.2)\n","Requirement already satisfied: platformdirs>=2.5 in /usr/local/lib/python3.10/dist-packages (from jupyter-core>=4.6.0->jupyter-client->ipykernel) (4.3.2)\n","Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.1->jupyter-client->ipykernel) (1.16.0)\n","Downloading astor-0.8.1-py2.py3-none-any.whl (27 kB)\n","Using cached jedi-0.19.1-py2.py3-none-any.whl (1.6 MB)\n","Installing collected packages: jedi, astor\n","Successfully installed astor-0.8.1 jedi-0.19.1\n","ln: failed to create symbolic link '/usr/local/lib/python3.8/dist-packages/google': No such file or directory\n","sed: can't read /usr/local/lib/python3.8/dist-packages/google/colab/*.py: No such file or directory\n","sed: can't read /usr/local/lib/python3.8/dist-packages/google/colab/*.py: No such file or directory\n"]}]},{"cell_type":"code","source":["#check python version\n","import sys\n","print(sys.version)\n","!python3 --version\n","!python --version"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"3lVfNBakjQTK","executionInfo":{"status":"ok","timestamp":1726182772144,"user_tz":420,"elapsed":391,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"c111277d-022c-47ff-dcd3-4a91fcfe5bdf","collapsed":true},"execution_count":5,"outputs":[{"output_type":"stream","name":"stdout","text":["3.10.12 (main, Jul 29 2024, 16:56:48) [GCC 11.4.0]\n","Python 3.10.12\n","Python 3.10.12\n"]}]},{"cell_type":"code","source":["!pip list | grep packaging"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"PiMBgYI1jS4R","executionInfo":{"status":"ok","timestamp":1726182772955,"user_tz":420,"elapsed":812,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"f93f3ad1-0e13-44df-e2a4-d494e4a48bf1","collapsed":true},"execution_count":6,"outputs":[{"output_type":"stream","name":"stdout","text":["packaging 24.1\n"]}]},{"cell_type":"code","source":["pip install packaging==21.3"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"rGOv-UN7jZMG","executionInfo":{"status":"ok","timestamp":1726182824830,"user_tz":420,"elapsed":2277,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"02924b0b-5e25-4718-cf37-462ee403903d","collapsed":true},"execution_count":1,"outputs":[{"output_type":"stream","name":"stdout","text":["Requirement already satisfied: packaging==21.3 in /usr/local/lib/python3.10/dist-packages (21.3)\n","Requirement already satisfied: pyparsing!=3.0.5,>=2.0.2 in /usr/local/lib/python3.10/dist-packages (from packaging==21.3) (3.1.4)\n"]}]},{"cell_type":"code","source":["!pip install transformers==4.3.2\n","!pip install torch==1.7.1+cu101 torchvision==0.8.2+cu101 -f https://download.pytorch.org/whl/torch_stable.html\n","!pip install sentencepiece\n","!pip install pandas\n","\n","import torch\n","import io\n","import torch.nn.functional as F\n","import random\n","import numpy as np\n","import time\n","import math\n","import datetime\n","import torch.nn as nn\n","from transformers import *\n","from torch.utils.data import TensorDataset, DataLoader, RandomSampler, SequentialSampler\n","import random\n","import pandas as pd\n","import pickle\n","import csv\n","\n","\n","##Set random values\n","seed_val = 42\n","random.seed(seed_val)\n","np.random.seed(seed_val)\n","torch.manual_seed(seed_val)\n","if torch.cuda.is_available():\n"," torch.cuda.manual_seed_all(seed_val)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"TyI1oVu9jimT","executionInfo":{"status":"ok","timestamp":1726184032494,"user_tz":420,"elapsed":15354,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"232a2a63-bf15-48e5-cca4-063d4155d17f","collapsed":true},"execution_count":28,"outputs":[{"output_type":"stream","name":"stdout","text":["Collecting transformers==4.3.2\n"," Using cached transformers-4.3.2-py3-none-any.whl.metadata (36 kB)\n","Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from transformers==4.3.2) (3.16.0)\n","Requirement already satisfied: numpy>=1.17 in /usr/local/lib/python3.10/dist-packages (from transformers==4.3.2) (1.26.4)\n","Requirement already satisfied: packaging in /usr/local/lib/python3.10/dist-packages (from transformers==4.3.2) (21.3)\n","Requirement already satisfied: regex!=2019.12.17 in /usr/local/lib/python3.10/dist-packages (from transformers==4.3.2) (2024.5.15)\n","Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages (from transformers==4.3.2) (2.32.3)\n","Collecting sacremoses (from transformers==4.3.2)\n"," Using cached sacremoses-0.1.1-py3-none-any.whl.metadata (8.3 kB)\n","Collecting tokenizers<0.11,>=0.10.1 (from transformers==4.3.2)\n"," Using cached tokenizers-0.10.3.tar.gz (212 kB)\n"," Installing build dependencies ... \u001b[?25l\u001b[?25hdone\n"," Getting requirements to build wheel ... \u001b[?25l\u001b[?25hdone\n"," Preparing metadata (pyproject.toml) ... \u001b[?25l\u001b[?25hdone\n","Requirement already satisfied: tqdm>=4.27 in /usr/local/lib/python3.10/dist-packages (from transformers==4.3.2) (4.66.5)\n","Requirement already satisfied: pyparsing!=3.0.5,>=2.0.2 in /usr/local/lib/python3.10/dist-packages (from packaging->transformers==4.3.2) (3.1.4)\n","Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests->transformers==4.3.2) (3.3.2)\n","Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests->transformers==4.3.2) (3.8)\n","Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests->transformers==4.3.2) (2.0.7)\n","Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests->transformers==4.3.2) (2024.8.30)\n","Requirement already satisfied: click in /usr/local/lib/python3.10/dist-packages (from sacremoses->transformers==4.3.2) (8.1.7)\n","Requirement already satisfied: joblib in /usr/local/lib/python3.10/dist-packages (from sacremoses->transformers==4.3.2) (1.4.2)\n","Using cached transformers-4.3.2-py3-none-any.whl (1.8 MB)\n","Using cached sacremoses-0.1.1-py3-none-any.whl (897 kB)\n","Building wheels for collected packages: tokenizers\n"," \u001b[1;31merror\u001b[0m: \u001b[1msubprocess-exited-with-error\u001b[0m\n"," \n"," \u001b[31m×\u001b[0m \u001b[32mBuilding wheel for tokenizers \u001b[0m\u001b[1;32m(\u001b[0m\u001b[32mpyproject.toml\u001b[0m\u001b[1;32m)\u001b[0m did not run successfully.\n"," \u001b[31m│\u001b[0m exit code: \u001b[1;36m1\u001b[0m\n"," \u001b[31m╰─>\u001b[0m See above for output.\n"," \n"," \u001b[1;35mnote\u001b[0m: This error originates from a subprocess, and is likely not a problem with pip.\n"," Building wheel for tokenizers (pyproject.toml) ... \u001b[?25l\u001b[?25herror\n","\u001b[31m ERROR: Failed building wheel for tokenizers\u001b[0m\u001b[31m\n","\u001b[0mFailed to build tokenizers\n","\u001b[31mERROR: ERROR: Failed to build installable wheels for some pyproject.toml based projects (tokenizers)\u001b[0m\u001b[31m\n","\u001b[0mLooking in links: https://download.pytorch.org/whl/torch_stable.html\n","\u001b[31mERROR: Could not find a version that satisfies the requirement torch==1.7.1+cu101 (from versions: 1.11.0, 1.11.0+cpu, 1.11.0+cu102, 1.11.0+cu113, 1.11.0+cu115, 1.11.0+rocm4.3.1, 1.11.0+rocm4.5.2, 1.12.0, 1.12.0+cpu, 1.12.0+cu102, 1.12.0+cu113, 1.12.0+cu116, 1.12.0+rocm5.0, 1.12.0+rocm5.1.1, 1.12.1, 1.12.1+cpu, 1.12.1+cu102, 1.12.1+cu113, 1.12.1+cu116, 1.12.1+rocm5.0, 1.12.1+rocm5.1.1, 1.13.0, 1.13.0+cpu, 1.13.0+cu116, 1.13.0+cu117, 1.13.0+cu117.with.pypi.cudnn, 1.13.0+rocm5.1.1, 1.13.0+rocm5.2, 1.13.1, 1.13.1+cpu, 1.13.1+cu116, 1.13.1+cu117, 1.13.1+cu117.with.pypi.cudnn, 1.13.1+rocm5.1.1, 1.13.1+rocm5.2, 2.0.0, 2.0.0+cpu, 2.0.0+cpu.cxx11.abi, 2.0.0+cu117, 2.0.0+cu117.with.pypi.cudnn, 2.0.0+cu118, 2.0.0+rocm5.3, 2.0.0+rocm5.4.2, 2.0.1, 2.0.1+cpu, 2.0.1+cpu.cxx11.abi, 2.0.1+cu117, 2.0.1+cu117.with.pypi.cudnn, 2.0.1+cu118, 2.0.1+rocm5.3, 2.0.1+rocm5.4.2, 2.1.0, 2.1.0+cpu, 2.1.0+cpu.cxx11.abi, 2.1.0+cu118, 2.1.0+cu121, 2.1.0+cu121.with.pypi.cudnn, 2.1.0+rocm5.5, 2.1.0+rocm5.6, 2.1.1, 2.1.1+cpu, 2.1.1+cpu.cxx11.abi, 2.1.1+cu118, 2.1.1+cu121, 2.1.1+cu121.with.pypi.cudnn, 2.1.1+rocm5.5, 2.1.1+rocm5.6, 2.1.2, 2.1.2+cpu, 2.1.2+cpu.cxx11.abi, 2.1.2+cu118, 2.1.2+cu121, 2.1.2+cu121.with.pypi.cudnn, 2.1.2+rocm5.5, 2.1.2+rocm5.6, 2.2.0, 2.2.0+cpu, 2.2.0+cpu.cxx11.abi, 2.2.0+cu118, 2.2.0+cu121, 2.2.0+rocm5.6, 2.2.0+rocm5.7, 2.2.1, 2.2.1+cpu, 2.2.1+cpu.cxx11.abi, 2.2.1+cu118, 2.2.1+cu121, 2.2.1+rocm5.6, 2.2.1+rocm5.7, 2.2.2, 2.2.2+cpu, 2.2.2+cpu.cxx11.abi, 2.2.2+cu118, 2.2.2+cu121, 2.2.2+rocm5.6, 2.2.2+rocm5.7, 2.3.0, 2.3.0+cpu, 2.3.0+cpu.cxx11.abi, 2.3.0+cu118, 2.3.0+cu121, 2.3.0+rocm5.7, 2.3.0+rocm6.0, 2.3.1, 2.3.1+cpu, 2.3.1+cpu.cxx11.abi, 2.3.1+cu118, 2.3.1+cu121, 2.3.1+rocm5.7, 2.3.1+rocm6.0, 2.4.0, 2.4.1)\u001b[0m\u001b[31m\n","\u001b[0m\u001b[31mERROR: No matching distribution found for torch==1.7.1+cu101\u001b[0m\u001b[31m\n","\u001b[0mRequirement already satisfied: sentencepiece in /usr/local/lib/python3.10/dist-packages (0.1.99)\n","Requirement already satisfied: pandas in /usr/local/lib/python3.10/dist-packages (2.1.4)\n","Requirement already satisfied: numpy<2,>=1.22.4 in /usr/local/lib/python3.10/dist-packages (from pandas) (1.26.4)\n","Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.10/dist-packages (from pandas) (2.8.2)\n","Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.10/dist-packages (from pandas) (2024.1)\n","Requirement already satisfied: tzdata>=2022.1 in /usr/local/lib/python3.10/dist-packages (from pandas) (2024.1)\n","Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.8.2->pandas) (1.16.0)\n"]}]},{"cell_type":"code","source":["# If there's a GPU available...\n","if torch.cuda.is_available():\n"," # Tell PyTorch to use the GPU.\n"," device = torch.device(\"cuda\")\n"," print('There are %d GPU(s) available.' % torch.cuda.device_count())\n"," print('We will use the GPU:', torch.cuda.get_device_name(0))\n","# If not...\n","else:\n"," print('No GPU available, using the CPU instead.')\n"," device = torch.device(\"cpu\")"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"AX5bDlixjtoj","executionInfo":{"status":"ok","timestamp":1726182808505,"user_tz":420,"elapsed":368,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"724f3a0e-9b75-4467-ad6f-88db9eb5976a"},"execution_count":9,"outputs":[{"output_type":"stream","name":"stdout","text":["There are 1 GPU(s) available.\n","We will use the GPU: Tesla T4\n"]}]},{"cell_type":"code","source":["#--------------------------------\n","# Transformer parameters\n","#--------------------------------\n","max_seq_length = 64\n","batch_size = 64\n","\n","#--------------------------------\n","# GAN-BERT specific parameters\n","#--------------------------------\n","# number of hidden layers in the generator,\n","# each of the size of the output space\n","num_hidden_layers_g = 1;\n","# number of hidden layers in the discriminator,\n","# each of the size of the input space\n","num_hidden_layers_d = 1;\n","# size of the generator's input noisy vectors\n","noise_size = 100\n","# dropout to be applied to discriminator's input vectors\n","out_dropout_rate = 0.2\n","\n","# Replicate labeled data to balance poorly represented datasets,\n","# e.g., less than 1% of labeled material\n","apply_balance = True\n","\n","#--------------------------------\n","# Optimization parameters\n","#--------------------------------\n","learning_rate_discriminator = 5e-5\n","learning_rate_generator = 5e-5\n","epsilon = 1e-8\n","num_train_epochs = 10\n","multi_gpu = True\n","# Scheduler\n","apply_scheduler = False\n","warmup_proportion = 0.1\n","# Print\n","print_each_n_step = 10\n","\n","#--------------------------------\n","# Adopted Tranformer model\n","#--------------------------------\n","# Since this version is compatible with Huggingface transformers, you can uncomment\n","# (or add) transformer models compatible with GAN\n","\n","#model_name = \"bert-base-cased\"\n","model_name = \"bert-base-uncased\"\n","#model_name = \"roberta-base\"\n","#model_name = \"albert-base-v2\"\n","#model_name = \"xlm-roberta-base\"\n","#model_name = \"amazon/bort\"\n","\n","#--------------------------------\n","# Retrieve the TREC QC Dataset\n","#--------------------------------\n","#! git clone https://github.com/crux82/ganbert\n","\n","# NOTE: in this setting 50 classes are involved\n","labeled_file = \"/content/ganbert/data/labeled.tsv\"\n","unlabeled_file = \"/content/ganbert/data/unlabeled.tsv\"\n","test_filename = \"/content/ganbert/data/test.tsv\"\n","opspam = \"./data/opspam.txt\" #Don't have\n","chicago_unlab = \"./data/chicago_unlab.txt\" #Don't Have\n","opspam_test = \"./data/opspam_test.txt\" #Don't have\n","review_content = \"/content/drive/MyDrive/Master_Project_2024_JP/yelpZip/YelpZip/reviewContent\"\n","metadata = \"/content/drive/MyDrive/Master_Project_2024_JP/yelpZip/YelpZip/metadata\"\n","outlabsp = \"/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/Yelp_dataset_Sirish/outlabsp.txt\"\n","outrevsp = \"/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/Yelp_dataset_Sirish/outrevsp.txt\"\n","#review_content = \"./Yelp/YelpNYC/reviewContent\"\n","#metadata = \"./Yelp/YelpNYC/metadata\""],"metadata":{"id":"zL9XFZNmjxOA","executionInfo":{"status":"ok","timestamp":1726182970577,"user_tz":420,"elapsed":402,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":6,"outputs":[]},{"cell_type":"code","source":["transformer = AutoModel.from_pretrained(model_name)\n","tokenizer = AutoTokenizer.from_pretrained(model_name)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"j2PYlfekj0Vt","executionInfo":{"status":"ok","timestamp":1726184040066,"user_tz":420,"elapsed":1407,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"e27e42d1-4e84-438a-fc07-f1b8d4173fe1","collapsed":true},"execution_count":29,"outputs":[{"output_type":"stream","name":"stderr","text":["loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n","loading weights file model.safetensors from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/model.safetensors\n","Some weights of the model checkpoint at bert-base-uncased were not used when initializing BertModel: ['cls.predictions.bias', 'cls.predictions.transform.LayerNorm.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.transform.dense.weight', 'cls.seq_relationship.bias', 'cls.seq_relationship.weight']\n","- This IS expected if you are initializing BertModel from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n","- This IS NOT expected if you are initializing BertModel from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n","All the weights of BertModel were initialized from the model checkpoint at bert-base-uncased.\n","If your task is similar to the task the model of the checkpoint was trained on, you can already use BertModel for predictions without further training.\n","loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n","loading file vocab.txt from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/vocab.txt\n","loading file tokenizer.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/tokenizer.json\n","loading file added_tokens.json from cache at None\n","loading file special_tokens_map.json from cache at None\n","loading file tokenizer_config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/tokenizer_config.json\n","loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n","/usr/local/lib/python3.10/dist-packages/transformers/tokenization_utils_base.py:1601: FutureWarning: `clean_up_tokenization_spaces` was not set. It will be set to `True` by default. This behavior will be depracted in transformers v4.45, and will be then set to `False` by default. For more details check this issue: https://github.com/huggingface/transformers/issues/31884\n"," warnings.warn(\n"]}]},{"cell_type":"code","source":["import random\n","import pickle\n","import csv\n","import json\n","import pandas as pd\n","\n","# Function to convert a list to a string\n","def listToString(s):\n"," # initialize an empty string\n"," str1 = \"\"\n"," # traverse in the string\n"," for ele in s:\n"," str1 += ele\n"," # return string\n"," return str1\n","\n","\n","# Function to create a list from the dataset\n","def get_lines(input_file):\n"," \"\"\"Creates examples for the training and dev sets.\"\"\"\n"," data_list = []\n","\n"," with open(input_file, 'r', encoding=\"utf-8\") as f:\n"," contents = f.read()\n"," file_as_list = contents.splitlines()\n"," for line in file_as_list[:]:\n"," data = listToString(line)\n"," data_list.append(data)\n"," f.close()\n","\n"," return data_list\n","\n","def format_time(elapsed):\n"," '''\n"," Takes a time in seconds and returns a string hh:mm:ss\n"," '''\n"," # Round to the nearest second.\n"," elapsed_rounded = int(round((elapsed)))\n"," # Format as hh:mm:ss\n"," return str(datetime.timedelta(seconds=elapsed_rounded))"],"metadata":{"id":"LdXcUiCBG-LX","executionInfo":{"status":"ok","timestamp":1726182812262,"user_tz":420,"elapsed":2,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":12,"outputs":[]},{"cell_type":"markdown","source":["##Import Data\n","Test Dataset\n","\n","Real Dataset\n","\n","Fake Dataset\n","\n"],"metadata":{"id":"R18blulvElkA"}},{"cell_type":"code","source":["label_list = [\"1\", \"0\"]\n","label_list.append('UNL')\n","label_list"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"AT3IUZeam857","executionInfo":{"status":"ok","timestamp":1726182896397,"user_tz":420,"elapsed":388,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"7edda63b-ca64-429f-8ae3-4991b024cf6b"},"execution_count":3,"outputs":[{"output_type":"execute_result","data":{"text/plain":["['1', '0', 'UNL']"]},"metadata":{},"execution_count":3}]},{"cell_type":"code","source":["#For now, use the same dataset from the GAN Bert Notebook for consistency.\n","with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/data/yelp_test_ns_400.pkl', 'rb') as f:\n"," test_examples = pickle.load(f)\n","\n","with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/data/yelp_unlabeled_90_ns_400.pkl', 'rb') as f:\n"," unlabeled_examples = pickle.load(f)\n","\n","with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/data/yelp_labeled_90_ns_400.pkl', 'rb') as f:\n"," labeled_examples = pickle.load(f)"],"metadata":{"id":"SOc9N67rGDGe","executionInfo":{"status":"ok","timestamp":1726182903099,"user_tz":420,"elapsed":5443,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":4,"outputs":[]},{"cell_type":"code","source":["#For now, use the same dataset from the GAN Bert Notebook for consistency.\n","#with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/data/yelp_test_s_50.pkl', 'rb') as f:\n","# test_examples = pickle.load(f)\n","#\n","#with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/data/yelp_unlabeled_90_s_50.pkl', 'rb') as f:\n","# unlabeled_examples = pickle.load(f)\n","#\n","#with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/data/yelp_labeled_90_s_50.pkl', 'rb') as f:\n","# labeled_examples = pickle.load(f)"],"metadata":{"id":"PDyXiAxa2Gp3"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["len(test_examples)"],"metadata":{"id":"-pFwphLWHfTJ","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1725587168153,"user_tz":420,"elapsed":264,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"1e0f3279-4f43-4b8b-ab41-549ca14959e4","collapsed":true},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["160"]},"metadata":{},"execution_count":7}]},{"cell_type":"code","source":["test_examples[1]"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"Nxk9xAzjHhLQ","executionInfo":{"status":"ok","timestamp":1725587169442,"user_tz":420,"elapsed":1,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"db26d153-fefd-4c85-e79b-c89d15ca8b88","collapsed":true},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["(\"We chose to stay at the Hilton Chicago because it was in such a centralized location- everything that our family wanted to do in town was located so close! What I didn't expect was for the beds to be so comfortable. I can't remember when I got a better night's sleep. The staff was very friendly and the hotel grounds were impeccably kept. We'll be returning to the Hilton Chicago the next time we're in town!\",\n"," '1')"]},"metadata":{},"execution_count":8}]},{"cell_type":"code","source":["len(labeled_examples)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"_tWEmFp7Hu3s","executionInfo":{"status":"ok","timestamp":1725587171404,"user_tz":420,"elapsed":278,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"4d124b36-d6fb-409c-f359-f0e18bc72c1c","collapsed":true},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["320"]},"metadata":{},"execution_count":9}]},{"cell_type":"code","source":["labeled_examples[1]"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"HTGjXV7NHz2f","executionInfo":{"status":"ok","timestamp":1725587173405,"user_tz":420,"elapsed":435,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"d417da27-fa33-4887-9de6-0a81d9469bb3","collapsed":true},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["(\"The Omni Chicago really delivers on all fronts, from the spaciousness of the rooms to the helpful staff to the prized location on Michigan Avenue. While this address in Chicago requires a high level of quality, the Omni delivers. Check in for myself and a whole group of people with me was under 3 minutes, the staff had plentiful recommendations for dining and events, and the rooms are some of the largest you'll find at this price range in Chicago. Even the 'standard' room has a separate living area and work desk. The fitness center has free weights, weight machines, and two rows of cardio equipment. I shared the room with 7 others and did not feel cramped in any way! All in all, a great property! \",\n"," '0')"]},"metadata":{},"execution_count":10}]},{"cell_type":"code","source":["len(unlabeled_examples)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"-VLJlrHhHtm1","executionInfo":{"status":"ok","timestamp":1725587175226,"user_tz":420,"elapsed":291,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"7ef32f29-6bcc-484f-fa34-7011b7bd9a2d","collapsed":true},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["320"]},"metadata":{},"execution_count":11}]},{"cell_type":"code","source":["unlabeled_examples[1]"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"SoRgl8D7HxOh","executionInfo":{"status":"ok","timestamp":1725587177029,"user_tz":420,"elapsed":560,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"28bab758-a3c2-4697-8d12-dc9e5ddff369","collapsed":true},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["(\"The Conrad Chicago was by far the best experience I have ever had in travel leisure. Not only was the room beautifully decorated and very comfortable, but the food in the restaurant was exquisite. Not to mention the perfect service from the resort's employees! I was very impressed by how quick and caring the staff was of my own personal needs. I'm naturally a fitness freak, so I was pleased to learn of their massive fitness area on the 11th floor. Best of all, it was available to guests at any time, day or night. The resort was conveniently located by a large shopping area, so it wasn't a far walk to scope out the shops. The most memorable part of my stay was looking out at the city after dark and seeing how gorgeous Chicago looks all lit up. It was so relaxing just watching the city come to life. I was very disappointed when I had to pack and leave. Any time that I make my way back to Chicago, you better believe I will be staying at the Conrad Chicago. I recommend this resort to everyone I know who does a lot of traveling.\",\n"," 'UNL')"]},"metadata":{},"execution_count":12}]},{"cell_type":"markdown","source":["##Just for testing the Geo-entities in each dataset.\n","Lets us view each geo entity from the sentence."],"metadata":{"id":"qur3E2VtPwj5"}},{"cell_type":"code","source":["#MODIFIED VERSION. ONLY PULLS UNIQUE GEO-ENTITIES AND NOT THE SENTENCE.\n","#Create two lists that will hold spatial and non-spatial reviews.\n","#geo_entities_list_fake = [] # List to hold geo-entities\n","#index = 0\n","#\n","##comment out when not creating a test set\n","#examples_fake = test_examples[:5]\n","#spacy.require_gpu()\n","#\n","##For every review in the fake review list, check to see if it has any Geo-Entities that are defined below.\n","#for entry in examples_fake:\n","# index+=1\n","# review = entry[0] #The actual review\n","# if True:\n","# print(\"Sentence \" + str(index) + \": \" + entry[0] + \"\\n\")\n","# doc = nlp(review)\n","# # for each Geo-Entity found in this sentence\n","# print(\"Geo-Entites in Sentence \" + str(index) + \": \")\n","# for ent in doc.ents:\n","# if ent.label_ in ['FAC', 'ORG', 'LOC', 'GPE']:\n","# geo_entity = ent.text\n","# geo_entities_list_fake.append(geo_entity) # Append the geo-entity to the end of the list\n","# print(geo_entity)\n","# ##break\n","# print(\"\\n\")\n","#"],"metadata":{"collapsed":true,"id":"sjQDt2K0Pgrh"},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":["##Define function to get BERT embeddings\n"],"metadata":{"id":"hRw87KJ-NFxb"}},{"cell_type":"code","source":["#from transformers import BertTokenizer, BertModel\n","#import torch\n","#\n","## Load the BERT tokenizer and model\n","#bertTokenizer = BertTokenizer.from_pretrained('bert-base-uncased')\n","#bertModel = BertModel.from_pretrained('bert-base-uncased')\n","#\n","## Initialize list for ordered embeddings\n","#ordered_embeddings = []\n","#\n","## Function to get BERT embeddings\n","#def get_bert_embedding(text):\n","# inputs = bertTokenizer(text, return_tensors='pt', truncation=True, max_length=512)\n","# outputs = bertModel(**inputs)\n","# return outputs.last_hidden_state.mean(dim=1).detach().numpy()\n"],"metadata":{"collapsed":true,"id":"Aksb3Wh3PRWP"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["#TESTING NEW METHODOLOGY FOR RICHER CONTEXT.\n","#from transformers import BertTokenizer, BertModel\n","#import torch\n","#\n","## Load the BERT tokenizer and model\n","#bertTokenizer = BertTokenizer.from_pretrained('bert-base-uncased')\n","#bertModel = BertModel.from_pretrained('bert-base-uncased')\n","#\n","## Initialize list for ordered embeddings\n","#ordered_embeddings = []\n","#\n","## Function to get BERT embeddings for an entire review\n","#def get_bert_embedding(review):\n","# with torch.no_grad(): # Disable gradient tracking\n","# inputs = bertTokenizer(review, return_tensors='pt', padding='max_length', truncation=True, max_length=512)\n","#\n","# # Extract the attention mask and input IDs\n","# input_ids = inputs['input_ids']\n","# attention_mask = inputs['attention_mask']\n","#\n","# # Get the BERT embeddings\n","# outputs = bertModel(input_ids=input_ids, attention_mask=attention_mask)\n","#\n","# # Extract the last hidden state (embeddings) for all tokens\n","# return outputs.last_hidden_state.squeeze(0).detach().numpy()"],"metadata":{"id":"BQYfhYjYW2CX"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["bertModel = AutoModel.from_pretrained(model_name)\n","bertTokenizer = AutoTokenizer.from_pretrained(model_name)\n","max_seq_length = 64\n","batch_size = 64"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"Pwez4rPFlS4m","executionInfo":{"status":"ok","timestamp":1726182978511,"user_tz":420,"elapsed":764,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"a1f29aab-d55c-483f-d96f-c27b84da97bf","collapsed":true},"execution_count":7,"outputs":[{"output_type":"stream","name":"stderr","text":["loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n","loading weights file model.safetensors from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/model.safetensors\n","A pretrained model of type `BertModel` contains parameters that have been renamed internally (a few are listed below but more are present in the model):\n","* `bert.embeddings.LayerNorm.gamma` -> `bert.embeddings.LayerNorm.weight`\n","* `bert.encoder.layer.0.attention.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.0.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.1.attention.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.1.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.10.attention.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.10.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.11.attention.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.11.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.2.attention.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.2.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.3.attention.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.3.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.4.attention.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.4.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.5.attention.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.5.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.6.attention.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.6.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.7.attention.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.7.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.8.attention.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.8.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.9.attention.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.encoder.layer.9.output.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `cls.predictions.transform.LayerNorm.gamma` -> `{'bert.embeddings.LayerNorm.gamma': 'bert.embeddings.LayerNorm.weight', 'bert.encoder.layer.0.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.0.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.1.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.10.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.11.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.2.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.3.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.4.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.5.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.6.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.7.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.8.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.gamma': {...}, 'bert.encoder.layer.9.output.LayerNorm.gamma': {...}, 'cls.predictions.transform.LayerNorm.gamma': {...}}`\n","* `bert.embeddings.LayerNorm.beta` -> `bert.embeddings.LayerNorm.bias`\n","* `bert.encoder.layer.0.attention.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.0.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.1.attention.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.1.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.10.attention.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.10.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.11.attention.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.11.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.2.attention.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.2.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.3.attention.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.3.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.4.attention.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.4.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.5.attention.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.5.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.6.attention.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.6.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.7.attention.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.7.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.8.attention.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.8.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.9.attention.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `bert.encoder.layer.9.output.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","* `cls.predictions.transform.LayerNorm.beta` -> `{'bert.embeddings.LayerNorm.beta': 'bert.embeddings.LayerNorm.bias', 'bert.encoder.layer.0.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.0.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.1.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.10.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.11.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.2.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.3.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.4.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.5.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.6.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.7.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.8.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.attention.output.LayerNorm.beta': {...}, 'bert.encoder.layer.9.output.LayerNorm.beta': {...}, 'cls.predictions.transform.LayerNorm.beta': {...}}`\n","If you are using a model from the Hub, consider submitting a PR to adjust these weights and help future users.\n","Some weights of the model checkpoint at bert-base-uncased were not used when initializing BertModel: ['cls.predictions.bias', 'cls.predictions.transform.LayerNorm.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.transform.dense.weight', 'cls.seq_relationship.bias', 'cls.seq_relationship.weight']\n","- This IS expected if you are initializing BertModel from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n","- This IS NOT expected if you are initializing BertModel from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n","All the weights of BertModel were initialized from the model checkpoint at bert-base-uncased.\n","If your task is similar to the task the model of the checkpoint was trained on, you can already use BertModel for predictions without further training.\n","loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n","loading file vocab.txt from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/vocab.txt\n","loading file tokenizer.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/tokenizer.json\n","loading file added_tokens.json from cache at None\n","loading file special_tokens_map.json from cache at None\n","loading file tokenizer_config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/tokenizer_config.json\n","loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n","/usr/local/lib/python3.10/dist-packages/transformers/tokenization_utils_base.py:1601: FutureWarning: `clean_up_tokenization_spaces` was not set. It will be set to `True` by default. This behavior will be depracted in transformers v4.45, and will be then set to `False` by default. For more details check this issue: https://github.com/huggingface/transformers/issues/31884\n"," warnings.warn(\n"]}]},{"cell_type":"code","source":["# Load the BERT tokenizer and model\n","#bertTokenizer = BertTokenizer.from_pretrained('bert-base-uncased')\n","#bertModel = BertModel.from_pretrained('bert-base-uncased')\n","#\n","#max_seq_length = 64\n","#batch_size = 64"],"metadata":{"id":"CAgH50xq56KV"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["#Returns the tokenized review from bert tokenizer as a dataloader.\n","#Need to unpack dataloader and then feed to model to get embedding per review.\n","def generate_Bert_data_loader(input_examples, label_masks, label_map, do_shuffle = False, balance_label_examples = False):\n"," '''\n"," Generate a Dataloader given the input examples, eventually masked if they are\n"," to be considered NOT labeled.\n"," '''\n"," bertModel.eval()\n"," examples = []\n","\n"," # Count the percentage of labeled examples\n"," num_labeled_examples = 0\n"," for label_mask in label_masks:\n"," if label_mask:\n"," num_labeled_examples += 1\n"," label_mask_rate = num_labeled_examples/len(input_examples)\n","\n"," # if required it applies the balance\n"," for index, ex in enumerate(input_examples):\n"," if label_mask_rate == 1 or not balance_label_examples:\n"," examples.append((ex, label_masks[index]))\n"," else:\n"," # IT SIMULATE A LABELED EXAMPLE\n"," if label_masks[index]:\n"," balance = int(1/label_mask_rate)\n"," balance = int(math.log(balance,2))\n"," if balance < 1:\n"," balance = 1\n"," for b in range(0, int(balance)):\n"," examples.append((ex, label_masks[index]))\n"," else:\n"," examples.append((ex, label_masks[index]))\n","\n"," #-----------------------------------------------\n"," # Generate input examples to the Transformer\n"," #-----------------------------------------------\n"," input_ids = []\n"," input_mask_array = []\n"," label_mask_array = []\n"," label_id_array = []\n","\n"," # Tokenization\n"," for (text, label_mask) in examples:\n"," encoded_sent = bertTokenizer.encode(text[0], add_special_tokens=True, max_length=max_seq_length, padding=\"max_length\", truncation=True)\n"," input_ids.append(encoded_sent)\n"," label_id_array.append(label_map[text[1]])\n"," label_mask_array.append(label_mask)\n","\n"," # Attention to token (to ignore padded input wordpieces)\n"," for sent in input_ids:\n"," att_mask = [int(token_id > 0) for token_id in sent]\n"," input_mask_array.append(att_mask)\n"," # Convertion to Tensor\n"," input_ids = torch.tensor(input_ids)\n"," input_mask_array = torch.tensor(input_mask_array)\n"," label_id_array = torch.tensor(label_id_array, dtype=torch.long)\n"," label_mask_array = torch.tensor(label_mask_array)\n","\n"," # Building the TensorDataset\n"," dataset = TensorDataset(input_ids, input_mask_array, label_id_array, label_mask_array)\n","\n"," if do_shuffle:\n"," sampler = RandomSampler\n"," else:\n"," sampler = SequentialSampler\n","\n"," # Building the DataLoader\n"," return DataLoader(\n"," dataset, # The training samples.\n"," sampler = sampler(dataset),\n"," batch_size = 64) # Trains with this batch size."],"metadata":{"id":"-Ad6TxZx1Rnd","executionInfo":{"status":"ok","timestamp":1726184688612,"user_tz":420,"elapsed":366,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":38,"outputs":[]},{"cell_type":"code","source":["from transformers import BertTokenizer, BertModel\n","import torch\n","from tqdm import tqdm\n","\n","label_map = {}\n","for (i, label) in enumerate(label_list):\n"," label_map[label] = i\n","#------------------------------\n","# Load the train dataset\n","#------------------------------\n","train_examples = labeled_examples\n","#The labeled (train) dataset is assigned with a mask set to True\n","train_label_masks = np.ones(len(labeled_examples), dtype=bool)\n","#If unlabel examples are available\n","if unlabeled_examples:\n"," train_examples = train_examples + unlabeled_examples\n"," #The unlabeled (train) dataset is assigned with a mask set to False\n"," tmp_masks = np.zeros(len(unlabeled_examples), dtype=bool)\n"," train_label_masks = np.concatenate([train_label_masks,tmp_masks])\n","\n","# Create labels for the combined dataset\n","train_labels = [example[1] for example in labeled_examples] + [example[1] for example in unlabeled_examples]\n","\n","train_dataloader = generate_Bert_data_loader(train_examples, train_label_masks, label_map, do_shuffle = True, balance_label_examples = apply_balance)\n","\n","#------------------------------\n","# Load the test dataset\n","#------------------------------\n","#The labeled (test) dataset is assigned with a mask set to True\n","test_label_masks = np.ones(len(test_examples), dtype=bool)\n","test_labels = [example[1] for example in test_examples]\n","\n","test_dataloader = generate_Bert_data_loader(test_examples, test_label_masks, label_map, do_shuffle = False, balance_label_examples = False)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"Bm9-est42eWL","executionInfo":{"status":"ok","timestamp":1726187047033,"user_tz":420,"elapsed":1121,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"1c26ebca-9c6c-42d8-dd5b-b9292907d920"},"execution_count":69,"outputs":[{"output_type":"stream","name":"stderr","text":[":57: DeprecationWarning: In future, it will be an error for 'np.bool_' scalars to be interpreted as an index\n"," label_mask_array = torch.tensor(label_mask_array)\n"]}]},{"cell_type":"code","source":["# Set the device to GPU if available, otherwise CPU\n","device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')\n","bertModel.to(device)\n","bertModel.eval() # Ensure model is in evaluation mode\n","\n","# Function to Get BERT Embeddings using DataLoader\n","def get_bert_embeddings_from_loader(dataloader, use_cls_token=False):\n"," embeddings = []\n","\n"," for batch in tqdm(dataloader): # Use tqdm to show progress\n"," # Unpack the batch from the DataLoader\n"," input_ids, input_masks, labels, label_masks = batch\n","\n"," # Move the input tensors to the device (GPU/CPU)\n"," input_ids = input_ids.to(device)\n"," input_masks = input_masks.to(device)\n","\n"," with torch.no_grad():\n"," # Get the output from BERT\n"," outputs = bertModel(input_ids=input_ids, attention_mask=input_masks)\n","\n"," if use_cls_token:\n"," # Use [CLS] token for sentence embedding\n"," batch_embeddings = outputs.last_hidden_state[:, 0, :].detach() # Shape: [batch_size, hidden_size]\n"," else:\n"," # Use mean pooling for sentence embedding\n"," mask_expanded = input_masks.unsqueeze(-1).expand(outputs.last_hidden_state.size()).float()\n"," sum_embeddings = torch.sum(outputs.last_hidden_state * mask_expanded, 1)\n"," sum_mask = torch.clamp(mask_expanded.sum(1), min=1e-9)\n"," batch_embeddings = (sum_embeddings / sum_mask).detach() # Shape: [batch_size, hidden_size]\n","\n"," # Append embeddings for the entire batch\n"," embeddings.extend(batch_embeddings.cpu())\n","\n"," # Concatenate embeddings into a single tensor for further processing\n"," return [torch.tensor(embedding) for embedding in embeddings]\n","\n","\n","# Example usage\n","my_train_embeddings = get_bert_embeddings_from_loader(train_dataloader, use_cls_token=True)\n","my_test_embeddings = get_bert_embeddings_from_loader(test_dataloader, use_cls_token=True)\n","\n"],"metadata":{"id":"X4qkRc5HntKu"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["my_test_embeddings[0]"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"collapsed":true,"id":"gFMZrOTgsntE","executionInfo":{"status":"ok","timestamp":1726185057631,"user_tz":420,"elapsed":406,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"eb30d14a-df0a-48a6-8504-f5a41eb555da"},"execution_count":46,"outputs":[{"output_type":"execute_result","data":{"text/plain":["tensor([ 2.4728e-01, 5.5689e-02, -6.6209e-02, -2.8055e-01, 4.0048e-01,\n"," -3.9691e-01, -1.1721e-01, 8.8398e-01, 1.0851e-01, -5.4167e-01,\n"," -5.3535e-02, 2.2157e-01, 1.9331e-01, 7.7336e-01, 6.3088e-01,\n"," -7.8134e-02, -5.4874e-02, 5.7723e-01, 4.6242e-01, -1.7209e-01,\n"," -9.8612e-02, -1.4471e-01, 4.0004e-01, -1.0885e-01, 1.5454e-02,\n"," -1.1839e-01, -1.4307e-01, -6.5804e-01, 3.2920e-01, 3.4471e-02,\n"," -3.3936e-01, 7.6668e-01, -6.8208e-01, -5.0621e-01, 7.5052e-01,\n"," -2.8949e-01, 1.2506e-01, -3.9372e-01, 1.9043e-01, -3.5878e-02,\n"," -4.2980e-01, 8.9760e-02, 4.8064e-01, -1.5585e-01, 2.6396e-01,\n"," -2.1653e-01, -3.3829e+00, -5.3293e-02, 1.9409e-01, 1.2259e-01,\n"," 1.9822e-01, -4.4249e-01, -1.2900e-01, 3.8003e-01, 3.3839e-01,\n"," 6.8283e-01, -1.1929e+00, 4.9785e-01, 7.0478e-02, 1.9047e-01,\n"," 4.5050e-01, -2.8579e-01, 1.4516e-01, 1.0959e-01, 2.3425e-02,\n"," 3.0366e-01, 3.4124e-01, 1.8001e-01, -4.5699e-01, 6.4546e-01,\n"," -3.4174e-01, -4.4034e-01, 5.3624e-01, -1.2146e-01, -4.1661e-03,\n"," 2.6823e-01, -1.6923e-01, 1.3725e-01, -5.9342e-02, 6.0899e-02,\n"," 1.3519e-01, 1.1046e+00, 1.8853e-01, 1.0935e-01, 2.1649e-01,\n"," 6.6773e-01, -6.4403e-01, -3.6938e-01, 3.5870e-01, 3.8489e-01,\n"," -1.2450e-01, -1.4690e-01, -2.3451e-02, 1.1725e-01, 7.2092e-01,\n"," -4.2128e-01, 3.2993e-01, 1.7417e-01, 1.0175e-01, 7.6347e-01,\n"," 2.8569e-01, 1.0484e-01, -1.1479e-01, -6.5636e-01, -2.7073e-01,\n"," 1.8645e-01, -3.6154e-02, -1.4187e-01, 9.0343e-01, -2.1932e+00,\n"," 2.7624e-01, 4.5249e-01, -3.9104e-01, -2.7941e-02, -8.1744e-02,\n"," 6.8115e-01, 6.1612e-01, -3.6050e-01, 3.1935e-01, -2.8609e-01,\n"," -6.2414e-01, 3.5514e-01, 2.0369e-02, -8.2057e-03, -8.4474e-02,\n"," 2.9538e-01, 1.4673e-01, -4.4522e-01, 1.5443e-04, 4.9704e-01,\n"," 2.2263e-01, 6.8456e-01, -8.9618e-02, -6.5516e-01, -3.0818e-01,\n"," 7.7658e-02, -1.6474e-02, -2.8211e-01, -3.8360e-01, 1.6775e-01,\n"," -3.1706e-01, -4.3990e-01, -3.1916e+00, 3.9572e-01, 7.8798e-01,\n"," 3.8261e-01, 4.1778e-02, 1.2555e-01, -3.2404e-02, -2.0536e-01,\n"," 3.2160e-01, -8.9961e-02, -1.1090e-01, 1.0102e-01, -1.4002e-01,\n"," 2.0409e-01, -5.7336e-01, 5.0224e-02, 3.7593e-01, 4.2583e-01,\n"," 5.2435e-01, 8.1847e-02, 1.0794e-01, -1.2563e-01, -6.2759e-01,\n"," 4.1612e-01, 5.2418e-01, 4.6829e-01, -2.2277e-01, -2.5147e-01,\n"," -2.1087e-01, 1.8188e-01, 4.6482e-01, -9.9777e-02, 4.2335e-01,\n"," 9.8228e-03, 7.4027e-02, 1.9548e-01, 6.3745e-02, -2.4884e-01,\n"," -4.0777e-01, 4.3640e-01, 1.4538e-01, 1.8873e-01, 6.1621e-01,\n"," -4.7291e-01, 4.3806e-01, 9.8761e-02, -3.5916e-01, 3.1893e-01,\n"," -1.7293e-01, -6.4798e-01, 5.7442e-01, -9.3848e-03, 5.7684e-01,\n"," -8.9468e-02, 3.0808e-01, -4.5594e-01, 1.8164e-02, 4.2269e-01,\n"," 2.5488e-01, -7.2478e-02, -4.3131e-02, 8.1786e-02, -7.2346e-01,\n"," 3.5358e+00, 1.6245e-01, 2.0771e-01, 2.6056e-01, 5.7544e-01,\n"," -1.8492e-01, 4.1778e-01, -3.6114e-01, 1.0678e-01, -3.4291e-01,\n"," -1.0802e-01, 1.5422e-01, 1.6199e-01, -3.1995e-02, -3.4752e-01,\n"," 1.4159e-01, 6.4655e-01, -6.5894e-01, 2.8021e-01, -2.0873e-01,\n"," -5.7572e-01, -2.9525e-01, -3.0802e-01, -9.1838e-02, -1.8776e+00,\n"," -4.7163e-01, -7.0682e-01, -1.7581e-01, 6.5006e-02, -1.1075e-01,\n"," 3.9557e-01, 2.3064e-01, -4.1564e-01, 2.6158e-01, 2.8360e-02,\n"," 4.9451e-01, -2.9150e-03, -3.1283e-01, 3.4212e-01, -3.3986e-01,\n"," 2.6484e-01, -2.9415e-02, -4.3553e-01, 6.9976e-01, -6.4233e-02,\n"," -1.5636e-01, 9.7480e-02, 4.8727e-01, -8.4616e-02, 2.9312e-01,\n"," 3.4380e-01, 1.6528e-01, 2.8714e-01, -5.7836e-01, -1.2600e-01,\n"," -2.3399e-01, 1.2641e-01, 2.8053e-01, 9.3780e-02, -6.2839e-01,\n"," -5.3646e-01, 4.5192e-02, -9.1469e-01, -1.4973e-01, -2.7269e-02,\n"," 3.0365e-01, -1.6072e-01, -2.7005e-01, -2.9124e+00, 5.9721e-01,\n"," -2.9232e-01, 4.3646e-01, 3.2984e-01, 6.0617e-02, -1.2092e-01,\n"," 5.7507e-01, 2.5659e-01, -5.4678e-01, 8.2141e-02, -1.2433e-03,\n"," -5.8416e-01, 1.7965e-01, -2.6242e-03, 1.7222e-01, -1.7916e-02,\n"," -2.1500e-01, -3.9879e-01, -2.4411e-01, -4.8798e-01, 1.7114e-01,\n"," -4.0716e-01, 3.4469e-01, 6.4860e-03, -4.2317e-01, -3.4212e-02,\n"," -4.6743e-01, 1.5963e-01, -3.7003e-02, 1.0129e-02, 3.4823e-01,\n"," 1.1849e-01, -2.9370e-02, -5.6710e-01, -2.9244e+00, 2.6707e-01,\n"," -1.1014e-01, -1.1838e+00, -2.3739e-01, -1.4881e-01, 8.0356e-01,\n"," -2.3443e-01, -6.1434e-01, -1.9672e-02, -4.9354e-02, 6.4731e-01,\n"," 1.5041e-01, 3.1859e-01, 6.1409e-01, 8.1252e-02, 6.2499e-01,\n"," 1.4858e-01, 3.7164e-02, 6.1262e-01, -3.3883e-01, 4.6539e-01,\n"," 1.7910e-01, 1.1297e-01, 5.5600e-01, 7.1316e-01, -4.1731e-01,\n"," -9.3348e-02, -3.8452e-01, 4.4620e-01, 1.5095e-01, -2.1646e-01,\n"," -3.7694e-01, -2.0707e-01, -3.8599e-01, -3.0334e-01, 4.5978e-01,\n"," 2.3372e-02, 5.0803e-01, -8.5928e-02, 3.3033e-02, 1.2061e-02,\n"," 1.0389e-01, -2.0106e-01, 7.9501e-01, 5.2624e-02, -1.6488e-01,\n"," -1.8760e-02, -9.9352e-02, 4.5211e-01, 1.8223e-02, 1.3455e-01,\n"," 1.3448e+00, 2.8818e-01, -3.5079e-01, -5.0636e-01, 6.8492e-01,\n"," 5.8704e-01, -9.7668e-02, 3.0120e-01, 4.1749e-01, -5.1424e-01,\n"," 4.3444e-01, -1.3577e-01, -2.6636e-01, -5.6375e-01, 3.2390e-01,\n"," -2.4899e-01, -5.5025e-01, -4.5992e-03, 2.7298e-01, -1.5347e-01,\n"," -2.5488e-01, -1.2391e+00, -2.5427e-01, 1.1460e-01, 8.0403e-02,\n"," 7.3598e-01, 1.4806e-01, -3.1418e-01, 4.3771e-02, 2.5487e-02,\n"," -6.7586e-01, 4.2747e-01, -2.3556e-01, -3.4988e-01, -2.0427e-01,\n"," 4.8391e-01, -7.6433e-01, -6.8661e-01, -1.4608e-01, 5.7180e-02,\n"," -2.5810e-02, 2.6754e-01, -5.9040e-02, -2.9569e-01, 2.4899e-01,\n"," -7.0193e-01, 4.8756e-01, -1.5031e-01, 2.3414e-01, 2.4391e-01,\n"," 1.4483e-01, 3.0564e-01, -3.0587e-01, 1.0915e-01, -6.9560e-02,\n"," 3.0353e-01, 2.4475e-01, 3.2291e-01, -3.3678e-01, -1.3959e-01,\n"," -1.8885e-01, 1.1993e-01, 7.5373e-01, -4.3565e-01, 2.5426e-01,\n"," -3.8199e-02, -1.0886e-01, -1.9315e-02, 1.6350e-01, -1.0029e-01,\n"," 4.5342e-01, -1.4902e-01, -1.0884e+00, -1.5965e-01, 3.6970e-02,\n"," -1.2038e-01, -1.0706e+00, -1.9181e-01, 5.3642e-02, -9.3272e-02,\n"," 1.9716e-01, -1.1497e-02, -2.8033e-01, -2.6237e-01, 2.4878e-02,\n"," -1.8885e-01, 2.3742e-01, 6.2200e-03, 2.1946e-01, 2.4280e-01,\n"," -5.1007e-01, 7.1253e-01, -5.9081e-01, 6.4363e-01, -1.4443e-01,\n"," 1.7502e-01, -6.0674e-01, -4.5545e-02, -3.6466e-01, 1.0566e-01,\n"," -2.7325e-01, -1.0813e+00, 3.8277e-01, 4.1507e-01, 1.5968e-01,\n"," 2.7016e-01, -1.7854e-01, 9.0312e-02, 2.2581e-01, 3.6890e-02,\n"," -1.7558e+00, 7.4645e-01, 5.2774e-01, 8.8009e-03, 4.0611e-01,\n"," -6.0845e-01, -1.2085e-01, 6.7941e-01, 1.5795e-01, 3.3265e-01,\n"," -4.6415e-01, -4.3449e-01, 2.1750e-01, 3.6136e-01, 2.5268e-01,\n"," 1.6479e-01, 1.2732e-01, -1.5256e-01, -2.6312e-01, -4.0670e-01,\n"," -1.7869e-01, -3.2828e-02, 9.0670e-02, 4.1396e-01, -9.3319e-02,\n"," -4.8599e-01, -3.4683e-01, 7.0292e-01, -1.6436e-01, 6.1730e-01,\n"," -3.1671e-01, -4.7969e-01, -8.8790e-01, -5.2184e-01, -7.8627e-02,\n"," -4.8133e-01, -3.9172e-02, 8.4360e-02, 5.9460e-01, 4.2820e-01,\n"," -3.0172e-01, 7.3119e-01, 5.6936e-01, -1.6716e-01, 4.8137e-01,\n"," 6.8636e-01, 3.3923e-02, 1.9620e-01, -1.3869e-01, -1.7936e-01,\n"," -1.4513e-02, -4.7034e-02, -2.4514e-01, -1.2169e-01, 4.2491e-01,\n"," -6.1979e-02, -4.6970e-01, 1.3697e-01, -1.9822e-01, -1.7337e-01,\n"," 5.5937e-02, -2.2663e-01, -8.4808e-01, 3.0924e-01, -1.7292e-01,\n"," -6.2740e-01, -1.4020e-02, -4.7685e-01, -4.2860e-01, 4.2326e-01,\n"," 7.4873e-01, -1.0128e-01, -7.2561e-01, 4.9503e-01, -2.2950e-01,\n"," -6.6467e-02, 2.4093e-01, 2.7812e-01, 2.5788e-01, -3.9307e-01,\n"," 5.2880e-01, -3.3592e-01, -2.0200e-01, -9.4098e-02, -2.3400e-01,\n"," 7.7405e-01, -2.6041e-01, -3.1245e-01, -2.4261e-01, -3.2875e-01,\n"," -3.9520e-01, -4.3225e-01, 7.6138e-01, -1.8020e-01, 4.3916e-01,\n"," 2.6152e-03, 2.3809e-01, -2.1411e-02, -1.9164e-01, -3.3813e-01,\n"," -6.6233e-01, 7.0483e-01, 7.3828e-01, 2.5800e-01, 5.2366e-01,\n"," 4.1860e-01, 3.7310e-01, -6.1669e-02, -5.4149e-03, 3.1148e-02,\n"," -1.7058e-01, 2.4510e-01, -1.1341e-01, 7.9824e-03, 1.5424e-01,\n"," -3.4539e-01, 6.8410e-01, -6.4076e-01, 1.9248e+00, 1.4679e-01,\n"," 5.8656e-01, -3.5286e-01, 4.4247e-01, -7.5670e-02, -6.3431e-01,\n"," 2.4492e-01, -4.7837e-01, 5.2391e-01, -5.5646e-01, 1.7981e-01,\n"," -4.1236e-01, 2.0996e-01, 8.4286e-01, -2.5622e-01, 4.7555e-01,\n"," -5.9354e-01, -5.6621e-01, 1.1770e-01, -5.0190e-01, 4.3073e-01,\n"," -2.2719e-01, -1.4796e-01, 2.2541e-01, -3.4610e-03, 3.3717e-01,\n"," -6.5641e-02, 7.2462e-01, 8.3054e-01, -2.7836e-01, 1.4697e-01,\n"," -1.1004e-01, 6.4779e-01, -3.3782e-01, -4.3401e-01, -3.1559e-01,\n"," -1.5325e-01, -7.1178e-02, 2.9861e-02, 5.5683e-02, -6.3709e-01,\n"," 5.1926e-01, 1.9995e-03, -2.6423e-01, 8.0307e-01, -1.8436e-01,\n"," -2.1609e-01, 4.5931e-01, 1.1079e-01, 2.2106e-01, -1.0442e-01,\n"," -5.0832e-01, -6.6965e-02, 3.0345e-02, -1.4364e-01, -9.5033e-02,\n"," -5.7206e-01, -4.4117e-01, -2.6169e-01, -5.7261e-02, 1.4146e-01,\n"," 3.2522e-01, -9.5701e-02, -5.5691e-01, -2.6213e-01, -4.4237e-01,\n"," 7.0015e-01, 2.3865e-01, -8.8036e-01, -9.4929e-02, 4.6505e-01,\n"," 5.9337e-01, -2.7140e-01, 4.1775e-01, 2.7234e-01, 2.6793e-01,\n"," -2.0266e-01, -1.0387e-01, -2.4212e+00, 1.6537e-01, 1.9481e-02,\n"," 2.7807e-01, -7.6611e-02, 1.7862e-01, 2.8848e-01, -5.2520e-02,\n"," -1.7690e-01, -5.4217e-01, 9.7919e-02, 3.5155e-01, 6.4190e-01,\n"," -1.1932e-01, -2.0287e-02, 2.3724e-01, 2.1010e-01, -6.8872e-01,\n"," -2.5493e-01, 1.8812e-01, 2.0457e-01, 2.9989e-01, 3.1538e-02,\n"," -4.7102e-03, -3.4125e-01, 3.7603e-01, -1.1085e-01, -4.8374e-01,\n"," 2.6210e-01, 4.5322e-01, 6.8082e-02, 8.8563e-01, -1.3080e-01,\n"," 1.1106e-01, 2.0989e-01, 2.5725e-01, -8.9381e-01, -2.4548e-01,\n"," 1.4792e-01, -2.0026e-02, -1.8623e-01, 5.4242e-01, -5.5992e-01,\n"," 5.3379e-01, -4.8887e-02, -1.2747e-02, 7.9939e-01, -2.1456e-01,\n"," 5.3517e-01, -3.7313e-01, -4.1161e-02, 1.8101e-01, 2.3933e-01,\n"," -3.9958e-01, -1.5802e-02, 1.3603e-01, 3.2568e-01, 2.7703e-01,\n"," 4.8665e-02, -3.5556e-01, -4.3036e-01, 7.0556e-02, -1.1781e-01,\n"," 1.9100e-01, 2.2501e-01, 3.6116e-02, -1.6238e-01, -8.2850e-02,\n"," -5.4520e-02, -8.1384e-02, -3.7458e-01, -2.6042e-01, 3.9473e-01,\n"," 3.8877e-01, -1.1774e-01, -3.6666e-01, 6.3714e-01, 3.2010e-01,\n"," 3.2424e-01, -2.0595e-01, 1.2082e-01, -1.6577e-01, -1.9219e-01,\n"," -1.3692e-01, -1.0819e-01, -6.5422e+00, -1.1744e-01, -1.4177e-01,\n"," -3.0025e-01, -1.1447e-02, -7.8719e-01, 8.8488e-02, -3.0344e-01,\n"," -1.1717e-02, -1.4552e-01, 2.4330e-01, 2.8540e-01, -2.6164e-01,\n"," -2.6209e-01, 4.9786e-01, 1.7458e-01])"]},"metadata":{},"execution_count":46}]},{"cell_type":"code","source":["my_test_embeddings[0].shape"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"eevyzb12nMmj","executionInfo":{"status":"ok","timestamp":1726185180975,"user_tz":420,"elapsed":2,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"a6280f8b-211f-423f-dbe8-13b71247493e"},"execution_count":49,"outputs":[{"output_type":"execute_result","data":{"text/plain":["torch.Size([768])"]},"metadata":{},"execution_count":49}]},{"cell_type":"code","source":["import torch\n","from torch.utils.data import DataLoader, RandomSampler, SequentialSampler, TensorDataset\n","\n","def generate_my_data_loader(embeddings, labels, label_map, label_masks, do_shuffle=True, balance_label_examples=False):\n"," '''\n"," Generate a DataLoader for the training set using precomputed embeddings.\n"," This is similar to the test data loader but with shuffling and optional balancing.\n"," '''\n"," examples = []\n","\n"," # Count the percentage of labeled examples\n"," num_labeled_examples = sum(label_masks)\n"," label_mask_rate = num_labeled_examples / len(embeddings)\n","\n"," # if required it applies the balance\n"," for index, embedding in enumerate(embeddings):\n"," label = labels[index]\n"," label_mask = label_masks[index]\n","\n"," if label_mask_rate == 1 or not balance_label_examples:\n"," examples.append((embedding, label, label_mask))\n"," else:\n"," if label_mask:\n"," balance = int(1/label_mask_rate)\n"," balance = int(math.log(balance,2))\n"," if balance < 1:\n"," balance = 1\n"," for b in range(0, int(balance)):\n"," examples.append((embedding, label, label_mask))\n"," else:\n"," examples.append((embedding, label, label_mask))\n","\n"," # Prepare the tensors\n"," input_ids = []\n"," label_id_array = []\n"," label_mask_array = []\n","\n"," for (embedding, label, label_mask) in examples:\n"," input_ids.append(embedding) # Embeddings are already in shape [hidden_size], no need for further adjustment\n","\n"," label_id_array.append(label_map[label])\n"," label_mask_array.append(label_mask)\n","\n"," # Convert lists to tensors\n"," input_ids = torch.stack(input_ids) # Shape: [batch_size, hidden_size]\n"," label_id_array = torch.tensor(label_id_array, dtype=torch.long) # Labels\n"," label_mask_array = torch.tensor(label_mask_array, dtype=torch.bool) # Label masks\n","\n"," # Build the TensorDataset\n"," dataset = TensorDataset(input_ids, label_id_array, label_mask_array)\n","\n"," # Set up the sampler\n"," sampler = RandomSampler(dataset) if do_shuffle else SequentialSampler(dataset)\n","\n"," # Create DataLoader\n"," return DataLoader(\n"," dataset, # The training samples\n"," sampler=sampler,\n"," batch_size=batch_size\n"," )"],"metadata":{"id":"rzJaNm5ztVmk","executionInfo":{"status":"ok","timestamp":1726187212820,"user_tz":420,"elapsed":374,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":72,"outputs":[]},{"cell_type":"code","source":["label_list = [\"1\", \"0\"]\n","label_list.append('UNL')\n","label_list"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"CDq2EHhRvazU","executionInfo":{"status":"ok","timestamp":1726186632684,"user_tz":420,"elapsed":376,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"8b149531-b5fe-4187-9fab-8bd7d488a5c5"},"execution_count":64,"outputs":[{"output_type":"execute_result","data":{"text/plain":["['1', '0', 'UNL']"]},"metadata":{},"execution_count":64}]},{"cell_type":"code","source":["print(train_label_masks)"],"metadata":{"id":"KBP0YX2twLpp"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["print(label_map)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"4AUZ67EdwP9R","executionInfo":{"status":"ok","timestamp":1726186861879,"user_tz":420,"elapsed":358,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"9ed0f7c1-987d-4d8e-ae77-7f4342006389"},"execution_count":67,"outputs":[{"output_type":"stream","name":"stdout","text":["{'1': 0, '0': 1, 'UNL': 2}\n"]}]},{"cell_type":"code","source":["print(train_label_masks)"],"metadata":{"id":"jpP9rqkcwY26"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["label_map = {}\n","for (i, label) in enumerate(label_list):\n"," label_map[label] = i\n","\n","#------------------------------\n","# Combine Embeddings and Load the Train Dataset\n","#------------------------------\n","\n","# Combine labeled and unlabeled embeddings\n","train_embeddings = my_train_embeddings\n","\n","# Generate the train data loader using the modified generate_data_loader function\n","train_dataloader = generate_my_data_loader(train_averaged_embeddings, train_labels, label_map, train_label_masks, do_shuffle=True, balance_label_examples=apply_balance)\n","\n","averaged_embeddings = my_test_embeddings\n","\n","test_dataloader = generate_my_data_loader(averaged_embeddings, test_labels, label_map, test_label_masks, do_shuffle=False, balance_label_examples=False)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"0ZCUdutWuLD1","executionInfo":{"status":"ok","timestamp":1726187223794,"user_tz":420,"elapsed":363,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"501be335-e4ea-4e1e-eaee-0500611ff5da"},"execution_count":73,"outputs":[{"output_type":"stream","name":"stderr","text":[":47: DeprecationWarning: In future, it will be an error for 'np.bool_' scalars to be interpreted as an index\n"," label_mask_array = torch.tensor(label_mask_array, dtype=torch.bool) # Label masks\n"]}]},{"cell_type":"code","source":["from transformers import BertTokenizer, BertModel\n","import torch\n","\n","max_seq_length = 64\n","batch_size = 64\n","\n","# Load the BERT tokenizer and model\n","bertModel = AutoModel.from_pretrained(model_name)\n","bertTokenizer = AutoTokenizer.from_pretrained(model_name)\n","\n","bertModel.eval()\n","\n","# Set the device to GPU if available, otherwise CPU\n","device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')\n","bertModel.to(device)\n","\n","# Function to Get BERT Embeddings\n","def get_bert_embedding(texts, use_cls_token=False):\n"," # Tokenize the inputs and move to the correct device\n"," inputs = bertTokenizer(texts, add_special_tokens=True, return_tensors='pt', truncation=True, max_length=max_seq_length, padding=\"max_length\")\n"," inputs = {key: val.to(device) for key, val in inputs.items()} # Move inputs to the same device as the model\n","\n"," with torch.no_grad():\n"," outputs = bertModel(**inputs)\n","\n"," if use_cls_token:\n"," # Use [CLS] token for sentence embedding\n"," return outputs.last_hidden_state[:, 0, :].detach().cpu().numpy() # Move the output back to CPU if necessary\n"," else:\n"," # Use mean pooling for sentence embedding\n"," attention_mask = inputs['attention_mask']\n"," mask_expanded = attention_mask.unsqueeze(-1).expand(outputs.last_hidden_state.size()).float()\n"," sum_embeddings = torch.sum(outputs.last_hidden_state * mask_expanded, 1)\n"," sum_mask = torch.clamp(mask_expanded.sum(1), min=1e-9)\n"," return (sum_embeddings / sum_mask).detach().cpu().numpy() # Move the result back to CPU\n","\n","# Example usage\n","#batch_of_reviews = [\"This is a sample review.\", \"Another example review.\", \"A third review for embedding.\"]\n","#embeddings = get_bert_embedding(batch_of_reviews, use_cls_token=True)"],"metadata":{"id":"WjuzQn1DBrhj","colab":{"base_uri":"https://localhost:8080/"},"collapsed":true,"executionInfo":{"status":"ok","timestamp":1726100318498,"user_tz":420,"elapsed":835,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"5f295d9f-a95d-41ae-ddf7-8e4d1b86fe22"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":["loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n","loading weights file model.safetensors from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/model.safetensors\n","Some weights of the model checkpoint at bert-base-uncased were not used when initializing BertModel: ['cls.predictions.bias', 'cls.predictions.transform.LayerNorm.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.transform.dense.weight', 'cls.seq_relationship.bias', 'cls.seq_relationship.weight']\n","- This IS expected if you are initializing BertModel from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n","- This IS NOT expected if you are initializing BertModel from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n","All the weights of BertModel were initialized from the model checkpoint at bert-base-uncased.\n","If your task is similar to the task the model of the checkpoint was trained on, you can already use BertModel for predictions without further training.\n","loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n","loading file vocab.txt from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/vocab.txt\n","loading file tokenizer.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/tokenizer.json\n","loading file added_tokens.json from cache at None\n","loading file special_tokens_map.json from cache at None\n","loading file tokenizer_config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/tokenizer_config.json\n","loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n"]}]},{"cell_type":"code","source":["embeddings.shape"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"FgrnBK5PHHi5","executionInfo":{"status":"ok","timestamp":1726100324331,"user_tz":420,"elapsed":267,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"e8c0da0c-9959-4d55-815e-17c2ccefdfd7"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["(3, 768)"]},"metadata":{},"execution_count":16}]},{"cell_type":"markdown","source":["##Define Functions to get the SpaBERT embedding\n","The following code uses our pre-trained SpaBert model to take spatial data and return the embedding for this"],"metadata":{"id":"dhs3U0gqH_CI"}},{"cell_type":"code","source":["from transformers.models.bert.modeling_bert import BertForMaskedLM\n","from transformers import BertTokenizer\n","from models.spatial_bert_model import SpatialBertConfig\n","from utils.common_utils import load_spatial_bert_pretrained_weights\n","from models.spatial_bert_model import SpatialBertForMaskedLM\n","from models.spatial_bert_model import SpatialBertModel\n","\n","\n","# load dataset we just created\n","data_file_path = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/SPABERT_Coordinate_data_combined.json' #This data is the spatial entities along with their neighbor information.\n","pretrained_model = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/fine-spabert-base-uncased-finetuned-osm-mn.pth'\n","#pretrained_model = '/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets/mlm_mem_keeppos_ep0_iter06000_0.2936.pth'\n","#pretrained_model = '/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets/spabert-base-uncased-finetuned-osm-mn.pth'\n","\n","# load bert model and tokenizer\n","bert_model = BertForMaskedLM.from_pretrained('bert-base-uncased')\n","tokenizer = BertTokenizer.from_pretrained('bert-base-uncased')\n","\n","\n","# load pre-trained spabert model and its config\n","config = SpatialBertConfig()\n","config.output_hidden_states = True\n","\n","model = SpatialBertForMaskedLM(config) #Should I be using masked or unmasked for the downstream tasks we are trying to perform?\n","#model = SpatialBertModel(config) #We fine-tuned the Masked version of the model so the weights won't load correctly\n","\n","model.load_state_dict(bert_model.state_dict() , strict = False)\n","\n","pre_trained_model = torch.load(pretrained_model)\n","\n","# load pretrained weights\n","model_keys = model.state_dict()\n","cnt_layers = 0\n","for key in model_keys:\n"," if key in pre_trained_model:\n"," model_keys[key] = pre_trained_model[key]\n"," cnt_layers += 1\n"," else:\n"," print(\"No weight for\", key)\n","print(cnt_layers, 'layers loaded')\n","\n","model.load_state_dict(model_keys)\n","\n","#Select a CPU or GPU\n","device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu')\n","model.to(device)\n","\n","#Set the model to evaluation mode\n","model.eval()"],"metadata":{"id":"U1DhtHhoiIyH"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["!ls /content/drive/MyDrive/spaBERT/spabert/datasets/"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"W6covIWifg2B","executionInfo":{"status":"ok","timestamp":1725052332255,"user_tz":420,"elapsed":680,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"fc07e722-8638-491a-f3e6-e0c8906d5136"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["const.py\t dataset_loader_ver2.py osm_sample_loader.py usgs_os_sample_loader.py\n","dataset_loader.py __init__.py\t\t __pycache__\t\t wikidata_sample_loader.py\n"]}]},{"cell_type":"code","source":["from datasets.osm_sample_loader import PbfMapDataset\n","#from datasets.dataset_loader import SpatialDataset\n","from datasets.dataset_loader_ver2 import SpatialDataset\n","from torch.utils.data import DataLoader\n","\n","# Load data using SpatialDataset\n","spatialDataset = PbfMapDataset(data_file_path = data_file_path,\n"," tokenizer = tokenizer,\n"," max_token_len = 300,\n"," distance_norm_factor = 0.0001,\n"," spatial_dist_fill = 20,\n"," with_type = False,\n"," sep_between_neighbors = False, #Initially false, play around with this potentially?\n"," label_encoder = None, #Initially None, potentially change this because we do have real/fake reviews.\n"," mode = None) #If set to None it will use the full dataset for mlm\n","\n","data_loader = DataLoader(spatialDataset, batch_size=1, num_workers=0, shuffle=False, pin_memory=False, drop_last=True) #issue needs to be fixed with num_workers not stopping after finished"],"metadata":{"id":"00-1ZGpGjnMK"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["for batch in data_loader:\n"," print(batch)\n"," break"],"metadata":{"id":"7oywn007Olmb"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["from tqdm import tqdm\n","\n","# Function to process each entity and get embeddings\n","def process_entity(batch, model, device):\n"," input_ids = batch['masked_input'].to(device)\n"," attention_mask = batch['attention_mask'].to(device)\n"," position_list_x = batch['norm_lng_list'].to(device)\n"," position_list_y = batch['norm_lat_list'].to(device)\n"," sent_position_ids = batch['sent_position_ids'].to(device)\n","\n"," with torch.no_grad():\n"," outputs = model(input_ids=input_ids,\n"," attention_mask=attention_mask,\n"," sent_position_ids=sent_position_ids,\n"," position_list_x=position_list_x,\n"," position_list_y=position_list_y)\n"," #NOTE: we are ommitting the pseudo_sentence here. Verify that this is correct\n","\n"," # Extract embeddings\n"," #embeddings = outputs[0] # Extracting the last hidden state from outputs\n"," embeddings = outputs.hidden_states[-1]\n","\n"," pivot_token_len = batch['pivot_token_len'].item()\n"," pivot_embeddings = embeddings[:, :pivot_token_len, :]\n","\n"," return pivot_embeddings.cpu().numpy(), input_ids.cpu().numpy()\n","\n","all_embeddings = []\n","# Process the first 5 rows and print embeddings\n","# NOTE: fix this to make actual batches instead of just one at a time.\n","#for i, batch in enumerate(data_loader):\n","# if i >= 5:\n","# break\n","# embeddings, input_ids = process_entity(batch, model, device)\n","# sequence_length = input_ids.shape[1]\n","#\n","# print(f\"Embeddings for entity {i+1}: {embeddings}\")\n","# print(f\"Shape for entity {i+1}: {embeddings.shape}\")\n","# print(f\"Sequence Length for entity {i+1}: {sequence_length}\")\n","# print(f\"Input IDs for entity {i+1}: {input_ids}\")\n","# print(f\"Decoded Tokens for entity {i+1}: {tokenizer.decode(input_ids[0])}\")\n","# all_embeddings.append(embeddings)\n","\n","\n","#process the entire dataset and store the embeddings (uncomment when ready)\n","all_embeddings = []\n","for batch in tqdm(data_loader):\n"," embeddings = process_entity(batch, model, device)\n"," all_embeddings.append(embeddings)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"SMySLNvikXco","executionInfo":{"status":"ok","timestamp":1725046815280,"user_tz":420,"elapsed":40044,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"0a69346e-afdf-4746-f835-0217841608c8"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":[" 0%| | 0/1513 [00:00:2: FutureWarning: You are using `torch.load` with `weights_only=False` (the current default value), which uses the default pickle module implicitly. It is possible to construct malicious pickle data which will execute arbitrary code during unpickling (See https://github.com/pytorch/pytorch/blob/main/SECURITY.md#untrusted-models for more details). In a future release, the default value for `weights_only` will be flipped to `True`. This limits the functions that could be executed during unpickling. Arbitrary objects will no longer be allowed to be loaded via this mode unless they are explicitly allowlisted by the user via `torch.serialization.add_safe_globals`. We recommend you start setting `weights_only=True` for any use case where you don't have full control of the loaded file. Please open an issue on GitHub for any issues related to this experimental feature.\n"," test_embeddings = torch.load('/content/test_embeddings3.pt')\n",":3: FutureWarning: You are using `torch.load` with `weights_only=False` (the current default value), which uses the default pickle module implicitly. It is possible to construct malicious pickle data which will execute arbitrary code during unpickling (See https://github.com/pytorch/pytorch/blob/main/SECURITY.md#untrusted-models for more details). In a future release, the default value for `weights_only` will be flipped to `True`. This limits the functions that could be executed during unpickling. Arbitrary objects will no longer be allowed to be loaded via this mode unless they are explicitly allowlisted by the user via `torch.serialization.add_safe_globals`. We recommend you start setting `weights_only=True` for any use case where you don't have full control of the loaded file. Please open an issue on GitHub for any issues related to this experimental feature.\n"," unlabled_embeddings = torch.load('/content/unlabled_embeddings3.pt')\n",":4: FutureWarning: You are using `torch.load` with `weights_only=False` (the current default value), which uses the default pickle module implicitly. It is possible to construct malicious pickle data which will execute arbitrary code during unpickling (See https://github.com/pytorch/pytorch/blob/main/SECURITY.md#untrusted-models for more details). In a future release, the default value for `weights_only` will be flipped to `True`. This limits the functions that could be executed during unpickling. Arbitrary objects will no longer be allowed to be loaded via this mode unless they are explicitly allowlisted by the user via `torch.serialization.add_safe_globals`. We recommend you start setting `weights_only=True` for any use case where you don't have full control of the loaded file. Please open an issue on GitHub for any issues related to this experimental feature.\n"," labeled_embeddings = torch.load('/content/labled_embeddings3.pt')\n"]}]},{"cell_type":"markdown","source":["##Import Data and create label list"],"metadata":{"id":"qGHkpg80aafB"}},{"cell_type":"code","source":["label_list = [\"1\", \"0\"]\n","label_list.append('UNL')\n","label_list"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"ShSAOUeRIy34","executionInfo":{"status":"ok","timestamp":1726100393007,"user_tz":420,"elapsed":558,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"b50240a2-81c0-438d-9037-8a80bccb932d"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["['1', '0', 'UNL']"]},"metadata":{},"execution_count":21}]},{"cell_type":"code","source":["with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/data/yelp_test_ns_400.pkl', 'rb') as f:\n"," test_examples = pickle.load(f)\n","\n","with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/data/yelp_unlabeled_90_ns_400.pkl', 'rb') as f:\n"," unlabeled_examples = pickle.load(f)\n","\n","with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/data/yelp_labeled_90_ns_400.pkl', 'rb') as f:\n"," labeled_examples = pickle.load(f)"],"metadata":{"id":"iNOx8XmeJAJo"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/data/yelp_test_s_50.pkl', 'rb') as f:\n"," test_examples = pickle.load(f)\n","\n","with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/data/yelp_unlabeled_90_s_50.pkl', 'rb') as f:\n"," unlabeled_examples = pickle.load(f)\n","\n","with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/data/yelp_labeled_90_s_50.pkl', 'rb') as f:\n"," labeled_examples = pickle.load(f)"],"metadata":{"id":"QHJzgxPV13Ny"},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":["##Define our dataloaders"],"metadata":{"id":"D0JPAvjxakxu"}},{"cell_type":"code","source":["#def average_embeddings(review_embeddings):\n","# stacked_embeddings = torch.stack(review_embeddings)\n","# #return torch.mean(stacked_embeddings.squeeze(), dim=0) # Squeeze before averaging\n","# return torch.mean(stacked_embeddings, dim=0) # Squeeze before averaging\n","\n","def format_time(elapsed):\n"," '''\n"," Takes a time in seconds and returns a string hh:mm:ss\n"," '''\n"," # Round to the nearest second.\n"," elapsed_rounded = int(round((elapsed)))\n"," # Format as hh:mm:ss\n"," return str(datetime.timedelta(seconds=elapsed_rounded))"],"metadata":{"id":"QVCYTeDze2un","executionInfo":{"status":"ok","timestamp":1726183224688,"user_tz":420,"elapsed":365,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":15,"outputs":[]},{"cell_type":"code","source":["\n","#def generate_train_data_loader(embeddings, labels, label_map, label_masks, do_shuffle=True, balance_label_examples=False):\n","# '''\n","# Generate a DataLoader for the training set using precomputed embeddings.\n","# This is similar to the test data loader but with shuffling and optional balancing.\n","# '''\n","# examples = []\n","#\n","# # Count the percentage of labeled examples\n","# num_labeled_examples = sum(label_masks)\n","# label_mask_rate = num_labeled_examples / len(embeddings)\n","#\n","# # Process examples based on the mask and balance settings\n","# for index, embedding in enumerate(embeddings):\n","# label = labels[index]\n","# label_mask = label_masks[index]\n","#\n","# if label_mask_rate == 1 or not balance_label_examples:\n","# examples.append((embedding, label, label_mask))\n","# else:\n","# if label_mask:\n","# balance = int(1 / label_mask_rate)\n","# balance = max(1, int(math.log(balance, 2)))\n","# for _ in range(0, balance):\n","# examples.append((embedding, label, label_mask))\n","# else:\n","# examples.append((embedding, label, label_mask))\n","#\n","# # Prepare the tensors\n","# input_ids = []\n","# input_mask_array = []\n","# label_id_array = []\n","# label_mask_array = []\n","#\n","# for (embedding, label, label_mask) in examples:\n","# # Ensure embeddings have shape [seq_length, hidden_size]\n","# if len(embedding.shape) == 1: # If it's [hidden_size], add sequence length dimension\n","# embedding = embedding.unsqueeze(0) # Shape becomes [1, hidden_size]\n","# input_ids.append(embedding)\n","#\n","# # Create attention mask: 1 for non-zero embeddings, 0 for zero embeddings\n","# attention_mask = torch.where(embedding.abs().sum(dim=-1) > 0, 1, 0)\n","# input_mask_array.append(attention_mask.unsqueeze(0)) # Add batch dimension\n","#\n","# label_id_array.append(label_map[label])\n","# label_mask_array.append(label_mask)\n","#\n","# # Convert lists to tensors\n","# input_ids = torch.stack(input_ids) # Embeddings\n","# input_mask_array = torch.stack(input_mask_array) # Attention masks, [batch_size, seq_length]\n","# label_id_array = torch.tensor(label_id_array, dtype=torch.long) # Labels\n","# label_mask_array = torch.tensor(label_mask_array, dtype=torch.bool) # Label masks\n","#\n","# # Building the TensorDataset, including label masks similar to the original function\n","# dataset = TensorDataset(input_ids, input_mask_array, label_id_array, label_mask_array)\n","#\n","# # Set up the sampler\n","# sampler = RandomSampler(dataset) if do_shuffle else SequentialSampler(dataset)\n","#\n","# # Create DataLoader\n","# return DataLoader(\n","# dataset, # The training samples\n","# sampler=sampler,\n","# batch_size=batch_size\n","# )"],"metadata":{"id":"XnWcH6e3Ptn5"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["import torch\n","from torch.utils.data import DataLoader, RandomSampler, SequentialSampler, TensorDataset\n","\n","def generate_train_data_loader(embeddings, labels, label_map, label_masks, do_shuffle=True, balance_label_examples=False):\n"," '''\n"," Generate a DataLoader for the training set using precomputed embeddings.\n"," This is similar to the test data loader but with shuffling and optional balancing.\n"," '''\n"," examples = []\n","\n"," # Count the percentage of labeled examples\n"," num_labeled_examples = sum(label_masks)\n"," label_mask_rate = num_labeled_examples / len(embeddings)\n","\n"," # if required it applies the balance\n"," for index, embedding in enumerate(embeddings):\n"," label = labels[index]\n"," label_mask = label_masks[index]\n","\n"," if label_mask_rate == 1 or not balance_label_examples:\n"," examples.append((embedding, label, label_mask))\n"," else:\n"," if label_mask:\n"," balance = int(1/label_mask_rate)\n"," balance = int(math.log(balance,2))\n"," if balance < 1:\n"," balance = 1\n"," for b in range(0, int(balance)):\n"," examples.append((embedding, label, label_mask))\n"," else:\n"," examples.append((embedding, label, label_mask))\n","\n"," # Prepare the tensors\n"," input_ids = []\n"," label_id_array = []\n"," label_mask_array = []\n","\n"," for (embedding, label, label_mask) in examples:\n"," input_ids.append(embedding) # Embeddings are already in shape [hidden_size], no need for further adjustment\n","\n"," label_id_array.append(label_map[label])\n"," label_mask_array.append(label_mask)\n","\n"," # Convert lists to tensors\n"," input_ids = torch.stack(input_ids) # Shape: [batch_size, hidden_size]\n"," label_id_array = torch.tensor(label_id_array, dtype=torch.long) # Labels\n"," label_mask_array = torch.tensor(label_mask_array, dtype=torch.bool) # Label masks\n","\n"," # Build the TensorDataset\n"," dataset = TensorDataset(input_ids, label_id_array, label_mask_array)\n","\n"," # Set up the sampler\n"," sampler = RandomSampler(dataset) if do_shuffle else SequentialSampler(dataset)\n","\n"," # Create DataLoader\n"," return DataLoader(\n"," dataset, # The training samples\n"," sampler=sampler,\n"," batch_size=batch_size\n"," )"],"metadata":{"id":"y2flz0okp7Vf","executionInfo":{"status":"ok","timestamp":1726185216487,"user_tz":420,"elapsed":352,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":50,"outputs":[]},{"cell_type":"code","source":["#import torch\n","#\n","#def generate_test_data_loader(embeddings, labels, label_map, label_masks, do_shuffle=False, balance_label_examples=False):\n","# '''\n","# Generate a DataLoader for the test set using precomputed embeddings, similar to the original data loader.\n","# '''\n","# examples = []\n","#\n","# # Count the percentage of labeled examples\n","# num_labeled_examples = sum(label_masks)\n","# label_mask_rate = num_labeled_examples / len(embeddings)\n","#\n","# # Process examples based on the mask and balance settings\n","# for index, embedding in enumerate(embeddings):\n","# label = labels[index]\n","# #print(\"Label: \", label)\n","# label_mask = label_masks[index]\n","#\n","# if label_mask_rate == 1 or not balance_label_examples:\n","# examples.append((embedding, label, label_mask))\n","# else:\n","# if label_mask:\n","# balance = int(1 / label_mask_rate)\n","# balance = max(1, int(math.log(balance, 2)))\n","# for b in range(0, balance):\n","# examples.append((embedding, label, label_mask))\n","# else:\n","# examples.append((embedding, label, label_mask))\n","#\n","# # Prepare the tensors\n","# input_ids = []\n","# input_mask_array = []\n","# label_id_array = []\n","# label_mask_array = []\n","#\n","# for (embedding, label, label_mask) in examples:\n","# # No need for tokenization as embeddings are precomputed\n","# if len(embedding.shape) == 1:\n","# # If the embedding is [hidden_size], add the sequence length dimension\n","# embedding = embedding.unsqueeze(0) # Now it's [1, hidden_size]\n","# elif len(embedding.shape) != 2:\n","# raise ValueError(f\"Embedding has invalid shape: {embedding.shape}\")\n","# # Now embedding has shape [seq_length, hidden_size]\n","# input_ids.append(embedding)\n","#\n","# # Generate attention mask\n","# attention_mask = (embedding.abs().sum(dim=-1) > 0).long() # Shape: [seq_length]\n","# input_mask_array.append(attention_mask)\n","#\n","# label_id_array.append(label_map[label])\n","# label_mask_array.append(label_mask)\n","#\n","# # Convert lists to tensors\n","# input_ids = torch.stack(input_ids) # Embeddings\n","# input_mask_array = torch.stack(input_mask_array) # Shape: [batch_size, seq_length]\n","# label_id_array = torch.tensor(label_id_array, dtype=torch.long) # Labels\n","# label_mask_array = torch.tensor(label_mask_array, dtype=torch.bool) # Label masks\n","#\n","# # Building the TensorDataset, including label masks similar to the original function\n","# dataset = TensorDataset(input_ids, input_mask_array, label_id_array, label_mask_array)\n","#\n","# # Set up the sampler\n","# sampler = RandomSampler(dataset) if do_shuffle else SequentialSampler(dataset)\n","#\n","# # Create DataLoader\n","# return DataLoader(\n","# dataset, # The test samples\n","# sampler=sampler,\n","# batch_size=batch_size\n","# )"],"metadata":{"id":"D6jkUNhlnYte"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["import torch\n","from torch.utils.data import DataLoader, RandomSampler, SequentialSampler, TensorDataset\n","\n","def generate_test_data_loader(embeddings, labels, label_map, label_masks, do_shuffle=False, balance_label_examples=False):\n"," '''\n"," Generate a DataLoader for the test set using precomputed embeddings.\n"," '''\n"," examples = []\n","\n"," # Count the percentage of labeled examples\n"," num_labeled_examples = sum(label_masks)\n"," label_mask_rate = num_labeled_examples / len(embeddings)\n","\n"," # Process examples based on the mask and balance settings\n"," for index, embedding in enumerate(embeddings):\n"," label = labels[index]\n"," label_mask = label_masks[index]\n","\n"," if label_mask_rate == 1 or not balance_label_examples:\n"," examples.append((embedding, label, label_mask))\n"," else:\n"," if label_mask:\n"," balance = int(1/label_mask_rate)\n"," balance = int(math.log(balance,2))\n"," if balance < 1:\n"," balance = 1\n"," for b in range(0, int(balance)):\n"," examples.append((embedding, label, label_mask))\n"," else:\n"," examples.append((embedding, label, label_mask))\n","\n"," # Prepare the tensors\n"," input_ids = []\n"," label_id_array = []\n"," label_mask_array = []\n","\n"," for (embedding, label, label_mask) in examples:\n"," input_ids.append(embedding) # No need for sequence length handling, just use the [hidden_size] embedding\n","\n"," label_id_array.append(label_map[label])\n"," label_mask_array.append(label_mask)\n","\n"," # Convert lists to tensors\n"," input_ids = torch.stack(input_ids) # Shape: [batch_size, hidden_size]\n"," label_id_array = torch.tensor(label_id_array, dtype=torch.long) # Shape: [batch_size]\n"," label_mask_array = torch.tensor(label_mask_array, dtype=torch.bool) # Shape: [batch_size]\n","\n"," # Build the TensorDataset (no attention masks)\n"," dataset = TensorDataset(input_ids, label_id_array, label_mask_array)\n","\n"," # Set up the sampler\n"," sampler = RandomSampler(dataset) if do_shuffle else SequentialSampler(dataset)\n","\n"," # Create DataLoader\n"," return DataLoader(\n"," dataset,\n"," sampler=sampler,\n"," batch_size=batch_size\n"," )"],"metadata":{"id":"1ybwBdJbqSag","executionInfo":{"status":"ok","timestamp":1726185222260,"user_tz":420,"elapsed":373,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":51,"outputs":[]},{"cell_type":"code","source":["label_map = {}\n","for (i, label) in enumerate(label_list):\n"," label_map[label] = i\n","\n","#------------------------------\n","# Combine Embeddings and Load the Train Dataset\n","#------------------------------\n","\n","# Combine labeled and unlabeled embeddings\n","train_embeddings = my_train_embeddings\n","\n","# The labeled (train) dataset is assigned with a mask set to True\n","train_label_masks = np.ones(len(labeled_embeddings), dtype=bool)\n","\n","# If unlabeled examples are available\n","if unlabeled_examples:\n"," # The unlabeled (train) dataset is assigned with a mask set to False\n"," tmp_masks = np.zeros(len(unlabled_embeddings), dtype=bool)\n"," train_label_masks = np.concatenate([train_label_masks, tmp_masks])\n","\n","# Create labels for the combined dataset\n","train_labels = [example[1] for example in labeled_examples] + [example[1] for example in unlabeled_examples]\n","\n","# Average embeddings for each review\n","#train_averaged_embeddings = [\n","# average_embeddings(review_embeddings)\n","# for review_embeddings in train_embeddings\n","#]\n","\n","train_averaged_embeddings = train_embeddings\n","\n","# Generate the train data loader using the modified generate_data_loader function\n","train_dataloader = generate_train_data_loader(train_averaged_embeddings, train_labels, label_map, train_label_masks, do_shuffle=True, balance_label_examples=apply_balance)\n","\n","\n","#------------------------------\n","# Load the test dataset\n","#------------------------------\n","# Average embeddings for each review\n","#averaged_embeddings = [\n","# average_embeddings(review_embeddings)\n","# for review_embeddings in final_ordered_embeddings\n","#]\n","\n","averaged_embeddings = my_test_embeddings\n","\n","#The labeled (test) dataset is assigned with a mask set to True\n","test_label_masks = np.ones(len(test_examples), dtype=bool)\n","test_labels = [example[1] for example in test_examples]\n","test_dataloader = generate_test_data_loader(averaged_embeddings, test_labels, label_map, test_label_masks, do_shuffle=False, balance_label_examples=False)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":332},"id":"nvHk1zyKqYl4","executionInfo":{"status":"error","timestamp":1726185402200,"user_tz":420,"elapsed":405,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"f2d5013d-78c5-460e-ec41-e0642890246e"},"execution_count":56,"outputs":[{"output_type":"error","ename":"KeyError","evalue":"True","traceback":["\u001b[0;31m---------------------------------------------------------------------------\u001b[0m","\u001b[0;31mKeyError\u001b[0m Traceback (most recent call last)","\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 14\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 15\u001b[0m \u001b[0;31m# Generate the train data loader using the modified generate_data_loader function\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 16\u001b[0;31m \u001b[0mtrain_dataloader\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mgenerate_train_data_loader\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtrain_averaged_embeddings\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtrain_label_masks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mlabel_map\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtrain_label_masks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdo_shuffle\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mTrue\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbalance_label_examples\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mapply_balance\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 17\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 18\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;32m\u001b[0m in \u001b[0;36mgenerate_train_data_loader\u001b[0;34m(embeddings, labels, label_map, label_masks, do_shuffle, balance_label_examples)\u001b[0m\n\u001b[1;32m 39\u001b[0m \u001b[0minput_ids\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mappend\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0membedding\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;31m# Embeddings are already in shape [hidden_size], no need for further adjustment\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 40\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 41\u001b[0;31m \u001b[0mlabel_id_array\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mappend\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlabel_map\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mlabel\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 42\u001b[0m \u001b[0mlabel_mask_array\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mappend\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlabel_mask\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 43\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;31mKeyError\u001b[0m: True"]}]},{"cell_type":"code","source":["label_map = {}\n","for (i, label) in enumerate(label_list):\n"," label_map[label] = i\n","\n","#------------------------------\n","# Combine Embeddings and Load the Train Dataset\n","#------------------------------\n","\n","# Combine labeled and unlabeled embeddings\n","train_embeddings = my_train_embeddings\n","\n","# The labeled (train) dataset is assigned with a mask set to True\n","train_label_masks = np.ones(len(labeled_embeddings), dtype=bool)\n","\n","# If unlabeled examples are available\n","if unlabeled_examples:\n"," # The unlabeled (train) dataset is assigned with a mask set to False\n"," tmp_masks = np.zeros(len(unlabled_embeddings), dtype=bool)\n"," train_label_masks = np.concatenate([train_label_masks, tmp_masks])\n","\n","# Create labels for the combined dataset\n","train_labels = [example[1] for example in labeled_examples] + [example[1] for example in unlabeled_examples]\n","\n","# Average embeddings for each review\n","#train_averaged_embeddings = [\n","# average_embeddings(review_embeddings)\n","# for review_embeddings in train_embeddings\n","#]\n","\n","train_averaged_embeddings = train_embeddings\n","\n","# Generate the train data loader using the modified generate_data_loader function\n","train_dataloader = generate_train_data_loader(train_averaged_embeddings, train_labels, label_map, train_label_masks, do_shuffle=True, balance_label_examples=apply_balance)\n","\n","\n","#------------------------------\n","# Load the test dataset\n","#------------------------------\n","# Average embeddings for each review\n","#averaged_embeddings = [\n","# average_embeddings(review_embeddings)\n","# for review_embeddings in final_ordered_embeddings\n","#]\n","\n","averaged_embeddings = my_test_embeddings\n","\n","#The labeled (test) dataset is assigned with a mask set to True\n","test_label_masks = np.ones(len(test_examples), dtype=bool)\n","test_labels = [example[1] for example in test_examples]\n","test_dataloader = generate_test_data_loader(averaged_embeddings, test_labels, label_map, test_label_masks, do_shuffle=False, balance_label_examples=False)"],"metadata":{"id":"cxNUJ63dx-p3"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["label_map = {}\n","for (i, label) in enumerate(label_list):\n"," label_map[label] = i\n","\n","#------------------------------\n","# Combine Embeddings and Load the Train Dataset\n","#------------------------------\n","\n","# Combine labeled and unlabeled embeddings\n","train_embeddings = labeled_embeddings + unlabled_embeddings\n","\n","# The labeled (train) dataset is assigned with a mask set to True\n","train_label_masks = np.ones(len(labeled_embeddings), dtype=bool)\n","\n","# If unlabeled examples are available\n","if unlabeled_examples:\n"," # The unlabeled (train) dataset is assigned with a mask set to False\n"," tmp_masks = np.zeros(len(unlabled_embeddings), dtype=bool)\n"," train_label_masks = np.concatenate([train_label_masks, tmp_masks])\n","\n","# Create labels for the combined dataset\n","train_labels = [example[1] for example in labeled_examples] + [example[1] for example in unlabeled_examples]\n","\n","# Average embeddings for each review\n","#train_averaged_embeddings = [\n","# average_embeddings(review_embeddings)\n","# for review_embeddings in train_embeddings\n","#]\n","\n","train_averaged_embeddings = train_embeddings\n","\n","# Generate the train data loader using the modified generate_data_loader function\n","train_dataloader = generate_train_data_loader(train_averaged_embeddings, train_labels, label_map, train_label_masks, do_shuffle=True, balance_label_examples=apply_balance)\n","\n","\n","#------------------------------\n","# Load the test dataset\n","#------------------------------\n","# Average embeddings for each review\n","#averaged_embeddings = [\n","# average_embeddings(review_embeddings)\n","# for review_embeddings in final_ordered_embeddings\n","#]\n","\n","averaged_embeddings = test_embeddings\n","\n","#The labeled (test) dataset is assigned with a mask set to True\n","test_label_masks = np.ones(len(test_examples), dtype=bool)\n","test_labels = [example[1] for example in test_examples]\n","test_dataloader = generate_test_data_loader(averaged_embeddings, test_labels, label_map, test_label_masks, do_shuffle=False, balance_label_examples=False)\n","\n"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":211},"id":"caEk4noCP0Zu","executionInfo":{"status":"error","timestamp":1726185300389,"user_tz":420,"elapsed":362,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"ee2b3aab-a762-4612-cd33-97b2670cdbe3"},"execution_count":53,"outputs":[{"output_type":"error","ename":"NameError","evalue":"name 'labeled_embeddings' is not defined","traceback":["\u001b[0;31m---------------------------------------------------------------------------\u001b[0m","\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)","\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 8\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0;31m# Combine labeled and unlabeled embeddings\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 10\u001b[0;31m \u001b[0mtrain_embeddings\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mlabeled_embeddings\u001b[0m \u001b[0;34m+\u001b[0m \u001b[0munlabled_embeddings\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 11\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 12\u001b[0m \u001b[0;31m# The labeled (train) dataset is assigned with a mask set to True\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;31mNameError\u001b[0m: name 'labeled_embeddings' is not defined"]}]},{"cell_type":"code","source":["averaged_embeddings[0].shape"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"XBYRHqT0nYeR","executionInfo":{"status":"ok","timestamp":1725598383890,"user_tz":420,"elapsed":291,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"f3014f47-80a3-488e-da60-b0dfe0c0c3f1"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["torch.Size([768])"]},"metadata":{},"execution_count":101}]},{"cell_type":"code","source":["test_labels"],"metadata":{"id":"xl_vbZRbLB_P"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["train_labels"],"metadata":{"id":"YQfCdOkhf3un"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["test_label_masks"],"metadata":{"id":"OBgnofLSEY9x"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["train_label_masks\n"],"metadata":{"id":"zORrKDcqDnW8"},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":["##Setup the Generator and Descriminator"],"metadata":{"id":"PRCttwGna7jK"}},{"cell_type":"code","source":["#------------------------------\n","# The Generator as in\n","# https://www.aclweb.org/anthology/2020.acl-main.191/\n","# https://github.com/crux82/ganbert\n","#------------------------------\n","#class Generator(nn.Module):\n","# def __init__(self, noise_size=100, output_size=512, hidden_sizes=[512], dropout_rate=0.1):\n","# super(Generator, self).__init__()\n","# layers = []\n","# hidden_sizes = [noise_size] + hidden_sizes\n","# for i in range(len(hidden_sizes)-1):\n","# layers.extend([nn.Linear(hidden_sizes[i], hidden_sizes[i+1]), nn.LeakyReLU(0.2, inplace=True), nn.Dropout(dropout_rate)])\n","#\n","# layers.append(nn.Linear(hidden_sizes[-1],output_size))\n","# self.layers = nn.Sequential(*layers)\n","#\n","# def forward(self, noise):\n","# output_rep = self.layers(noise)\n","# return output_rep\n","\n","class Generator(nn.Module):\n"," def __init__(self, noise_size=100, output_size=512, hidden_sizes=[512], dropout_rate=0.1):\n"," super(Generator, self).__init__()\n"," layers = []\n"," hidden_sizes = [noise_size] + hidden_sizes\n"," for i in range(len(hidden_sizes)-1):\n"," layers.extend([nn.Linear(hidden_sizes[i], hidden_sizes[i+1]), nn.LeakyReLU(0.2, inplace=True), nn.Dropout(dropout_rate)])\n","\n"," layers.append(nn.Linear(hidden_sizes[-1], output_size)) # Adjust output_size to 768\n"," self.layers = nn.Sequential(*layers)\n","\n"," def forward(self, noise):\n"," output_rep = self.layers(noise)\n"," return output_rep\n","\n","#------------------------------\n","# The Discriminator\n","# https://www.aclweb.org/anthology/2020.acl-main.191/\n","# https://github.com/crux82/ganbert\n","#------------------------------\n","#class Discriminator(nn.Module):\n","# def __init__(self, input_size=512, hidden_sizes=[512], num_labels=2, dropout_rate=0.1):\n","# super(Discriminator, self).__init__()\n","# self.input_dropout = nn.Dropout(p=dropout_rate)\n","# layers = []\n","# hidden_sizes = [input_size] + hidden_sizes\n","# for i in range(len(hidden_sizes)-1):\n","# layers.extend([nn.Linear(hidden_sizes[i], hidden_sizes[i+1]), nn.LeakyReLU(0.2, inplace=True), nn.Dropout(dropout_rate)])\n","#\n","# self.layers = nn.Sequential(*layers) #per il flatten\n","# self.logit = nn.Linear(hidden_sizes[-1],num_labels+1) # +1 for the probability of this sample being fake/real.\n","# self.softmax = nn.Softmax(dim=-1)\n","#\n","# def forward(self, input_rep):\n","# input_rep = self.input_dropout(input_rep)\n","# last_rep = self.layers(input_rep)\n","# logits = self.logit(last_rep)\n","# probs = self.softmax(logits)\n","# return last_rep, logits, probs\n","\n","class Discriminator(nn.Module):\n"," def __init__(self, input_size=512, hidden_sizes=[512], num_labels=2, dropout_rate=0.1):\n"," super(Discriminator, self).__init__()\n"," self.input_dropout = nn.Dropout(p=dropout_rate)\n"," layers = []\n"," hidden_sizes = [input_size] + hidden_sizes\n"," for i in range(len(hidden_sizes)-1):\n"," layers.extend([nn.Linear(hidden_sizes[i], hidden_sizes[i+1]), nn.LeakyReLU(0.2, inplace=True), nn.Dropout(dropout_rate)])\n","\n"," self.layers = nn.Sequential(*layers)\n"," self.logit = nn.Linear(hidden_sizes[-1], num_labels+1) # +1 for the probability of this sample being fake/real.\n"," self.softmax = nn.Softmax(dim=-1)\n","\n"," def forward(self, input_rep):\n"," print(f\"Input shape: {input_rep.shape}\") # Add this line to debug\n"," input_rep = self.input_dropout(input_rep)\n"," last_rep = self.layers(input_rep)\n"," logits = self.logit(last_rep)\n"," probs = self.softmax(logits)\n"," return last_rep, logits, probs"],"metadata":{"id":"yb9XoDRpOeSq","executionInfo":{"status":"ok","timestamp":1726183979509,"user_tz":420,"elapsed":356,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":25,"outputs":[]},{"cell_type":"code","source":["# The config file is required to get the dimension of the vector produced by\n","# the underlying transformer\n","config = AutoConfig.from_pretrained(model_name)\n","hidden_size = int(config.hidden_size)\n","# Define the number and width of hidden layers\n","hidden_levels_g = [hidden_size for i in range(0, num_hidden_layers_g)]\n","hidden_levels_d = [hidden_size for i in range(0, num_hidden_layers_d)]\n","\n","#-------------------------------------------------\n","# Instantiate the Generator and Discriminator\n","#-------------------------------------------------\n","generator = Generator(noise_size=noise_size, output_size=768, hidden_sizes=hidden_levels_g, dropout_rate=out_dropout_rate)\n","discriminator = Discriminator(input_size=768, hidden_sizes=hidden_levels_d, num_labels=len(label_list), dropout_rate=out_dropout_rate)\n","\n","# Put everything in the GPU if available\n","if torch.cuda.is_available():\n"," generator.cuda()\n"," discriminator.cuda()\n"," transformer.cuda()\n"," if multi_gpu:\n"," transformer = torch.nn.DataParallel(transformer)\n","\n","# print(config)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"5qUTFiwJOg2m","executionInfo":{"status":"ok","timestamp":1726184135772,"user_tz":420,"elapsed":1056,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"d1d88c07-3814-45e0-fe6b-2896cf861698","collapsed":true},"execution_count":33,"outputs":[{"output_type":"stream","name":"stderr","text":["loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n"]}]},{"cell_type":"markdown","source":["##New Attempt\n"],"metadata":{"id":"5d-Z0MU-7q4y"}},{"cell_type":"code","source":["for z in range(1, 3):\n"," label_map = {}\n"," for (i, label) in enumerate(label_list):\n"," label_map[label] = i\n","\n"," # The config file is required to get the dimension of the vector produced by the underlying transformer\n"," config = AutoConfig.from_pretrained(model_name)\n"," hidden_size = int(config.hidden_size)\n"," # Define the number and width of hidden layers\n"," hidden_levels_g = [hidden_size for _ in range(num_hidden_layers_g)]\n"," hidden_levels_d = [hidden_size for _ in range(num_hidden_layers_d)]\n","\n"," #-------------------------------------------------\n"," # Instantiate the Generator and Discriminator\n"," #-------------------------------------------------\n"," generator = Generator(noise_size=noise_size, output_size=hidden_size, hidden_sizes=hidden_levels_g, dropout_rate=out_dropout_rate).to(device)\n"," discriminator = Discriminator(input_size=hidden_size, hidden_sizes=hidden_levels_d, num_labels=len(label_list), dropout_rate=out_dropout_rate).to(device)\n"," transformer = transformer.to(device)\n","\n"," # If using multiple GPUs\n"," if multi_gpu and torch.cuda.device_count() > 1:\n"," transformer = torch.nn.DataParallel(transformer)\n","\n"," ###########################################################\n","\n"," training_stats = []\n"," total_t0 = time.time() # Total training time\n","\n"," # Model parameters\n"," transformer_vars = list(transformer.parameters())\n"," d_vars = transformer_vars + list(discriminator.parameters())\n"," g_vars = list(generator.parameters())\n","\n"," # Optimizer\n"," dis_optimizer = torch.optim.AdamW(d_vars, lr=learning_rate_discriminator)\n"," gen_optimizer = torch.optim.AdamW(g_vars, lr=learning_rate_generator)\n","\n"," # Scheduler\n"," if apply_scheduler:\n"," num_train_examples = len(train_embeddings)\n"," num_train_steps = int(num_train_examples / batch_size * num_train_epochs)\n"," num_warmup_steps = int(num_train_steps * warmup_proportion)\n","\n"," scheduler_d = get_constant_schedule_with_warmup(dis_optimizer, num_warmup_steps=num_warmup_steps)\n"," scheduler_g = get_constant_schedule_with_warmup(gen_optimizer, num_warmup_steps=num_warmup_steps)\n","\n"," # For each epoch...\n"," for epoch_i in range(0, num_train_epochs):\n"," # ========================================\n"," # Training\n"," # ========================================\n"," print(f'\\n======== Epoch {epoch_i + 1} / {num_train_epochs} ========')\n"," print('Training...')\n","\n"," t0 = time.time() # Track time for this epoch\n","\n"," tr_g_loss = 0\n"," tr_d_loss = 0\n","\n"," # Set the models to training mode\n"," transformer.train()\n"," generator.train()\n"," discriminator.train()\n","\n"," for step, batch in enumerate(train_dataloader):\n"," if step % print_each_n_step == 0 and not step == 0:\n"," elapsed = format_time(time.time() - t0)\n"," print(f' Batch {step} of {len(train_dataloader)}. Elapsed: {elapsed}.')\n","\n"," # Unpack the batch from the dataloader\n"," b_embeddings = batch[0].to(device).float()\n"," b_labels = batch[1].to(device).long()\n"," b_label_mask = batch[2].to(device).bool()\n","\n"," real_batch_size = b_embeddings.shape[0]\n","\n"," # Generate fake data\n"," noise = torch.zeros(real_batch_size, noise_size, device=device).uniform_(0, 1)\n"," gen_rep = generator(noise)\n","\n"," # Discriminator output\n"," discriminator_input = torch.cat([b_embeddings, gen_rep], dim=0)\n"," features, logits, probs = discriminator(discriminator_input)\n","\n"," features_list = torch.split(features, real_batch_size)\n"," D_real_features = features_list[0]\n"," D_fake_features = features_list[1]\n","\n"," logits_list = torch.split(logits, real_batch_size)\n"," D_real_logits = logits_list[0]\n"," D_fake_logits = logits_list[1]\n","\n"," probs_list = torch.split(probs, real_batch_size)\n"," D_real_probs = probs_list[0]\n"," D_fake_probs = probs_list[1]\n","\n"," # Loss evaluation\n"," g_loss_d = -1 * torch.mean(torch.log(1 - D_fake_probs[:, -1] + epsilon))\n"," g_feat_reg = torch.mean(torch.pow(torch.mean(D_real_features, dim=0) - torch.mean(D_fake_features, dim=0), 2))\n"," g_loss = g_loss_d + g_feat_reg\n","\n"," logits = D_real_logits[:, :-1]\n"," log_probs = F.log_softmax(logits, dim=-1)\n"," label2one_hot = torch.nn.functional.one_hot(b_labels, len(label_list))\n"," per_example_loss = -torch.sum(label2one_hot * log_probs, dim=-1)\n"," per_example_loss = torch.masked_select(per_example_loss, b_label_mask.to(device))\n"," labeled_example_count = per_example_loss.type(torch.float32).numel()\n","\n"," D_L_Supervised = torch.div(torch.sum(per_example_loss.to(device)), labeled_example_count) if labeled_example_count > 0 else 0\n"," D_L_unsupervised1U = -1 * torch.mean(torch.log(1 - D_real_probs[:, -1] + epsilon))\n"," D_L_unsupervised2U = -1 * torch.mean(torch.log(D_fake_probs[:, -1] + epsilon))\n"," d_loss = D_L_Supervised + D_L_unsupervised1U + D_L_unsupervised2U\n","\n"," # Optimization\n"," gen_optimizer.zero_grad()\n"," dis_optimizer.zero_grad()\n"," g_loss.backward(retain_graph=True)\n"," d_loss.backward()\n","\n"," gen_optimizer.step()\n"," dis_optimizer.step()\n","\n"," tr_g_loss += g_loss.item()\n"," tr_d_loss += d_loss.item()\n","\n"," if apply_scheduler:\n"," scheduler_d.step()\n"," scheduler_g.step()\n","\n"," torch.cuda.empty_cache() # Clear CUDA cache\n","\n"," avg_train_loss_g = tr_g_loss / len(train_dataloader)\n"," avg_train_loss_d = tr_d_loss / len(train_dataloader)\n"," training_time = format_time(time.time() - t0)\n","\n"," print(f\" Average training loss generator: {avg_train_loss_g:.3f}\")\n"," print(f\" Average training loss discriminator: {avg_train_loss_d:.3f}\")\n"," print(f\" Training epoch took: {training_time}\")\n","\n"," # ========================================\n"," # TEST ON THE EVALUATION DATASET\n"," # ========================================\n"," print(\"Running Test...\")\n","\n"," t0 = time.time() # Track test time\n","\n"," # Set the models to evaluation mode\n"," transformer.eval()\n"," discriminator.eval()\n"," generator.eval()\n","\n"," total_test_loss = 0\n"," all_preds = []\n"," all_labels_ids = []\n","\n"," nll_loss = torch.nn.CrossEntropyLoss(ignore_index=-1)\n","\n"," for batch in test_dataloader:\n"," b_embeddings = batch[0].to(device).float()\n"," b_labels = batch[1].to(device).long()\n","\n"," with torch.no_grad():\n"," _, logits, probs = discriminator(b_embeddings)\n"," filtered_logits = logits.squeeze(1)\n","\n"," print(f\"filtered_logits shape: {filtered_logits.shape}, b_labels shape: {b_labels.shape}\")\n","\n"," total_test_loss += nll_loss(filtered_logits, b_labels)\n","\n"," _, preds = torch.max(filtered_logits, 1)\n"," all_preds += preds.detach().cpu()\n"," all_labels_ids += b_labels.detach().cpu()\n","\n"," all_preds = torch.stack(all_preds).numpy()\n"," all_labels_ids = torch.stack(all_labels_ids).numpy()\n"," test_accuracy = np.sum(all_preds == all_labels_ids) / len(all_preds)\n"," print(f\" Accuracy: {test_accuracy:.3f}\")\n","\n"," avg_test_loss = total_test_loss / len(test_dataloader)\n"," avg_test_loss = avg_test_loss.item()\n"," test_time = format_time(time.time() - t0)\n","\n"," print(f\" Test Loss: {avg_test_loss:.3f}\")\n"," print(f\" Test took: {test_time}\")\n","\n"," # Record statistics\n"," training_stats.append({\n"," 'epoch': epoch_i + 1,\n"," 'Training Loss generator': avg_train_loss_g,\n"," 'Training Loss discriminator': avg_train_loss_d,\n"," 'Valid. Loss': avg_test_loss,\n"," 'Valid. Accur.': test_accuracy,\n"," 'Training Time': training_time,\n"," 'Test Time': test_time,\n"," 'Preds': all_preds,\n"," 'Labels': all_labels_ids\n"," })\n","\n"," last_pred = []\n"," last_label = []\n"," for stat in training_stats:\n"," last_pred = stat['Preds']\n"," last_label = stat['Labels']\n","\n"," print(\"\\nTraining complete!\")\n"," print(f\"Total training took {format_time(time.time() - total_t0)} (h:mm:ss)\")\n","\n"," with open(f'/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/runs/{z}/SpaBert_training_stats_lab_yelp_100L_ns_400R.pkl', 'wb') as f:\n"," pickle.dump(training_stats, f)\n"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"tjMK1EI2_j5G","executionInfo":{"status":"ok","timestamp":1726187321810,"user_tz":420,"elapsed":5440,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"fca5e037-865f-46e2-a9ae-12d0453a81cf"},"execution_count":74,"outputs":[{"output_type":"stream","name":"stderr","text":["loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n"]},{"output_type":"stream","name":"stdout","text":["\n","======== Epoch 1 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.406\n"," Average training loss discriminator: 2.397\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.388\n"," Test Loss: 1.058\n"," Test took: 0:00:00\n","\n","======== Epoch 2 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.641\n"," Average training loss discriminator: 1.784\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.438\n"," Test Loss: 0.894\n"," Test took: 0:00:00\n","\n","======== Epoch 3 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.821\n"," Average training loss discriminator: 1.485\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.463\n"," Test Loss: 0.810\n"," Test took: 0:00:00\n","\n","======== Epoch 4 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.739\n"," Average training loss discriminator: 1.497\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.475\n"," Test Loss: 0.770\n"," Test took: 0:00:00\n","\n","======== Epoch 5 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.697\n"," Average training loss discriminator: 1.517\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.562\n"," Test Loss: 0.752\n"," Test took: 0:00:00\n","\n","======== Epoch 6 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.748\n"," Average training loss discriminator: 1.449\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.512\n"," Test Loss: 0.735\n"," Test took: 0:00:00\n","\n","======== Epoch 7 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.733\n"," Average training loss discriminator: 1.443\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.556\n"," Test Loss: 0.726\n"," Test took: 0:00:00\n","\n","======== Epoch 8 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.724\n"," Average training loss discriminator: 1.442\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.588\n"," Test Loss: 0.719\n"," Test took: 0:00:00\n","\n","======== Epoch 9 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.730\n"," Average training loss discriminator: 1.422\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.594\n"," Test Loss: 0.715\n"," Test took: 0:00:00\n","\n","======== Epoch 10 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.722\n"," Average training loss discriminator: 1.421\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.594\n"," Test Loss: 0.712\n"," Test took: 0:00:00\n","\n","Training complete!\n","Total training took 0:00:01 (h:mm:ss)\n"]},{"output_type":"stream","name":"stderr","text":["loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n"]},{"output_type":"stream","name":"stdout","text":["\n","======== Epoch 1 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.394\n"," Average training loss discriminator: 2.534\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.519\n"," Test Loss: 1.145\n"," Test took: 0:00:00\n","\n","======== Epoch 2 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.593\n"," Average training loss discriminator: 1.904\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.544\n"," Test Loss: 0.941\n"," Test took: 0:00:00\n","\n","======== Epoch 3 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.805\n"," Average training loss discriminator: 1.530\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.469\n"," Test Loss: 0.836\n"," Test took: 0:00:00\n","\n","======== Epoch 4 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.759\n"," Average training loss discriminator: 1.503\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.556\n"," Test Loss: 0.788\n"," Test took: 0:00:00\n","\n","======== Epoch 5 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.692\n"," Average training loss discriminator: 1.528\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.550\n"," Test Loss: 0.760\n"," Test took: 0:00:00\n","\n","======== Epoch 6 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.736\n"," Average training loss discriminator: 1.464\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.519\n"," Test Loss: 0.738\n"," Test took: 0:00:00\n","\n","======== Epoch 7 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.735\n"," Average training loss discriminator: 1.444\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.606\n"," Test Loss: 0.730\n"," Test took: 0:00:00\n","\n","======== Epoch 8 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.721\n"," Average training loss discriminator: 1.445\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.613\n"," Test Loss: 0.721\n"," Test took: 0:00:00\n","\n","======== Epoch 9 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.725\n"," Average training loss discriminator: 1.442\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.650\n"," Test Loss: 0.719\n"," Test took: 0:00:00\n","\n","======== Epoch 10 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.724\n"," Average training loss discriminator: 1.424\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.606\n"," Test Loss: 0.712\n"," Test took: 0:00:00\n","\n","Training complete!\n","Total training took 0:00:01 (h:mm:ss)\n"]}]},{"cell_type":"markdown","source":["##Begin the Procedure for Training and Testing the Architecture"],"metadata":{"id":"2UF2zclPbBeJ"}},{"cell_type":"code","source":["for z in range(1, 3):\n"," # Create the label map\n"," label_map = {label: i for i, label in enumerate(label_list)}\n","\n"," train_dataloader = generate_train_data_loader(train_averaged_embeddings, train_labels, label_map, train_label_masks, do_shuffle=True, balance_label_examples=apply_balance)\n"," test_dataloader = generate_test_data_loader(averaged_embeddings, test_labels, label_map, test_label_masks, do_shuffle=False, balance_label_examples=False)\n","\n"," ###########################################################\n","\n"," # Model configuration\n"," config = AutoConfig.from_pretrained(model_name)\n"," hidden_size = int(config.hidden_size)\n"," hidden_levels_g = [hidden_size for _ in range(num_hidden_layers_g)]\n"," hidden_levels_d = [hidden_size for _ in range(num_hidden_layers_d)]\n","\n"," # Instantiate the Generator and Discriminator\n"," generator = Generator(noise_size=noise_size, output_size=hidden_size, hidden_sizes=hidden_levels_g, dropout_rate=out_dropout_rate)\n"," discriminator = Discriminator(input_size=hidden_size, hidden_sizes=hidden_levels_d, num_labels=len(label_list), dropout_rate=out_dropout_rate)\n","\n"," # Use GPU if available\n"," if torch.cuda.is_available():\n"," generator.cuda()\n"," discriminator.cuda()\n"," transformer.cuda()\n"," if multi_gpu:\n"," transformer = torch.nn.DataParallel(transformer)\n","\n"," ###########################################################\n","\n"," training_stats = []\n"," total_t0 = time.time()\n","\n"," # Model parameters\n"," transformer_vars = [i for i in transformer.parameters()]\n"," d_vars = transformer_vars + [v for v in discriminator.parameters()]\n"," g_vars = [v for v in generator.parameters()]\n","\n"," # Optimizer\n"," dis_optimizer = torch.optim.AdamW(d_vars, lr=learning_rate_discriminator)\n"," gen_optimizer = torch.optim.AdamW(g_vars, lr=learning_rate_generator)\n","\n"," # Scheduler\n"," if apply_scheduler:\n"," num_train_examples = len(train_examples)\n"," num_train_steps = int(num_train_examples / batch_size * num_train_epochs)\n"," num_warmup_steps = int(num_train_steps * warmup_proportion)\n","\n"," scheduler_d = get_constant_schedule_with_warmup(dis_optimizer, num_warmup_steps=num_warmup_steps)\n"," scheduler_g = get_constant_schedule_with_warmup(gen_optimizer, num_warmup_steps=num_warmup_steps)\n","\n"," # Training loop\n"," for epoch_i in range(0, num_train_epochs):\n"," print(f'\\n======== Epoch {epoch_i + 1} / {num_train_epochs} ========')\n"," print('Training...')\n","\n"," t0 = time.time()\n"," tr_g_loss = 0\n"," tr_d_loss = 0\n","\n"," transformer.train()\n"," generator.train()\n"," discriminator.train()\n","\n"," for step, batch in enumerate(train_dataloader):\n"," if step % print_each_n_step == 0 and not step == 0:\n"," elapsed = format_time(time.time() - t0)\n"," print(f' Batch {step} of {len(train_dataloader)}. Elapsed: {elapsed}.')\n","\n"," # Unpack the batch from the dataloader\n"," b_embeddings = batch[0].to(device).float()\n"," b_labels = batch[1].to(device).long()\n"," b_label_mask = batch[2].to(device).bool()\n","\n"," #print(f\"b_embeddings shape: {b_embeddings.shape}\")\n"," #print(f\"b_labels shape: {b_labels.shape}\")\n"," #print(f\"b_label_mask shape: {b_label_mask.shape}\")\n"," #print(f\"b_lables: { b_labels}\")\n","\n"," real_batch_size = b_embeddings.shape[0]\n","\n"," if len(b_embeddings.shape) == 2:\n"," b_embeddings = b_embeddings.unsqueeze(1) # This makes the shape [batch_size, 1, hidden_size]\n","\n"," # Encode real data in the Transformer\n"," model_outputs = transformer(inputs_embeds=b_embeddings)\n"," hidden_states = model_outputs[-1]\n","\n"," # Generate fake data\n"," noise = torch.zeros(real_batch_size, noise_size, device=device).uniform_(0, 1)\n"," gen_rep = generator(noise)\n","\n"," # Discriminator output\n"," disciminator_input = torch.cat([hidden_states, gen_rep], dim=0)\n"," features, logits, probs = discriminator(disciminator_input)\n","\n"," features_list = torch.split(features, real_batch_size)\n"," D_real_features = features_list[0]\n"," D_fake_features = features_list[1]\n","\n"," logits_list = torch.split(logits, real_batch_size)\n"," D_real_logits = logits_list[0]\n"," D_fake_logits = logits_list[1]\n","\n"," probs_list = torch.split(probs, real_batch_size)\n"," D_real_probs = probs_list[0]\n"," D_fake_probs = probs_list[1]\n","\n"," # Loss evaluation\n"," g_loss_d = -1 * torch.mean(torch.log(1 - D_fake_probs[:, -1] + epsilon))\n"," g_feat_reg = torch.mean(torch.pow(torch.mean(D_real_features, dim=0) - torch.mean(D_fake_features, dim=0), 2))\n"," g_loss = g_loss_d + g_feat_reg\n","\n"," logits = D_real_logits[:, 0:-1]\n"," log_probs = F.log_softmax(logits, dim=-1)\n"," label2one_hot = torch.nn.functional.one_hot(b_labels, len(label_list))\n"," per_example_loss = -torch.sum(label2one_hot * log_probs, dim=-1)\n"," per_example_loss = torch.masked_select(per_example_loss, b_label_mask.to(device))\n"," labeled_example_count = per_example_loss.type(torch.float32).numel()\n","\n"," D_L_Supervised = torch.div(torch.sum(per_example_loss.to(device)), labeled_example_count) if labeled_example_count > 0 else 0\n"," D_L_unsupervised1U = -1 * torch.mean(torch.log(1 - D_real_probs[:, -1] + epsilon))\n"," D_L_unsupervised2U = -1 * torch.mean(torch.log(D_fake_probs[:, -1] + epsilon))\n"," d_loss = D_L_Supervised + D_L_unsupervised1U + D_L_unsupervised2U\n","\n"," # Optimization\n"," gen_optimizer.zero_grad()\n"," dis_optimizer.zero_grad()\n"," g_loss.backward(retain_graph=True)\n"," d_loss.backward()\n","\n"," gen_optimizer.step()\n"," dis_optimizer.step()\n","\n"," tr_g_loss += g_loss.item()\n"," tr_d_loss += d_loss.item()\n","\n"," if apply_scheduler:\n"," scheduler_d.step()\n"," scheduler_g.step()\n","\n"," avg_train_loss_g = tr_g_loss / len(train_dataloader)\n"," avg_train_loss_d = tr_d_loss / len(train_dataloader)\n"," training_time = format_time(time.time() - t0)\n","\n"," print(f\" Average training loss generator: {avg_train_loss_g:.3f}\")\n"," print(f\" Average training loss discriminator: {avg_train_loss_d:.3f}\")\n"," print(f\" Training epoch took: {training_time}\")\n","\n"," # Testing loop\n"," print(\"Running Test...\")\n","\n"," t0 = time.time()\n"," transformer.eval()\n"," discriminator.eval()\n"," generator.eval()\n","\n"," total_test_accuracy = 0\n"," total_test_loss = 0\n"," all_preds = []\n"," all_labels_ids = []\n","\n"," #loss\n"," nll_loss = torch.nn.CrossEntropyLoss(ignore_index=-1)\n","\n"," for batch in test_dataloader:\n"," b_embeddings = batch[0].to(device).float()\n"," b_labels = batch[1].to(device).long()\n"," b_label_masks = batch[2].to(device).bool()\n","\n"," #print(f\"b_embeddings shape: {b_embeddings.shape}\")\n"," #print(f\"b_labels shape: {b_labels.shape}\")\n"," #print(f\"b_label_mask shape: {b_label_mask.shape}\")\n"," #print(f\"b_lables: { b_labels}\")\n","\n"," with torch.no_grad():\n"," _, logits, probs = discriminator(b_embeddings)\n"," #filtered_logits = logits[:, 0:-1]\n"," filtered_logits = logits.squeeze(1)\n","\n"," print(f\"filtered_logits shape: {filtered_logits.shape}, b_labels shape: {b_labels.shape}\")\n","\n"," total_test_loss += nll_loss(filtered_logits, b_labels)\n","\n"," _, preds = torch.max(filtered_logits, 1)\n"," all_preds += preds.detach().cpu()\n"," all_labels_ids += b_labels.detach().cpu()\n","\n"," all_preds = torch.stack(all_preds).numpy()\n"," all_labels_ids = torch.stack(all_labels_ids).numpy()\n"," test_accuracy = np.sum(all_preds == all_labels_ids) / len(all_preds)\n"," print(f\" Accuracy: {test_accuracy:.3f}\")\n","\n"," avg_test_loss = total_test_loss / len(test_dataloader)\n"," avg_test_loss = avg_test_loss.item()\n"," test_time = format_time(time.time() - t0)\n","\n"," print(f\" Test Loss: {avg_test_loss:.3f}\")\n"," print(f\" Test took: {test_time}\")\n","\n"," # Record statistics\n"," training_stats.append({\n"," 'epoch': epoch_i + 1,\n"," 'Training Loss generator': avg_train_loss_g,\n"," 'Training Loss discriminator': avg_train_loss_d,\n"," 'Valid. Loss': avg_test_loss,\n"," 'Valid. Accur.': test_accuracy,\n"," 'Training Time': training_time,\n"," 'Test Time': test_time,\n"," 'Preds': all_preds,\n"," 'Labels': all_labels_ids\n"," })\n","\n"," last_pred = []\n"," last_label = []\n"," for stat in training_stats:\n"," last_pred = stat['Preds']\n"," last_label = stat['Labels']\n","\n"," print(\"\\nTraining complete!\")\n"," print(f\"Total training took {format_time(time.time() - total_t0)} (h:mm:ss)\")\n","\n"," with open(f'/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/runs/{z}/SpaBert_training_stats_lab_yelp_100L_ns_400R.pkl', 'wb') as f:\n"," pickle.dump(training_stats, f)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":211},"id":"7USUweU1gauK","executionInfo":{"status":"error","timestamp":1726184121300,"user_tz":420,"elapsed":1003,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"845fe4c2-b464-497c-d271-29942633864f"},"execution_count":32,"outputs":[{"output_type":"error","ename":"NameError","evalue":"name 'train_labels' is not defined","traceback":["\u001b[0;31m---------------------------------------------------------------------------\u001b[0m","\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)","\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[0mlabel_map\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m{\u001b[0m\u001b[0mlabel\u001b[0m\u001b[0;34m:\u001b[0m \u001b[0mi\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mi\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mlabel\u001b[0m \u001b[0;32min\u001b[0m \u001b[0menumerate\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlabel_list\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m}\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 4\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 5\u001b[0;31m \u001b[0mtrain_dataloader\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mgenerate_train_data_loader\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtrain_averaged_embeddings\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtrain_labels\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mlabel_map\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtrain_label_masks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdo_shuffle\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mTrue\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbalance_label_examples\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mapply_balance\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 6\u001b[0m \u001b[0mtest_dataloader\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mgenerate_test_data_loader\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0maveraged_embeddings\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtest_labels\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mlabel_map\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtest_label_masks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdo_shuffle\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mFalse\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbalance_label_examples\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mFalse\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 7\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;31mNameError\u001b[0m: name 'train_labels' is not defined"]}]},{"cell_type":"code","source":["##OUTDATED\n","for z in range(1, 3):\n"," label_map = {}\n"," for (i, label) in enumerate(label_list):\n"," label_map[label] = i\n"," #------------------------------\n"," # Load the train dataset\n"," #------------------------------\n"," train_examples = labeled_examples\n"," #The labeled (train) dataset is assigned with a mask set to True\n"," train_label_masks = np.ones(len(labeled_examples), dtype=bool)\n"," #If unlabel examples are available\n"," if unlabeled_examples:\n"," train_examples = train_examples + unlabeled_examples\n"," #The unlabeled (train) dataset is assigned with a mask set to False\n"," tmp_masks = np.zeros(len(unlabeled_examples), dtype=bool)\n"," train_label_masks = np.concatenate([train_label_masks,tmp_masks])\n","\n"," train_dataloader = generate_data_loader(train_examples, train_label_masks, label_map, do_shuffle = True, balance_label_examples = apply_balance)\n","\n"," #------------------------------\n"," # Load the test dataset\n"," #------------------------------\n"," #The labeled (test) dataset is assigned with a mask set to True\n"," test_label_masks = np.ones(len(test_examples), dtype=bool)\n"," #test_dataloader = generate_data_loader(test_examples, test_label_masks, label_map, do_shuffle = False, balance_label_examples = False)\n"," #test_label_masks = [example[1] for example in test_examples]\n","\n"," #test_dataloader = generate_test_data_loader(averaged_embeddings, test_label_masks, label_map, do_shuffle=False)\n"," test_dataloader = generate_test_data_loader(averaged_embeddings, test_labels, label_map, test_label_masks, do_shuffle=False, balance_label_examples=False)\n","\n","\n"," ###########################################################\n","\n","\n"," # The config file is required to get the dimension of the vector produced by\n"," # the underlying transformer\n"," config = AutoConfig.from_pretrained(model_name)\n"," hidden_size = int(config.hidden_size)\n"," # Define the number and width of hidden layers\n"," hidden_levels_g = [hidden_size for i in range(0, num_hidden_layers_g)]\n"," hidden_levels_d = [hidden_size for i in range(0, num_hidden_layers_d)]\n","\n"," #-------------------------------------------------\n"," # Instantiate the Generator and Discriminator\n"," #-------------------------------------------------\n"," generator = Generator(noise_size=noise_size, output_size=hidden_size, hidden_sizes=hidden_levels_g, dropout_rate=out_dropout_rate)\n"," discriminator = Discriminator(input_size=hidden_size, hidden_sizes=hidden_levels_d, num_labels=len(label_list), dropout_rate=out_dropout_rate)\n","\n"," # Put everything in the GPU if available\n"," if torch.cuda.is_available():\n"," generator.cuda()\n"," discriminator.cuda()\n"," transformer.cuda()\n"," if multi_gpu:\n"," transformer = torch.nn.DataParallel(transformer)\n","\n"," # print(config)\n","\n","\n"," ###########################################################\n","\n","\n","\n"," training_stats = []\n","\n"," # Measure the total training time for the whole run.\n"," total_t0 = time.time()\n","\n"," #models parameters\n"," transformer_vars = [i for i in transformer.parameters()]\n"," d_vars = transformer_vars + [v for v in discriminator.parameters()]\n"," g_vars = [v for v in generator.parameters()]\n","\n"," #optimizer\n"," dis_optimizer = torch.optim.AdamW(d_vars, lr=learning_rate_discriminator)\n"," gen_optimizer = torch.optim.AdamW(g_vars, lr=learning_rate_generator)\n","\n"," #scheduler\n"," if apply_scheduler:\n"," num_train_examples = len(train_examples)\n"," num_train_steps = int(num_train_examples / batch_size * num_train_epochs)\n"," num_warmup_steps = int(num_train_steps * warmup_proportion)\n","\n"," scheduler_d = get_constant_schedule_with_warmup(dis_optimizer,\n"," num_warmup_steps = num_warmup_steps)\n"," scheduler_g = get_constant_schedule_with_warmup(gen_optimizer,\n"," num_warmup_steps = num_warmup_steps)\n","\n"," # For each epoch...\n"," for epoch_i in range(0, num_train_epochs):\n"," # ========================================\n"," # Training\n"," # ========================================\n"," # Perform one full pass over the training set.\n"," print(\"\")\n"," print('======== Epoch {:} / {:} ========'.format(epoch_i + 1, num_train_epochs))\n"," print('Training...')\n","\n"," # Measure how long the training epoch takes.\n"," t0 = time.time()\n","\n"," # Reset the total loss for this epoch.\n"," tr_g_loss = 0\n"," tr_d_loss = 0\n","\n"," # Put the model into training mode.\n"," transformer.train()\n"," generator.train()\n"," discriminator.train()\n","\n"," # For each batch of training data...\n"," for step, batch in enumerate(train_dataloader):\n","\n"," # Progress update every print_each_n_step batches.\n"," if step % print_each_n_step == 0 and not step == 0:\n"," # Calculate elapsed time in minutes.\n"," elapsed = format_time(time.time() - t0)\n","\n"," # Report progress.\n"," print(' Batch {:>5,} of {:>5,}. Elapsed: {:}.'.format(step, len(train_dataloader), elapsed))\n","\n"," # Unpack this training batch from our dataloader.\n"," b_input_ids = batch[0].to(device)\n"," b_input_mask = batch[1].to(device)\n"," b_labels = batch[2].to(device)\n"," b_label_mask = batch[3].to(device)\n","\n"," real_batch_size = b_input_ids.shape[0]\n","\n"," # Encode real data in the Transformer\n"," model_outputs = transformer(b_input_ids, attention_mask=b_input_mask)\n"," hidden_states = model_outputs[-1]\n","\n"," # Generate fake data that should have the same distribution of the ones\n"," # encoded by the transformer.\n"," # First noisy input are used in input to the Generator\n"," noise = torch.zeros(real_batch_size, noise_size, device=device).uniform_(0, 1)\n"," # Gnerate Fake data\n"," gen_rep = generator(noise)\n","\n"," # Generate the output of the Discriminator for real and fake data.\n"," # First, we put together the output of the tranformer and the generator\n"," disciminator_input = torch.cat([hidden_states, gen_rep], dim=0)\n"," # Then, we select the output of the disciminator\n"," features, logits, probs = discriminator(disciminator_input)\n","\n"," # Finally, we separate the discriminator's output for the real and fake\n"," # data\n"," features_list = torch.split(features, real_batch_size)\n"," D_real_features = features_list[0]\n"," D_fake_features = features_list[1]\n","\n"," logits_list = torch.split(logits, real_batch_size)\n"," D_real_logits = logits_list[0]\n"," D_fake_logits = logits_list[1]\n","\n"," probs_list = torch.split(probs, real_batch_size)\n"," D_real_probs = probs_list[0]\n"," D_fake_probs = probs_list[1]\n","\n"," #---------------------------------\n"," # LOSS evaluation\n"," #---------------------------------\n"," # Generator's LOSS estimation\n"," g_loss_d = -1 * torch.mean(torch.log(1 - D_fake_probs[:,-1] + epsilon))\n"," g_feat_reg = torch.mean(torch.pow(torch.mean(D_real_features, dim=0) - torch.mean(D_fake_features, dim=0), 2))\n"," g_loss = g_loss_d + g_feat_reg\n","\n"," # Disciminator's LOSS estimation\n"," logits = D_real_logits[:,0:-1]\n"," log_probs = F.log_softmax(logits, dim=-1)\n"," # The discriminator provides an output for labeled and unlabeled real data\n"," # so the loss evaluated for unlabeled data is ignored (masked)\n"," label2one_hot = torch.nn.functional.one_hot(b_labels, len(label_list))\n"," per_example_loss = -torch.sum(label2one_hot * log_probs, dim=-1)\n"," per_example_loss = torch.masked_select(per_example_loss, b_label_mask.to(device))\n"," labeled_example_count = per_example_loss.type(torch.float32).numel()\n","\n"," # It may be the case that a batch does not contain labeled examples,\n"," # so the \"supervised loss\" in this case is not evaluated\n"," if labeled_example_count == 0:\n"," D_L_Supervised = 0\n"," else:\n"," D_L_Supervised = torch.div(torch.sum(per_example_loss.to(device)), labeled_example_count)\n","\n"," D_L_unsupervised1U = -1 * torch.mean(torch.log(1 - D_real_probs[:, -1] + epsilon))\n"," D_L_unsupervised2U = -1 * torch.mean(torch.log(D_fake_probs[:, -1] + epsilon))\n"," d_loss = D_L_Supervised + D_L_unsupervised1U + D_L_unsupervised2U\n","\n"," #---------------------------------\n"," # OPTIMIZATION\n"," #---------------------------------\n"," # Avoid gradient accumulation\n"," gen_optimizer.zero_grad()\n"," dis_optimizer.zero_grad()\n","\n"," # Calculate weigth updates\n"," # retain_graph=True is required since the underlying graph will be deleted after backward\n"," g_loss.backward(retain_graph=True)\n"," d_loss.backward()\n","\n"," # Apply modifications\n"," gen_optimizer.step()\n"," dis_optimizer.step()\n","\n"," # A detail log of the individual losses\n"," #print(\"{0:.4f}\\t{1:.4f}\\t{2:.4f}\\t{3:.4f}\\t{4:.4f}\".\n"," # format(D_L_Supervised, D_L_unsupervised1U, D_L_unsupervised2U,\n"," # g_loss_d, g_feat_reg))\n","\n"," # Save the losses to print them later\n"," tr_g_loss += g_loss.item()\n"," tr_d_loss += d_loss.item()\n","\n"," # Update the learning rate with the scheduler\n"," if apply_scheduler:\n"," scheduler_d.step()\n"," scheduler_g.step()\n","\n"," # Calculate the average loss over all of the batches.\n"," avg_train_loss_g = tr_g_loss / len(train_dataloader)\n"," avg_train_loss_d = tr_d_loss / len(train_dataloader)\n","\n"," # Measure how long this epoch took.\n"," training_time = format_time(time.time() - t0)\n","\n"," print(\"\")\n"," print(\" Average training loss generetor: {0:.3f}\".format(avg_train_loss_g))\n"," print(\" Average training loss discriminator: {0:.3f}\".format(avg_train_loss_d))\n"," print(\" Training epcoh took: {:}\".format(training_time))\n","\n"," # ========================================\n"," # TEST ON THE EVALUATION DATASET\n"," # ========================================\n"," # After the completion of each training epoch, measure our performance on\n"," # our test set.\n"," print(\"\")\n"," print(\"Running Test...\")\n","\n"," t0 = time.time()\n","\n"," # Put the model in evaluation mode--the dropout layers behave differently\n"," # during evaluation.\n"," transformer.eval() #maybe redundant\n"," discriminator.eval()\n"," generator.eval()\n","\n"," # Tracking variables\n"," total_test_accuracy = 0\n","\n"," total_test_loss = 0\n"," nb_test_steps = 0\n","\n"," all_preds = []\n"," all_labels_ids = []\n","\n"," #loss\n"," nll_loss = torch.nn.CrossEntropyLoss(ignore_index=-1)\n","\n"," # Evaluate data for one epoch\n"," for batch in test_dataloader:\n","\n"," # Unpack this training batch from our dataloader.\n"," #b_input_ids = batch[0].to(device)\n"," #b_input_mask = batch[1].to(device)\n"," #b_labels = batch[2].to(device)\n","\n"," b_embeddings = batch[0].to(device).float() # embeddings from test_dataloader\n"," b_labels = batch[1].to(device).long() # labels from test_dataloader\n"," b_label_masks = batch[2].to(device).bool()\n","\n"," # Since embeddings are precomputed, we don't need to pass through transformer\n"," with torch.no_grad():\n"," # Directly pass the embeddings to the discriminator\n"," _, logits, probs = discriminator(b_embeddings)\n"," filtered_logits = logits[:,0:-1] # Exclude the last logit if it's the fake/real label\n"," total_test_loss += nll_loss(filtered_logits, b_labels)\n","\n"," # Accumulate the predictions and the input labels\n"," _, preds = torch.max(filtered_logits, 1)\n"," all_preds += preds.detach().cpu()\n"," all_labels_ids += b_labels.detach().cpu()\n","\n"," # Report the final accuracy for this validation run.\n"," all_preds = torch.stack(all_preds).numpy()\n"," all_labels_ids = torch.stack(all_labels_ids).numpy()\n"," test_accuracy = np.sum(all_preds == all_labels_ids) / len(all_preds)\n"," print(\" Accuracy: {0:.3f}\".format(test_accuracy))\n","\n"," # Calculate the average loss over all of the batches.\n"," avg_test_loss = total_test_loss / len(test_dataloader)\n"," avg_test_loss = avg_test_loss.item()\n","\n"," # Measure how long the validation run took.\n"," test_time = format_time(time.time() - t0)\n","\n"," print(\" Test Loss: {0:.3f}\".format(avg_test_loss))\n"," print(\" Test took: {:}\".format(test_time))\n","\n"," # Record all statistics from this epoch.\n"," training_stats.append(\n"," {\n"," 'epoch': epoch_i + 1,\n"," 'Training Loss generator': avg_train_loss_g,\n"," 'Training Loss discriminator': avg_train_loss_d,\n"," 'Valid. Loss': avg_test_loss,\n"," 'Valid. Accur.': test_accuracy,\n"," 'Training Time': training_time,\n"," 'Test Time': test_time,\n"," 'Preds': all_preds,\n"," 'Labels': all_labels_ids\n"," }\n"," )\n","\n"," last_pred = []\n"," last_label = []\n"," for stat in training_stats:\n"," last_pred = stat['Preds']\n"," last_label = stat['Labels']\n","\n","\n"," print(\"\\nTraining complete!\")\n","\n"," print(\"Total training took {:} (h:mm:ss)\".format(format_time(time.time()-total_t0)))\n","\n"," with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/runs/'+ str(z) +'/SpaBert_training_stats_lab_yelp_100L_ns_400R.pkl', 'wb') as f:\n"," pickle.dump(training_stats, f)"],"metadata":{"collapsed":true,"id":"3J9qu2l5lduy","colab":{"base_uri":"https://localhost:8080/","height":211},"executionInfo":{"status":"error","timestamp":1724997854810,"user_tz":420,"elapsed":384,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"02d7dfd6-8846-4133-8870-8d75b70cc36c"},"execution_count":null,"outputs":[{"output_type":"error","ename":"NameError","evalue":"name 'generate_data_loader' is not defined","traceback":["\u001b[0;31m---------------------------------------------------------------------------\u001b[0m","\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)","\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 16\u001b[0m \u001b[0mtrain_label_masks\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mnp\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mconcatenate\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mtrain_label_masks\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0mtmp_masks\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 17\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 18\u001b[0;31m \u001b[0mtrain_dataloader\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mgenerate_data_loader\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtrain_examples\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtrain_label_masks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mlabel_map\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdo_shuffle\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;32mTrue\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbalance_label_examples\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mapply_balance\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 19\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 20\u001b[0m \u001b[0;31m#------------------------------\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;31mNameError\u001b[0m: name 'generate_data_loader' is not defined"]}]},{"cell_type":"code","source":["for z in range(1, 3):\n"," label_map = {}\n"," for (i, label) in enumerate(label_list):\n"," label_map[label] = i\n","\n"," #------------------------------\n"," # Load the train dataset\n"," #------------------------------\n"," train_embeddings = labeled_embeddings + unlabled_embeddings\n"," # The labeled (train) dataset is assigned with a mask set to True\n"," train_label_masks = np.ones(len(labeled_embeddings), dtype=bool)\n"," # If unlabeled examples are available\n"," if unlabeled_examples:\n"," # The unlabeled (train) dataset is assigned with a mask set to False\n"," tmp_masks = np.zeros(len(unlabled_embeddings), dtype=bool)\n"," train_label_masks = np.concatenate([train_label_masks, tmp_masks])\n","\n"," # Create labels for the combined dataset because our data is now embeddings only and not the reviews.\n"," train_labels = [example[1] for example in labeled_examples] + [example[1] for example in unlabeled_examples]\n","\n"," # Generate the train data loader using the modified generate_data_loader function\n"," #NOTE: New dataloader because we are sending embeddings instead of the reviews.\n"," train_dataloader = generate_train_data_loader(train_embeddings, train_labels, label_map, train_label_masks, do_shuffle=True, balance_label_examples=apply_balance)\n","\n"," #------------------------------\n"," # Load the test dataset\n"," #------------------------------\n"," #The labeled (test) dataset is assigned with a mask set to True\n"," test_label_masks = np.ones(len(test_examples), dtype=bool)\n","\n"," # Create labels for the test dataset because our data is now embeddings only and not the reviews.\n"," test_labels = [example[1] for example in test_examples]\n"," #NOTE: New dataloader because we are sending embeddings instead of the reviews.\n"," test_dataloader = generate_test_data_loader(averaged_embeddings, test_labels, label_map, test_label_masks, do_shuffle=False, balance_label_examples=False)\n","\n"," ###########################################################\n","\n"," # The config file is required to get the dimension of the vector produced by\n"," # the underlying transformer\n"," config = AutoConfig.from_pretrained(model_name)\n"," hidden_size = int(config.hidden_size)\n"," # Define the number and width of hidden layers\n"," hidden_levels_g = [hidden_size for _ in range(num_hidden_layers_g)]\n"," hidden_levels_d = [hidden_size for _ in range(num_hidden_layers_d)]\n","\n"," #-------------------------------------------------\n"," # Instantiate the Generator and Discriminator\n"," #-------------------------------------------------\n"," generator = Generator(noise_size=noise_size, output_size=hidden_size, hidden_sizes=hidden_levels_g, dropout_rate=out_dropout_rate).to(device)\n"," discriminator = Discriminator(input_size=hidden_size, hidden_sizes=hidden_levels_d, num_labels=len(label_list), dropout_rate=out_dropout_rate).to(device)\n"," transformer = transformer.to(device)\n","\n"," # Put everything in the GPU if available\n"," if multi_gpu and torch.cuda.device_count() > 1:\n"," transformer = torch.nn.DataParallel(transformer)\n","\n"," ###########################################################\n","\n"," training_stats = []\n","\n"," # Measure the total training time for the whole run.\n"," total_t0 = time.time()\n","\n"," # Model parameters\n"," transformer_vars = list(transformer.parameters())\n"," d_vars = transformer_vars + list(discriminator.parameters())\n"," g_vars = list(generator.parameters())\n","\n"," # Optimizer\n"," dis_optimizer = torch.optim.AdamW(d_vars, lr=learning_rate_discriminator)\n"," gen_optimizer = torch.optim.AdamW(g_vars, lr=learning_rate_generator)\n","\n"," # Scheduler\n"," if apply_scheduler:\n"," num_train_examples = len(train_examples)\n"," num_train_steps = int(num_train_examples / batch_size * num_train_epochs)\n"," num_warmup_steps = int(num_train_steps * warmup_proportion)\n","\n"," scheduler_d = get_constant_schedule_with_warmup(dis_optimizer, num_warmup_steps=num_warmup_steps)\n"," scheduler_g = get_constant_schedule_with_warmup(gen_optimizer, num_warmup_steps=num_warmup_steps)\n","\n"," # For each epoch...\n"," for epoch_i in range(0, num_train_epochs):\n"," # ========================================\n"," # Training\n"," # ========================================\n"," # Perform one full pass over the training set.\n"," print(f'\\n======== Epoch {epoch_i + 1} / {num_train_epochs} ========')\n"," print('Training...')\n","\n"," # Measure how long the training epoch takes.\n"," t0 = time.time()\n","\n"," # Reset the total loss for this epoch.\n"," tr_g_loss = 0\n"," tr_d_loss = 0\n","\n"," # Put the model into training mode.\n"," transformer.train()\n"," generator.train()\n"," discriminator.train()\n","\n"," # For each batch of training data...\n"," for step, batch in enumerate(train_dataloader):\n","\n"," # Progress update every print_each_n_step batches.\n"," if step % print_each_n_step == 0 and not step == 0:\n"," # Calculate elapsed time in minutes.\n"," elapsed = format_time(time.time() - t0)\n","\n"," # Report progress.\n"," print(f' Batch {step} of {len(train_dataloader)}. Elapsed: {elapsed}.')\n","\n"," # Unpack the batch from the dataloader\n"," b_embeddings = batch[0].to(device).float()\n"," b_input_mask = batch[1].to(device).bool()\n"," b_labels = batch[2].to(device).long()\n"," b_label_mask = batch[3].to(device).bool()\n","\n"," real_batch_size = b_embeddings.shape[0]\n","\n"," # Encode real data in the Transformer\n"," #model_outputs = transformer(inputs_embeds=b_embeddings, attention_mask=b_input_mask)\n"," #hidden_states = model_outputs[-1]\n","\n"," # Generate fake data\n"," noise = torch.zeros(real_batch_size, noise_size, device=device).uniform_(0, 1)\n"," gen_rep = generator(noise)\n","\n"," # Discriminator output\n"," discriminator_input = torch.cat([b_embeddings, gen_rep], dim=0)\n"," features, logits, probs = discriminator(discriminator_input)\n","\n"," features_list = torch.split(features, real_batch_size)\n"," D_real_features = features_list[0]\n"," D_fake_features = features_list[1]\n","\n"," logits_list = torch.split(logits, real_batch_size)\n"," D_real_logits = logits_list[0]\n"," D_fake_logits = logits_list[1]\n","\n"," probs_list = torch.split(probs, real_batch_size)\n"," D_real_probs = probs_list[0]\n"," D_fake_probs = probs_list[1]\n","\n"," # Loss evaluation\n"," g_loss_d = -1 * torch.mean(torch.log(1 - D_fake_probs[:, -1] + epsilon))\n"," g_feat_reg = torch.mean(torch.pow(torch.mean(D_real_features, dim=0) - torch.mean(D_fake_features, dim=0), 2))\n"," g_loss = g_loss_d + g_feat_reg\n","\n"," logits = D_real_logits[:, :-1]\n"," log_probs = F.log_softmax(logits, dim=-1)\n"," label2one_hot = torch.nn.functional.one_hot(b_labels, len(label_list))\n"," per_example_loss = -torch.sum(label2one_hot * log_probs, dim=-1)\n"," per_example_loss = torch.masked_select(per_example_loss, b_label_mask.to(device))\n"," labeled_example_count = per_example_loss.type(torch.float32).numel()\n","\n"," D_L_Supervised = torch.div(torch.sum(per_example_loss.to(device)), labeled_example_count) if labeled_example_count > 0 else 0\n"," D_L_unsupervised1U = -1 * torch.mean(torch.log(1 - D_real_probs[:, -1] + epsilon))\n"," D_L_unsupervised2U = -1 * torch.mean(torch.log(D_fake_probs[:, -1] + epsilon))\n"," d_loss = D_L_Supervised + D_L_unsupervised1U + D_L_unsupervised2U\n","\n"," # Optimization\n"," gen_optimizer.zero_grad()\n"," dis_optimizer.zero_grad()\n"," g_loss.backward(retain_graph=True)\n"," d_loss.backward()\n","\n"," gen_optimizer.step()\n"," dis_optimizer.step()\n","\n"," tr_g_loss += g_loss.item()\n"," tr_d_loss += d_loss.item()\n","\n"," if apply_scheduler:\n"," scheduler_d.step()\n"," scheduler_g.step()\n","\n"," torch.cuda.empty_cache() # Clear CUDA cache\n","\n"," avg_train_loss_g = tr_g_loss / len(train_dataloader)\n"," avg_train_loss_d = tr_d_loss / len(train_dataloader)\n"," training_time = format_time(time.time() - t0)\n","\n"," print(f\" Average training loss generator: {avg_train_loss_g:.3f}\")\n"," print(f\" Average training loss discriminator: {avg_train_loss_d:.3f}\")\n"," print(f\" Training epoch took: {training_time}\")\n","\n"," # ========================================\n"," # TEST ON THE EVALUATION DATASET\n"," # ========================================\n"," # After the completion of each training epoch, measure our performance on\n"," # our test set.\n"," print(\"Running Test...\")\n","\n"," t0 = time.time()\n","\n"," # Put the model in evaluation mode--the dropout layers behave differently\n"," # during evaluation.\n"," transformer.eval()\n"," discriminator.eval()\n"," generator.eval()\n","\n"," # Tracking variables\n"," total_test_accuracy = 0\n"," total_test_loss = 0\n"," all_preds = []\n"," all_labels_ids = []\n","\n"," #loss\n"," nll_loss = torch.nn.CrossEntropyLoss(ignore_index=-1)\n","\n"," # Evaluate data for one epoch\n"," for batch in test_dataloader:\n"," # Unpack this training batch from our dataloader.\n"," b_embeddings = batch[0].to(device).float()\n"," b_input_mask = batch[1].to(device)\n"," b_labels = batch[2].to(device).long()\n"," #b_label_masks = batch[2].to(device).bool()\n","\n"," with torch.no_grad():\n"," #model_outputs = transformer(inputs_embeds=b_embeddings, attention_mask=b_input_mask)\n"," #hidden_states = model_outputs.last_hidden_state # Shape: [batch_size, seq_length, hidden_size]\n","\n"," _, logits, probs = discriminator(b_embeddings)\n"," filtered_logits = logits.squeeze(1)\n","\n"," print(f\"filtered_logits shape: {filtered_logits.shape}, b_labels shape: {b_labels.shape}\")\n","\n"," total_test_loss += nll_loss(filtered_logits, b_labels)\n","\n"," _, preds = torch.max(filtered_logits, 1)\n"," all_preds += preds.detach().cpu()\n"," all_labels_ids += b_labels.detach().cpu()\n","\n"," all_preds = torch.stack(all_preds).numpy()\n"," all_labels_ids = torch.stack(all_labels_ids).numpy()\n"," test_accuracy = np.sum(all_preds == all_labels_ids) / len(all_preds)\n"," print(f\" Accuracy: {test_accuracy:.3f}\")\n","\n"," avg_test_loss = total_test_loss / len(test_dataloader)\n"," avg_test_loss = avg_test_loss.item()\n"," test_time = format_time(time.time() - t0)\n","\n"," print(f\" Test Loss: {avg_test_loss:.3f}\")\n"," print(f\" Test took: {test_time}\")\n","\n"," # Record statistics\n"," training_stats.append({\n"," 'epoch': epoch_i + 1,\n"," 'Training Loss generator': avg_train_loss_g,\n"," 'Training Loss discriminator': avg_train_loss_d,\n"," 'Valid. Loss': avg_test_loss,\n"," 'Valid. Accur.': test_accuracy,\n"," 'Training Time': training_time,\n"," 'Test Time': test_time,\n"," 'Preds': all_preds,\n"," 'Labels': all_labels_ids\n"," })\n","\n"," last_pred = []\n"," last_label = []\n"," for stat in training_stats:\n"," last_pred = stat['Preds']\n"," last_label = stat['Labels']\n","\n"," print(\"\\nTraining complete!\")\n"," print(f\"Total training took {format_time(time.time() - total_t0)} (h:mm:ss)\")\n","\n"," with open(f'/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/runs/{z}/SpaBert_training_stats_lab_yelp_100L_ns_400R.pkl', 'wb') as f:\n"," pickle.dump(training_stats, f)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":801},"id":"miU4GShmHE_d","executionInfo":{"status":"error","timestamp":1725596523332,"user_tz":420,"elapsed":272,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"f525ab81-f910-44c6-e1b6-9ffc3b24fb99"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":[":51: DeprecationWarning: In future, it will be an error for 'np.bool_' scalars to be interpreted as an index\n"," label_mask_array = torch.tensor(label_mask_array, dtype=torch.bool) # Label masks\n",":57: DeprecationWarning: In future, it will be an error for 'np.bool_' scalars to be interpreted as an index\n"," label_mask_array = torch.tensor(label_mask_array, dtype=torch.bool) # Label masks\n","loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n"]},{"output_type":"stream","name":"stdout","text":["\n","======== Epoch 1 / 10 ========\n","Training...\n"]},{"output_type":"error","ename":"RuntimeError","evalue":"Tensors must have same number of dimensions: got 3 and 2","traceback":["\u001b[0;31m---------------------------------------------------------------------------\u001b[0m","\u001b[0;31mRuntimeError\u001b[0m Traceback (most recent call last)","\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 129\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 130\u001b[0m \u001b[0;31m# Discriminator output\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 131\u001b[0;31m \u001b[0mdiscriminator_input\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcat\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mb_embeddings\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mgen_rep\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdim\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 132\u001b[0m \u001b[0mfeatures\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mlogits\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mprobs\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mdiscriminator\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdiscriminator_input\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 133\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;31mRuntimeError\u001b[0m: Tensors must have same number of dimensions: got 3 and 2"]}]},{"cell_type":"code","source":["for z in range(1, 3):\n"," label_map = {}\n"," for (i, label) in enumerate(label_list):\n"," label_map[label] = i\n","\n"," #------------------------------\n"," # Load the train dataset\n"," #------------------------------\n"," train_embeddings = labeled_embeddings + unlabled_embeddings\n"," # The labeled (train) dataset is assigned with a mask set to True\n"," train_label_masks = np.ones(len(labeled_embeddings), dtype=bool)\n"," # If unlabeled examples are available\n"," if unlabeled_examples:\n"," # The unlabeled (train) dataset is assigned with a mask set to False\n"," tmp_masks = np.zeros(len(unlabled_embeddings), dtype=bool)\n"," train_label_masks = np.concatenate([train_label_masks, tmp_masks])\n","\n"," # Create labels for the combined dataset because our data is now embeddings only and not the reviews.\n"," train_labels = [example[1] for example in labeled_examples] + [example[1] for example in unlabeled_examples]\n","\n"," # Generate the train data loader using the modified generate_train_data_loader function\n"," train_dataloader = generate_train_data_loader(train_embeddings, train_labels, label_map, train_label_masks, do_shuffle=True, balance_label_examples=apply_balance)\n","\n"," #------------------------------\n"," # Load the test dataset\n"," #------------------------------\n"," test_label_masks = np.ones(len(test_examples), dtype=bool)\n","\n"," # Create labels for the test dataset because our data is now embeddings only and not the reviews.\n"," test_labels = [example[1] for example in test_examples]\n","\n"," # Generate the test data loader using the modified generate_test_data_loader function\n"," test_dataloader = generate_test_data_loader(averaged_embeddings, test_labels, label_map, test_label_masks, do_shuffle=False, balance_label_examples=False)\n","\n"," ###########################################################\n","\n"," # The config file is required to get the dimension of the vector produced by the underlying transformer\n"," config = AutoConfig.from_pretrained(model_name)\n"," hidden_size = int(config.hidden_size)\n"," # Define the number and width of hidden layers\n"," hidden_levels_g = [hidden_size for _ in range(num_hidden_layers_g)]\n"," hidden_levels_d = [hidden_size for _ in range(num_hidden_layers_d)]\n","\n"," #-------------------------------------------------\n"," # Instantiate the Generator and Discriminator\n"," #-------------------------------------------------\n"," generator = Generator(noise_size=noise_size, output_size=hidden_size, hidden_sizes=hidden_levels_g, dropout_rate=out_dropout_rate).to(device)\n"," discriminator = Discriminator(input_size=hidden_size, hidden_sizes=hidden_levels_d, num_labels=len(label_list), dropout_rate=out_dropout_rate).to(device)\n"," transformer = transformer.to(device)\n","\n"," # If using multiple GPUs\n"," if multi_gpu and torch.cuda.device_count() > 1:\n"," transformer = torch.nn.DataParallel(transformer)\n","\n"," ###########################################################\n","\n"," training_stats = []\n"," total_t0 = time.time() # Total training time\n","\n"," # Model parameters\n"," transformer_vars = list(transformer.parameters())\n"," d_vars = transformer_vars + list(discriminator.parameters())\n"," g_vars = list(generator.parameters())\n","\n"," # Optimizer\n"," dis_optimizer = torch.optim.AdamW(d_vars, lr=learning_rate_discriminator)\n"," gen_optimizer = torch.optim.AdamW(g_vars, lr=learning_rate_generator)\n","\n"," # Scheduler\n"," if apply_scheduler:\n"," num_train_examples = len(train_embeddings)\n"," num_train_steps = int(num_train_examples / batch_size * num_train_epochs)\n"," num_warmup_steps = int(num_train_steps * warmup_proportion)\n","\n"," scheduler_d = get_constant_schedule_with_warmup(dis_optimizer, num_warmup_steps=num_warmup_steps)\n"," scheduler_g = get_constant_schedule_with_warmup(gen_optimizer, num_warmup_steps=num_warmup_steps)\n","\n"," # For each epoch...\n"," for epoch_i in range(0, num_train_epochs):\n"," # ========================================\n"," # Training\n"," # ========================================\n"," print(f'\\n======== Epoch {epoch_i + 1} / {num_train_epochs} ========')\n"," print('Training...')\n","\n"," t0 = time.time() # Track time for this epoch\n","\n"," tr_g_loss = 0\n"," tr_d_loss = 0\n","\n"," # Set the models to training mode\n"," transformer.train()\n"," generator.train()\n"," discriminator.train()\n","\n"," for step, batch in enumerate(train_dataloader):\n"," if step % print_each_n_step == 0 and not step == 0:\n"," elapsed = format_time(time.time() - t0)\n"," print(f' Batch {step} of {len(train_dataloader)}. Elapsed: {elapsed}.')\n","\n"," # Unpack the batch from the dataloader\n"," b_embeddings = batch[0].to(device).float()\n"," b_labels = batch[1].to(device).long()\n"," b_label_mask = batch[2].to(device).bool()\n","\n"," real_batch_size = b_embeddings.shape[0]\n","\n"," # Generate fake data\n"," noise = torch.zeros(real_batch_size, noise_size, device=device).uniform_(0, 1)\n"," gen_rep = generator(noise)\n","\n"," # Discriminator output\n"," discriminator_input = torch.cat([b_embeddings, gen_rep], dim=0)\n"," features, logits, probs = discriminator(discriminator_input)\n","\n"," features_list = torch.split(features, real_batch_size)\n"," D_real_features = features_list[0]\n"," D_fake_features = features_list[1]\n","\n"," logits_list = torch.split(logits, real_batch_size)\n"," D_real_logits = logits_list[0]\n"," D_fake_logits = logits_list[1]\n","\n"," probs_list = torch.split(probs, real_batch_size)\n"," D_real_probs = probs_list[0]\n"," D_fake_probs = probs_list[1]\n","\n"," # Loss evaluation\n"," g_loss_d = -1 * torch.mean(torch.log(1 - D_fake_probs[:, -1] + epsilon))\n"," g_feat_reg = torch.mean(torch.pow(torch.mean(D_real_features, dim=0) - torch.mean(D_fake_features, dim=0), 2))\n"," g_loss = g_loss_d + g_feat_reg\n","\n"," logits = D_real_logits[:, :-1]\n"," log_probs = F.log_softmax(logits, dim=-1)\n"," label2one_hot = torch.nn.functional.one_hot(b_labels, len(label_list))\n"," per_example_loss = -torch.sum(label2one_hot * log_probs, dim=-1)\n"," per_example_loss = torch.masked_select(per_example_loss, b_label_mask.to(device))\n"," labeled_example_count = per_example_loss.type(torch.float32).numel()\n","\n"," D_L_Supervised = torch.div(torch.sum(per_example_loss.to(device)), labeled_example_count) if labeled_example_count > 0 else 0\n"," D_L_unsupervised1U = -1 * torch.mean(torch.log(1 - D_real_probs[:, -1] + epsilon))\n"," D_L_unsupervised2U = -1 * torch.mean(torch.log(D_fake_probs[:, -1] + epsilon))\n"," d_loss = D_L_Supervised + D_L_unsupervised1U + D_L_unsupervised2U\n","\n"," # Optimization\n"," gen_optimizer.zero_grad()\n"," dis_optimizer.zero_grad()\n"," g_loss.backward(retain_graph=True)\n"," d_loss.backward()\n","\n"," gen_optimizer.step()\n"," dis_optimizer.step()\n","\n"," tr_g_loss += g_loss.item()\n"," tr_d_loss += d_loss.item()\n","\n"," if apply_scheduler:\n"," scheduler_d.step()\n"," scheduler_g.step()\n","\n"," torch.cuda.empty_cache() # Clear CUDA cache\n","\n"," avg_train_loss_g = tr_g_loss / len(train_dataloader)\n"," avg_train_loss_d = tr_d_loss / len(train_dataloader)\n"," training_time = format_time(time.time() - t0)\n","\n"," print(f\" Average training loss generator: {avg_train_loss_g:.3f}\")\n"," print(f\" Average training loss discriminator: {avg_train_loss_d:.3f}\")\n"," print(f\" Training epoch took: {training_time}\")\n","\n"," # ========================================\n"," # TEST ON THE EVALUATION DATASET\n"," # ========================================\n"," print(\"Running Test...\")\n","\n"," t0 = time.time() # Track test time\n","\n"," # Set the models to evaluation mode\n"," transformer.eval()\n"," discriminator.eval()\n"," generator.eval()\n","\n"," total_test_loss = 0\n"," all_preds = []\n"," all_labels_ids = []\n","\n"," nll_loss = torch.nn.CrossEntropyLoss(ignore_index=-1)\n","\n"," for batch in test_dataloader:\n"," b_embeddings = batch[0].to(device).float()\n"," b_labels = batch[1].to(device).long()\n","\n"," with torch.no_grad():\n"," _, logits, probs = discriminator(b_embeddings)\n"," filtered_logits = logits.squeeze(1)\n","\n"," print(f\"filtered_logits shape: {filtered_logits.shape}, b_labels shape: {b_labels.shape}\")\n","\n"," total_test_loss += nll_loss(filtered_logits, b_labels)\n","\n"," _, preds = torch.max(filtered_logits, 1)\n"," all_preds += preds.detach().cpu()\n"," all_labels_ids += b_labels.detach().cpu()\n","\n"," all_preds = torch.stack(all_preds).numpy()\n"," all_labels_ids = torch.stack(all_labels_ids).numpy()\n"," test_accuracy = np.sum(all_preds == all_labels_ids) / len(all_preds)\n"," print(f\" Accuracy: {test_accuracy:.3f}\")\n","\n"," avg_test_loss = total_test_loss / len(test_dataloader)\n"," avg_test_loss = avg_test_loss.item()\n"," test_time = format_time(time.time() - t0)\n","\n"," print(f\" Test Loss: {avg_test_loss:.3f}\")\n"," print(f\" Test took: {test_time}\")\n","\n"," # Record statistics\n"," training_stats.append({\n"," 'epoch': epoch_i + 1,\n"," 'Training Loss generator': avg_train_loss_g,\n"," 'Training Loss discriminator': avg_train_loss_d,\n"," 'Valid. Loss': avg_test_loss,\n"," 'Valid. Accur.': test_accuracy,\n"," 'Training Time': training_time,\n"," 'Test Time': test_time,\n"," 'Preds': all_preds,\n"," 'Labels': all_labels_ids\n"," })\n","\n"," last_pred = []\n"," last_label = []\n"," for stat in training_stats:\n"," last_pred = stat['Preds']\n"," last_label = stat['Labels']\n","\n"," print(\"\\nTraining complete!\")\n"," print(f\"Total training took {format_time(time.time() - total_t0)} (h:mm:ss)\")\n","\n"," with open(f'/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/runs/{z}/SpaBert_training_stats_lab_yelp_100L_ns_400R.pkl', 'wb') as f:\n"," pickle.dump(training_stats, f)\n"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"uw9_4a0OqsGY","executionInfo":{"status":"ok","timestamp":1725600591297,"user_tz":420,"elapsed":2232,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"e7174f4a-c8bd-4c00-e1b3-5c8fcb072469"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":[":47: DeprecationWarning: In future, it will be an error for 'np.bool_' scalars to be interpreted as an index\n"," label_mask_array = torch.tensor(label_mask_array, dtype=torch.bool) # Label masks\n",":46: DeprecationWarning: In future, it will be an error for 'np.bool_' scalars to be interpreted as an index\n"," label_mask_array = torch.tensor(label_mask_array, dtype=torch.bool) # Shape: [batch_size]\n","loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n"]},{"output_type":"stream","name":"stdout","text":["\n","======== Epoch 1 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.405\n"," Average training loss discriminator: 2.488\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.500\n"," Test Loss: 1.104\n"," Test took: 0:00:00\n","\n","======== Epoch 2 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.607\n"," Average training loss discriminator: 1.866\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.600\n"," Test Loss: 0.926\n"," Test took: 0:00:00\n","\n","======== Epoch 3 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.794\n"," Average training loss discriminator: 1.505\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.594\n"," Test Loss: 0.828\n"," Test took: 0:00:00\n","\n","======== Epoch 4 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.748\n"," Average training loss discriminator: 1.463\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.606\n"," Test Loss: 0.773\n"," Test took: 0:00:00\n","\n","======== Epoch 5 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.691\n"," Average training loss discriminator: 1.475\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.550\n"," Test Loss: 0.744\n"," Test took: 0:00:00\n","\n","======== Epoch 6 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.735\n"," Average training loss discriminator: 1.383\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.594\n"," Test Loss: 0.732\n"," Test took: 0:00:00\n","\n","======== Epoch 7 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.732\n"," Average training loss discriminator: 1.364\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.537\n"," Test Loss: 0.720\n"," Test took: 0:00:00\n","\n","======== Epoch 8 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.718\n"," Average training loss discriminator: 1.334\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.544\n"," Test Loss: 0.713\n"," Test took: 0:00:00\n","\n","======== Epoch 9 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.728\n"," Average training loss discriminator: 1.304\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.556\n"," Test Loss: 0.711\n"," Test took: 0:00:00\n","\n","======== Epoch 10 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.721\n"," Average training loss discriminator: 1.282\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.531\n"," Test Loss: 0.706\n"," Test took: 0:00:00\n","\n","Training complete!\n","Total training took 0:00:01 (h:mm:ss)\n"]},{"output_type":"stream","name":"stderr","text":["loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--bert-base-uncased/snapshots/86b5e0934494bd15c9632b12f734a8a67f723594/config.json\n","Model config BertConfig {\n"," \"_name_or_path\": \"bert-base-uncased\",\n"," \"architectures\": [\n"," \"BertForMaskedLM\"\n"," ],\n"," \"attention_probs_dropout_prob\": 0.1,\n"," \"classifier_dropout\": null,\n"," \"gradient_checkpointing\": false,\n"," \"hidden_act\": \"gelu\",\n"," \"hidden_dropout_prob\": 0.1,\n"," \"hidden_size\": 768,\n"," \"initializer_range\": 0.02,\n"," \"intermediate_size\": 3072,\n"," \"layer_norm_eps\": 1e-12,\n"," \"max_position_embeddings\": 512,\n"," \"model_type\": \"bert\",\n"," \"num_attention_heads\": 12,\n"," \"num_hidden_layers\": 12,\n"," \"pad_token_id\": 0,\n"," \"position_embedding_type\": \"absolute\",\n"," \"transformers_version\": \"4.44.2\",\n"," \"type_vocab_size\": 2,\n"," \"use_cache\": true,\n"," \"vocab_size\": 30522\n","}\n","\n"]},{"output_type":"stream","name":"stdout","text":["\n","======== Epoch 1 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.414\n"," Average training loss discriminator: 2.374\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.506\n"," Test Loss: 1.048\n"," Test took: 0:00:00\n","\n","======== Epoch 2 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.651\n"," Average training loss discriminator: 1.760\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.550\n"," Test Loss: 0.889\n"," Test took: 0:00:00\n","\n","======== Epoch 3 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.812\n"," Average training loss discriminator: 1.453\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.594\n"," Test Loss: 0.807\n"," Test took: 0:00:00\n","\n","======== Epoch 4 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.721\n"," Average training loss discriminator: 1.462\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.556\n"," Test Loss: 0.761\n"," Test took: 0:00:00\n","\n","======== Epoch 5 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.700\n"," Average training loss discriminator: 1.429\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.550\n"," Test Loss: 0.737\n"," Test took: 0:00:00\n","\n","======== Epoch 6 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.743\n"," Average training loss discriminator: 1.353\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.544\n"," Test Loss: 0.722\n"," Test took: 0:00:00\n","\n","======== Epoch 7 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.723\n"," Average training loss discriminator: 1.339\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.562\n"," Test Loss: 0.716\n"," Test took: 0:00:00\n","\n","======== Epoch 8 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.725\n"," Average training loss discriminator: 1.318\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.525\n"," Test Loss: 0.709\n"," Test took: 0:00:00\n","\n","======== Epoch 9 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.723\n"," Average training loss discriminator: 1.295\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.581\n"," Test Loss: 0.708\n"," Test took: 0:00:00\n","\n","======== Epoch 10 / 10 ========\n","Training...\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n","Input shape: torch.Size([128, 768])\n"," Average training loss generator: 0.719\n"," Average training loss discriminator: 1.273\n"," Training epoch took: 0:00:00\n","Running Test...\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([64, 768])\n","filtered_logits shape: torch.Size([64, 4]), b_labels shape: torch.Size([64])\n","Input shape: torch.Size([32, 768])\n","filtered_logits shape: torch.Size([32, 4]), b_labels shape: torch.Size([32])\n"," Accuracy: 0.531\n"," Test Loss: 0.702\n"," Test took: 0:00:00\n","\n","Training complete!\n","Total training took 0:00:01 (h:mm:ss)\n"]}]},{"cell_type":"markdown","source":["##Review the results"],"metadata":{"id":"6Ab830tHTOey"}},{"cell_type":"code","source":["from collections import Counter\n","print(\"Training labels distribution:\", Counter(train_label_masks))\n","print(\"Test labels distribution:\", Counter(test_label_masks))"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"4eMvBe5AATCy","executionInfo":{"status":"ok","timestamp":1725598605844,"user_tz":420,"elapsed":264,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"2a360a31-fd37-4a49-c421-d80ead85c753"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Training labels distribution: Counter({True: 320, False: 320})\n","Test labels distribution: Counter({True: 160})\n"]}]},{"cell_type":"code","source":["print(\"b_embeddings shape:\", b_embeddings.shape)\n","print(\"b_embeddings dtype:\", b_embeddings.dtype)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"B1Q7EajF4O6n","executionInfo":{"status":"ok","timestamp":1725598608983,"user_tz":420,"elapsed":569,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"97f4b724-56b1-4bc6-9a15-41d2cb8bf202"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["b_embeddings shape: torch.Size([32, 768])\n","b_embeddings dtype: torch.float32\n"]}]},{"cell_type":"code","source":["print(f\"Original logits shape: {logits.shape}\") # Inspect this shape first"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"68a4meKL7OLi","executionInfo":{"status":"ok","timestamp":1725598611064,"user_tz":420,"elapsed":676,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"30a7f682-2de0-4829-e1a5-e70fb58bac8f"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Original logits shape: torch.Size([32, 4])\n"]}]},{"cell_type":"code","source":["print(\"filtered_logits shape:\", filtered_logits.shape) # Should be [64, num_classes]\n","print(\"b_labels shape:\", b_labels.shape) # Should be [64]"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"JMkhp8cF4XyD","executionInfo":{"status":"ok","timestamp":1725598614357,"user_tz":420,"elapsed":565,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"75708dca-8628-460d-ec34-e0e4f89dd2c8"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["filtered_logits shape: torch.Size([32, 4])\n","b_labels shape: torch.Size([32])\n"]}]},{"cell_type":"code","source":["last_pred = []\n","last_label = []\n","for stat in training_stats:\n"," last_pred = stat['Preds']\n"," last_label = stat['Labels']\n","\n","\n","print(\"\\nTraining complete!\")\n","\n","print(\"Total training took {:} (h:mm:ss)\".format(format_time(time.time()-total_t0)))"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"cEu2GEqxljdA","executionInfo":{"status":"ok","timestamp":1725598616316,"user_tz":420,"elapsed":273,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"ae4ea6ea-6af8-45d6-f579-186f1ac1d9e5"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["\n","Training complete!\n","Total training took 0:00:56 (h:mm:ss)\n"]}]},{"cell_type":"code","source":["with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/runs/1/spaBert_training_stats_lab_ns_100.pkl', 'wb') as f:\n"," pickle.dump(training_stats, f)"],"metadata":{"id":"rIS7L_3X_UIJ"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["last_pred"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"2osetj-j_cqV","executionInfo":{"status":"ok","timestamp":1726187333172,"user_tz":420,"elapsed":551,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"db1df1fe-180a-4c12-b2b9-089240fb913b"},"execution_count":75,"outputs":[{"output_type":"execute_result","data":{"text/plain":["array([0, 0, 1, 0, 1, 0, 0, 0, 1, 1, 0, 1, 0, 1, 1, 1, 0, 0, 1, 1, 0, 0,\n"," 0, 1, 0, 0, 1, 0, 1, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0,\n"," 1, 0, 0, 1, 0, 0, 1, 0, 0, 0, 0, 1, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 1, 1, 0, 0, 0, 1, 0, 0, 0, 0, 1, 1, 0, 1, 0, 1, 1, 1, 1, 0,\n"," 0, 1, 1, 0, 1, 0, 1, 1, 1, 0, 0, 0, 0, 0, 1, 1, 1, 0, 1, 0, 1, 0,\n"," 1, 0, 1, 1, 1, 1, 0, 0, 1, 1, 0, 0, 1, 1, 0, 0, 0, 1, 0, 1, 0, 0,\n"," 1, 0, 0, 1, 1, 1, 0, 0, 1, 1, 0, 1, 1, 1, 1, 1, 1, 1, 0, 0, 1, 1,\n"," 1, 0, 0, 1, 0, 1])"]},"metadata":{},"execution_count":75}]},{"cell_type":"code","source":["last_label"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"Yt-UtVLs_e8A","executionInfo":{"status":"ok","timestamp":1726187336866,"user_tz":420,"elapsed":375,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"02ea0dc1-a0d5-4b3a-cb69-dbe500c644f6"},"execution_count":76,"outputs":[{"output_type":"execute_result","data":{"text/plain":["array([0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n"," 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n"," 1, 1, 1, 1, 1, 1])"]},"metadata":{},"execution_count":76}]},{"cell_type":"code","source":["from sklearn.metrics import classification_report\n","for z in range(1, 2):\n"," with open('/content/drive/MyDrive/Master_Project_2024_JP/CSC502 Thomas Project/models/GANBERT/runs/'+ str(z) +'/spaBert_training_stats_lab_ns_100.pkl', 'rb') as f:\n"," print(z)\n"," training_stats = pickle.load(f)\n","\n"," last_pred = []\n"," last_label = []\n"," for stat in training_stats:\n"," last_pred = stat['Preds']\n"," last_label = stat['Labels']\n","\n"," target_names = ['real', 'fake']\n"," print(classification_report(last_label, last_pred, target_names=target_names))"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"Q5Piy3NV_m1j","executionInfo":{"status":"ok","timestamp":1726187338775,"user_tz":420,"elapsed":1061,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"d4b7037f-b7f9-4b2b-83fc-b6b290bbce0a"},"execution_count":77,"outputs":[{"output_type":"stream","name":"stdout","text":["1\n"," precision recall f1-score support\n","\n"," real 0.50 0.45 0.47 80\n"," fake 0.50 0.55 0.52 80\n","\n"," accuracy 0.50 160\n"," macro avg 0.50 0.50 0.50 160\n","weighted avg 0.50 0.50 0.50 160\n","\n"]}]},{"cell_type":"code","source":["from sklearn.preprocessing import StandardScaler\n","from sklearn.svm import SVC\n","from sklearn.metrics import confusion_matrix\n","from sklearn.metrics import precision_score, recall_score, f1_score, accuracy_score\n","import matplotlib.pyplot as plt\n","#\n","# Standardize the data set\n","#\n","\n","#\n","# Fit the SVC model\n","#\n","\n","#\n","# Get the predictions\n","#\n","\n","#\n","# Calculate the confusion matrix\n","#\n","conf_matrix = confusion_matrix(y_true=last_label, y_pred=last_pred)\n","#\n","# Print the confusion matrix using Matplotlib\n","#\n","fig, ax = plt.subplots(figsize=(5, 5))\n","ax.matshow(conf_matrix, cmap=plt.cm.Oranges, alpha=0.3)\n","for i in range(conf_matrix.shape[0]):\n"," for j in range(conf_matrix.shape[1]):\n"," ax.text(x=j, y=i,s=conf_matrix[i, j], va='center', ha='center', size='xx-large')\n","\n","plt.xlabel('Predictions', fontsize=18)\n","plt.ylabel('Actuals', fontsize=18)\n","plt.title('Confusion Matrix', fontsize=18)\n","plt.show()"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":507},"id":"xWX1KOtX_6j4","executionInfo":{"status":"ok","timestamp":1726187343249,"user_tz":420,"elapsed":413,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"f46c9eea-1e47-4604-fe6c-03ec0e8097ac"},"execution_count":78,"outputs":[{"output_type":"display_data","data":{"text/plain":["
"],"image/png":"iVBORw0KGgoAAAANSUhEUgAAAcUAAAHqCAYAAAB1O1VnAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAAA83ElEQVR4nO3dd3hU1d728XuSkALpIJFACE2qR6oU0QMizQYKCgLSbYACgliOShGeg4KPCsKrKF2kicABRT3UhyNNaQoIKBhaAqHEFEISIFnvH+zsQ0whmWQyIN/PdeVysmetvX57InPPnll7jcMYYwQAAOTh7gIAALheEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIrAn+zZs0ddunRRuXLl5OXlJYfDoXr16rmtng0bNsjhcMjhcLitBuTsyJEj9t/myJEj7i4HRYBQhEukp6dr8eLF6tWrl6pXr67g4GB5e3urbNmyuvvuu/Xaa69p79697i4zm6ioKDVv3lxffPGFTp06paCgIIWFhalMmTLuLu2GlBkYDodDtWrVumb7H3/8MUufPn36FGk9u3fv1ujRo/XBBx8U6X7x1+Hl7gLw17N161b17t1bv/76q72tRIkSCggI0Llz57Rp0yZt2rRJb7/9tjp16qQFCxbI29vbjRX/17Rp05SUlKRq1appw4YNKl++vLtLUsmSJVWjRg13l1FoBw4c0JYtW9SsWbNc28ycOdOlNezevVtjxoxRZGSkhg4dWuj9lShRwv7blChRotD7g/txpogitXLlSrVs2VK//vqrSpcurfHjx+vXX3/VxYsXde7cOV28eFE//vijXn31VQUGBmrp0qW6cOGCu8u27dmzR5LUsWPH6yIQJalx48Y6cOCADhw44O5SnFapUiVJ0qxZs3Jtk5qaqoULF8rhcCgyMrKYKiuc8uXL23+b6+X/FxQOoYgi89tvv+nJJ59UWlqaateurd27d+vVV1/VbbfdZrfx9PRUo0aNNH78eEVFRaljx45urDi7zID29/d3cyV/Lb169ZLD4dCiRYtyfRG0dOlSxcfHq0WLFnaIAsWNUESReeONN5SYmChfX18tW7ZMFSpUyLN9aGioli9frqCgoGz3nTp1SiNGjFCdOnVUqlQplSpVSnXq1NHLL7+s2NjYHPf350kPsbGxGjJkiCpXrixfX1+FhYXpiSeeyPGMq1KlSnI4HNqwYYMkacyYMVk+28rcPnr0aDkcDrVs2TLX47rWxJht27apR48edl2lSpVSZGSkWrRoobFjx+rEiRMF2p87Hq+Cqly5slq0aKHExER9+eWXObbJfOu0b9++ee7rwoULWrBggXr16qV69erplltukY+Pj8LDw/XII4/om2++ybGfw+Gw93306NEsf1+Hw6HRo0fbbfv06WN/pmmM0fTp03X33XerdOnScjgcmj17tqTcJ9qcO3dOFSpUkMPh0COPPJJjPZcvX1bz5s3lcDh0xx13KDU1Nc/jRjExQBE4deqU8fDwMJJM//79C7WvDRs2mODgYCPJSDKlSpUypUqVsn8PCQkx//nPf7L1i4qKstt89dVXpmzZskaSKVmypPHx8bHvCwwMNLt3787St1GjRiYsLMyUKFHCHjMsLMz+2bRpkzHGmFGjRhlJpkWLFrnWv379enusP5s9e7ZxOBz2/T4+PiYwMND+XZKZNWtWvvfnrscrv64+pjlz5hhJ5t57783W7siRI8bhcJiAgACTnJxsWrRoYSSZ3r17Z2s7a9Yse78Oh8MEBQWZkiVLZnkMhw8fnq1fWFiY/Vh7eHhk+fuGhYWZiRMn2m179+5tJJlevXqZzp07231CQkKMh4eH/Te6+jGMiorKMt6GDRvsfxNTpkzJVs/rr79uJBk/Pz+zb9++gj2wcBlCEUViwYIFWZ5gnXXs2DH7Cb527drm+++/t+/buHGjqVGjhpFkQkNDzYkTJ7L0vfoJKiQkxDRv3tz8+OOPxhhjLl26ZFavXm3KlStnJJl77rknx/Ezn4xHjRqV4/2FCcXk5GQTEBBgJJknn3zSHDp0yL7v/PnzZvv27WbEiBHm66+/ztf+rofH61quDsXM43c4HOb333/P0m706NFGknnqqaeMMSbPUFy+fLl56aWXzPfff2+Sk5Pt7TExMWbMmDH2C5t//etf2fpmBmpkZGSedWeGor+/v/Hy8jLvvvuuSUhIMMYYk5SUZGJiYowxeYeiMca8+eabRpLx9fU1P//8s719/fr1dmB+/PHHedaC4kUooki88cYb9pNDdHS00/t57rnn7CfpkydPZrv/+PHj9qv9QYMGZbnv6ieomjVrmgsXLmTrv2LFCrvN8ePHs93vylDctm2bfSZ36dKlXPvnd3/GuP/xupY/n/0+9dRTRpIZOXKk3SYjI8NUqlTJSLLPyPMKxWuZOHGikWTuu+++bPcVNBQlmcmTJ+fa7lqhePnyZdO8eXP7RcuFCxfM2bNnTfny5Y0k06lTp4IeHlyMzxRRJM6dO2ffDg0NdWofxhgtXrxYkvTcc8/p1ltvzdamQoUKeu655yRJCxcuzHVfw4cPl5+fX7bt999/v335R+ZM0+ISHBwsSfZM3MK6ER+vfv36SZLmzJkjY4wkaf369Tpy5Ihq1Kihu+66q9BjPPjgg5KkLVu2KD09vVD7CgkJ0bPPPut0f09PT82fP18hISH65ZdfNGTIEPXr10/R0dGKiIjQ9OnTC1Ufih6hiOtGVFSU4uLiJEmtW7fOtV2bNm0kXQniqKioHNs0adIkx+1eXl665ZZbJMkeq7hUrVpVNWvW1KVLl9SkSRO988472r17t9NP3Dfi49WsWTPVrFlTR48e1dq1ayXlf4LN1WJjYzVq1Cg1a9ZMpUuXtlcecjgcql27tqQrE3L++OOPQtV75513Fvoa2ooVK+rTTz+VJH366adasWKFPD09NW/ePIWEhBRq3yh6hCKKROnSpe3bzj55nj592r6d1zVfV89qvbrP1QICAnLt7+V1Zc2KS5cuFbTEQvH09NTChQtVuXJlHT16VK+++qrq16+vwMBAtWnTRh999FGBrtm8UR+vzPCbNWuWEhMTtXTpUnl6eqpXr1756r9lyxbVrFlTb731lrZu3aq4uDj5+fmpbNmy2VYfSk5OLlStZcuWLVT/TJ07d1bnzp3t31966SX9/e9/L5J9o2gRiigSderUsW/v2rXLjZVc3+rWrasDBw7oyy+/1DPPPKPbb79dKSkpWrNmjQYOHKiaNWsW+9u6xa1nz57y9PTUsmXL9PHHHyslJUXt27dXuXLlrtn38uXL6tatm+Lj41WvXj2tWrVKiYmJSkpKUmxsrE6dOqWtW7fa7TPfonWWp6dnofpnOnLkiNasWWP/vmnTpkK/tQvXIBRRJO699155eFz532nZsmVO7ePqV+V/vlbvalffV1Sv5PMr86wpr2vKEhIS8tyHt7e3OnXqpGnTpmnPnj06c+aMPv74Y4WGhur48ePq3bt3vmq5ER6vnJQrV07t27dXSkqK3nzzTUn5f+t0y5YtOnr0qDw9PfXVV1/p/vvvz3aWe+rUqSKvuTAygzwhIUHVq1eXj4+Pvv/+e40dO9bdpSEHhCKKRFhYmP320Pz587Ose3otma/mK1eubE/Syfy8KSeZr7hLly6typUrO1uyUzI/Azp+/HiubbZt21agfZYuXVrPPvus3nnnHUlXzrTzMxHnRni8cpM54ebixYsqU6aMOnTokK9+mY/7Lbfckutbxlefkf1Z5gu3wp5BFsSoUaO0detWlSxZUsuXL7f/zuPGjdP3339fbHUgfwhFFJlx48bJ399fKSkp6tSpk6Kjo/Ns/8cff6hz5872mZXD4VDXrl0lXVmYO6dX/DExMZo2bZokqVu3bkV8BNdWt25du46cwu/06dP2pIo/S0tLy3PfV8/+zHzyzsuN8Hjl5uGHH9aIESM0fPhwffDBB/leTDtz9aPY2NgcV+o5ceKEJk+enGv/wMBASVJ8fHzBi3bC+vXr9fbbb0uS3n//fdWqVUtDhgzRgw8+qPT0dPXo0aPQk4FQtAhFFJnq1avrs88+k7e3t/bt26d69erpnXfe0aFDh+w26enp2rVrl0aOHKkqVapo6dKlWfbxj3/8Q8HBwYqLi1Pr1q21efNm+75NmzapdevWio+PV2hoqF599dViO7ZMd911l71Yde/evbV9+3YZY5SRkaENGzaoZcuWysjIyLHvwoUL1bx5c02bNk2///67vT09PV3fffedfTzNmjXL96zE6/3xyk2JEiU0YcIEvfvuu+rRo0e++919990qVaqUjDHq0qWL/Y5E5mPYsmXLPJfDu/322yVJiYmJ9uUsrnLu3Dn17NlTGRkZ6tSpk5555hn7vlmzZqlcuXI6duyYnn76aZfWgQJy3yWS+Kv6/vvvTbVq1bIsu+Xt7W1CQ0PtVTxkLdHVrVs3c/HixSz9N2zYYIKCgnJdtiw4ONhs3Lgx27jXupA6U2RkZI7LqRlz7Yv3jTHm22+/tVdNkbUsmq+vr5Fkbrvttiyr+1zt6uXJZC3xVrp06SyPSXh4uNm/f3+WfvlZ5s1dj9e1ZO6/oH3zunj/o48+yvI4+vv7249/mTJlsiw4kNNx3Xffffb9AQEBJjIy0kRGRpr333/fbpN58f61Fg/I6zHs0KGDkWQiIiJMXFxctr6rV6+2l/z75JNP8vGooDhwpogi17x5cx04cEALFixQjx49VK1aNfn6+iopKUmhoaG6++679frrr2v//v2aP39+trfOWrRoof3792v48OGqVauWMjIyZIxRrVq19NJLL2n//v2655573HR0Urt27fSf//xHDz30kEJCQpSenq6IiAi9+uqr2rFjR44X0UtShw4dNHfuXPXt21d169ZVUFCQEhISFBAQoMaNG2vs2LHat2+fatasWaB6rvfHq6g999xz+vrrr9WyZUv5+/vr8uXLKl++vF544QX99NNP+tvf/pZn/yVLlujFF19U9erVdenSJR09elRHjx4t0rdUp06dqhUrVsjDwyPX6xFbt26tESNGSJKGDh2q/fv3F9n4cJ7DmGL8xBkAgOsYZ4oAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIpwualTp6pSpUry9fVVkyZN9MMPP7i7JKBYbNy4UQ8//LDCw8PlcDi0fPlyd5eEayAU4VKLFi3SsGHDNGrUKO3cuVN169ZVu3btcv0GeOCvJDk5WXXr1tXUqVPdXQryiWXe4FJNmjTRnXfeqSlTpkiSMjIyFBERoRdeeOG6+tYGwNUcDoeWLVumRx55xN2lIA+cKcJlLl68qB07dqh169b2Ng8PD7Vu3VpbtmxxY2UAkDNCES5z9uxZpaenKywsLMv2sLCwHL8QFwDcjVAEAMBCKMJlypQpI09PT8XGxmbZHhsbm+t3DgKAOxGKcBlvb281bNhQa9eutbdlZGRo7dq1atasmRsrA4Ccebm7APy1DRs2TL1791ajRo3UuHFjffDBB0pOTlbfvn3dXRrgcufPn9ehQ4fs36OiorR7926FhoaqYsWKbqwMueGSDLjclClTNHHiRJ06dUr16tXT5MmT1aRJE3eXBbjchg0bdO+992bb3rt3b82ePbv4C8I1EYoAAFj4TBEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiXC4tLU2jR49WWlqau0sB3IJ/AzcOLt6HyyUmJiooKEgJCQkKDAx0dzlAsePfwI2DM0UAACyEIgAAlpviWzIyMjIUExOjgIAAORwOd5dz00lMTMzyX+Bmw78B9zLGKCkpSeHh4fLwyPtc8Kb4TPHEiROKiIhwdxkAADc6fvy4KlSokGebm+JMMSAgQJJ0/MjvCgwMcHM1QPH7bdN6d5cAuM35CxfUsmsfOwvyclOEYuZbpoGBAcz8wk3Jv1RJd5cAuF1+Pj5jog0AABZCEQAAC6EIAICFUAQAwEIoAgBgIRQBALAQigAAWAhFAAAshCIAABZCEQAAC6EIAICFUAQAwEIoAgBgIRQBALAQigAAWAhFAAAshCIAABZCEQAAC6EIAICFUAQAwEIoAgBgIRQBALAQigAAWAhFAAAshCIAABZCEQAAC6EIAICFUAQAwEIoAgBgIRQBALAQigAAWAhFAAAshCIAABZCEQAAC6EIAICFUAQAwEIoAgBgIRQBALAQigAAWAhFAAAshCIAABZCEQAAC6EIAICFUAQAwEIoAgBgIRQBALAQigAAWAhFAAAshCIAABZCEQAAC6EIAICFUAQAwEIoAgBgIRQBALAQigAAWAhFAAAshCIAABZCEQAAC6EIAICFUAQAwEIoAgBgIRQBALAQigAAWAhFAAAshCIAABZCEQAAC6EIAICFUAQAwEIoAgBgIRQBALAQigAAWAhFAAAshCIAABZCEQAAC6EIAICFUAQAwEIoAgBgIRQBALAQigAAWAhFAAAshCIAABZCEQAAC6EIp2zfvkNvjhyt9g88pGo1aiko9Bb5lAxQ+YqV1fHRzlr+r39dcx/x8fEaO+6fatSkmULKhKlkQLCq3FZDnR7rotlz5hbDUQBFJzklRS279lHNVg+pZquHtPTbNfnuO+jNcXa/V99534VV4lq83F0AbkzTZ87UtE+m27/7+/vLw8NDMTExWhEToxUrv1LnTo9qweefqUSJEtn6b9z4Hz3+RHedPn1akuTj4yMfHx9FRR1RVNQR/bxnj/r07lVsxwMU1qQZn+nUmbMF7rfm+y1au2mrCyqCMzhThFOaNW2q9/93onb8sFVJ8eeUFH9OKecTdCzqkEYMHyZJ+nLpMr39zsRsfXfu3KUHHu6o06dPq8PDD2nHD1uVmpyohLgzij93Wt9+vVLdn3iiuA8JcNq+Xw/p8+VfqW6tGgXql5ySov+Z8on8S5VUlYoVXFQdCoJQhFN69+qpoUMGq0GD+vL397e3R0REaMI74/Vkj+6SpNlzs74Nmp6err5PPa3k5GT16N5Ny5cuUYMG9e37g4KC1K5dW701ZlTxHAhQSBkZGRr1/lRJ0qihAwvUd/LMeTp5+owG931SpUOCXVAdCopQhEvc2aihJCkm5mSW7V99/bV+/nmP/Pz8NPmD9+RwONxRHlBk5i1bqb0Hf9MTHR5Q7duq5rvfvl8Pad6ylapVrYp6dHzQhRWiIAhFuMTmLVc+I6lcuVKW7Z/PXyhJate2jUJDQ4u7LKBIxZ45q0mz5qlMSLCG9uuZ736ZZ5cZxmjkkAHy9PR0YZUoCEIRReb8+fP6+ec9GvTCYC1a/IUk6fmBA7K02bJ1mySpfr16io6O1jPPDVD5ipXlUzJAEZWqqmfvvtqzZ2+x1w44Y9yH05R8IUUvP9dfAf6l8t1v3vKvtPfgb+p8fxvVr1PLhRWioG6oUJw6daoqVaokX19fNWnSRD/88IO7S7rpnThxQg4vHzm8fBQQXFp1GzTS//tomnx9fTV2zGgNHPCc3TY1NVUnTpyQJP3xxx+q17CxPp0+U+fOnZOfn59OnDiheZ/PV8PGTbVw0WJ3HRKQL+s2b9Pq77eocb2/qUObe/PdL/bMWU2a+ZmCAwM1/Ok+risQTrlhQnHRokUaNmyYRo0apZ07d6pu3bpq166dPaUf7uHp6amwsDCFhYXJ29tbkuTl5aXXXnlZgwY+l6VtfHy8fXvylKm6ePGiFs6fp/MJcYo/d1p7du9Uk8aNdenSJfXt/7R+/fXX4jwUIN8upKRq3OSPVcLLSyMHD7h2h6uMm/KJki+kaPjTvRUSFOiiCuGsGyYU33vvPT399NPq27evateurY8//lglS5bUzJkz3V3aTa1cuXI6FX1Mp6KPKeV8gg7+ske9ej6pUWPeUr2GjbVv3y9224yMjCy333t3grp2eVxeXlcul7399jr617Il8vf3V2pqqj6Y/GGxHw+QH5Nnz1PM6TPq/VhHVatUMd/91m/5Qav/s1l1a9fQYw+0dWGFcNYNEYoXL17Ujh071Lp1a3ubh4eHWrdurS1btmRrn5aWpsTExCw/cD0PDw9Vr15dMz6dpmFDh+jYsWPq2aevHYZXX7oRFBSU48X5YWFh6t6tqyRp7br1xVM4UAD7D/2uz75coXJlb9HAnt3y3e9CSqrGTvpInh4eGjVkIDOvr1M3RCiePXtW6enpCgsLy7I9LCxMp06dytZ+/PjxCgoKsn8iIiKKq1RYXnj+yvVau3bt1q5duyVJAQEBdjBWrVol1xl3NapXlyQdP37C9YUCBfQ/Uz5RekaGhvbrKSOj5JSULD+ZLl66pOSUFKWkpkqSpi/6UjGnz6jT/W0UWSE8W7/MF4/p6en2NmOMW47xZvaXXObttdde07Bhw+zfExMTCcZiVr58efv24d9/V8OGDeRwOFSndm1ty+cEKV5J43oUE3tlHsMrb78nvZ17u9HvT9Xo96cqPKys1i2Yaff74uvv9MXX3+Xab+WaDVq5ZoMkac38Gapwa1iubVH0bogzxTJlysjT01OxsbFZtsfGxurWW2/N1t7Hx0eBgYFZflC8oqKi7Nv+pf47Vb31fa0kSYcP/6709PQc+x44eFCSVKlSpAsrBIDsbogzRW9vbzVs2FBr167VI488IunKRI21a9fq+eefd29xN6H09HR5eHjkeSY38X+vrPTv5eWlZs2a2tt7dH9C49+ZoISEBM2aPUdP9e+XpV9sbKzmL1gkSXqgfXsXVA8UzroFeU/uq9nqIUnSP18eqk7t/zsP4u1XXtTbr7yYa7+eL76qH3/aq0fa3ZdnO7jWDXGmKEnDhg3Tp59+qjlz5mj//v0aMGCAkpOT1bdvX3eXdtM5fvy4GjVpppmzZtvXHUpXXqjs3v2TevTsrekzrjxxvDBooEJCQuw2tWrVUv9+fSRJw0e8osVfLNHly5clSfv2/aJHOj2u5ORkhYSE6MWhg4vvoABAN8iZoiR17dpVZ86c0ciRI3Xq1CnVq1dP3377bbbJNygeO3fuUv+nn5Uk+fr6yt/fX0lJSUpLS7Pb9OndSxPeGZ+t7+QP3tfhw79r3foN6tqth3x9feXj46OEhARJV2amfrl4ocLDw4vnYADAcsOEoiQ9//zzvF16HQgPD9eiBZ9r7bp1+uHH7Tp58pTOnTsnX19fVa1aRc2aNlXf3r3UvPldOfb39fXV6u++0afTZ2jO3Hn6Zf9+paamqlq1qrq/fTuNGD6MiVEA3MJhboI5v4mJiQoKClJC3Bkm3eCmdHDjaneXALjN+eQLavRwFyUkJFwzA26YzxQBAHA1QhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYHFpKP7xxx9KSEhw5RAAABQZp0MxJiZGc+fO1bfffpvtvn379qlRo0YqU6aMQkNDdc899+jXX38tVKEAALia06E4c+ZM9e3bVxs2bMiyPSUlRQ888IB27dolY4yMMdq0aZNat26txMTEwtYLAIDLOB2Ka9askSR17do1y/Y5c+bo+PHjCg0N1aeffqp58+apQoUKio6O1tSpUwtXLQAALuR0KB45ckSSVLNmzSzbly5dKofDoX/+85/q37+/unfvrk8//VTGGK1YsaJQxQIA4EpOh+LZs2cVGBgoPz8/e1tGRoY2b94sh8Ohxx57zN7epk0beXh46ODBg4WrFgAAF3I6FNPT05WWlpZl2549e3ThwgXVqVNHISEh/x3Ew0MhISFKTk52vlIAAFzM6VAsV66c0tLSFBUVZW/77rvvJEl33XVXtvbnz59XaGios8MBAOByTodis2bNJEljxoxRRkaGzpw5o48++kgOh0Pt2rXL0jYqKkppaWkqV65c4aoFAMCFnA7FIUOGSJI+++wzBQcHKyIiQkePHlXlypX10EMPZWm7evVqSVKDBg0KUSoAAK7ldCg2btxYM2fOlL+/v86fP6+LFy+qZs2aWrp0qby8vLK0nTt3riTp3nvvLVy1AAC4kMMYYwqzg5SUFO3du1fBwcGqWrWqPDyy5uzFixe1cOFCGWPUsWNHBQcHF2Y4pyQmJiooKEgJcWcUGBhY7OMD7nZw42p3lwC4zfnkC2r0cBclJCRcMwO88rw3H/z8/HTnnXfmer+3t7d69epV2GEAAHA5viUDAAALoQgAgCVfb59WqVKlSAZzOBw6fPhwkewLAICilq9QzFzntLAcDkeR7AcAAFfIVyjOmjXL1XUAAOB2+QrF3r17u7oOAADcjok2AABYCEUAACyEIgAAlkKH4k8//aRnnnlGtWvXVmBgoDw9PXP9+fOaqAAAXE8KlVJTpkzRsGHDlJ6erkIuoQoAgNs5faa4bds2DRkyROnp6Ro4cKBWrVolSQoNDdWaNWs0b9489enTR97e3ipTpozmz5+vdevWFVnhAAAUNafPFCdPnixjjIYOHar33nvP3u7t7a1WrVpJkrp3767BgwerXbt2evPNN7Vz587CVwwAgIs4faa4adMmORwO+8uGM/35bdR69erpww8/1OHDhzVx4kRnhwMAwOWcDsXY2Fj5+PgoMjLyvzvz8FBqamq2to8++qhKlCihpUuXOjscAAAu5/TbpyVLlsy2lmlAQIASExOVlpYmHx8fe3uJEiVUsmRJHT161PlKAQBwMafPFMuXL6/ExERdvnzZ3la1alVJ0o8//pilbUxMjBISEpihCgC4rjkdirVq1VJ6err27Nljb2vZsqWMMXrrrbfst1EvXryowYMHS5L+9re/FbJcAABcx+lQbNu2rYwxWrlypb1t0KBB8vHx0dq1a1WhQgU1b95c5cuX17Jly+RwOPT8888XSdEAALiC058pdu7cWSdOnFB4eLi9rXLlypo/f7769u2ruLg4bdmyRdKVCTgjRoxQjx49Cl8xAAAu4jAu+KAvLi5Oq1at0vHjxxUUFKS2bduqWrVqRT1MviUmJiooKEgJcWcUGBjotjoAdzm4cbW7SwDc5nzyBTV6uIsSEhKumQEuWYw0NDRUTz75pCt2DQCAy/AtGQAAWAhFAAAsTr99mrm+aUE4HA6tXbvW2SEBAHApp0Nxw4YN+WqXueqNMSbbCjgAAFxPnA7FUaNG5Xl/QkKCtm3bpi1btqh06dIaMGCAPD09nR0OAACXc1koZlq3bp06deqkX375RUuWLHF2OAAAXM7lE21atWqlSZMmadmyZZo+fbqrhwMAwGnFMvu0a9eu8vT0JBQBANe1YglFX19flSpVSvv37y+O4QAAcEqxhGJ0dDRfHQUAuO65PBRTUlI0cOBASXx1FADg+ub07NO33norz/tTU1N1/Phxfffddzp37pwcDocGDRrk7HAAALic06E4evTofF2Mb4yRh4eH3njjDXXv3t3Z4QAAcDmnQ/Hvf/97nqHo5eWlkJAQ1a1bV126dNFtt93m7FAAABQLly/zBgDAjYJvyQAAwOJ0KL711lt677338t1+8uTJ15ycAwCAOzmMkxcPenh46NZbb1VMTEy+2leuXFnHjh1Tenq6M8MVSmJiooKCgpQQd0aBgYHFPj7gbgc3rnZ3CYDbnE++oEYPd1FCQsI1M4C3TwEAsBRbKMbFxcnX17e4hgMAoMCKJRS/+OILJSUlqWLFisUxHAAATsn3JRmTJk3SpEmTsmw7c+aMqlSpkmsfY4zi4+OVmJgoh8OhBx980PlKAQBwsXyHYnx8vI4cOZJlW3p6erZtubnvvvs0cuTIgtQGAECxyncoPvLII6pUqZKkK2eA/fr1U1BQkD744INc+3h4eCgwMFC33367qlatWthaAQBwqWK7JMOduCQDNzsuycDNrCCXZDi9zFtGRoazXQEAuC5xnSIAABanQ3Hr1q1q0KBBvr4j8amnnlKDBg20fft2Z4cDAMDlnA7F+fPn66efftI999xzzbZNmzbV7t27NX/+fGeHAwDA5ZwOxf/7v/+TJLVt2/aabR999FFJ0vr1650dDgAAl3M6FE+cOKGgoCCFhoZes23p0qUVFBSk6OhoZ4cDAMDlnA7FlJSUAs1ANcYoKSnJ2eEAAHA5p0OxbNmySkpKytd1itHR0UpMTFSZMmWcHQ4AAJdzOhSbNm0qSZo6deo122a2adKkibPDAQDgck6HYv/+/WWM0YQJE/TJJ5/k2m7atGmaMGGCHA6H+vfv7+xwAAC4nNMr2rRp00aPPfaYlixZogEDBmjq1Kl66KGHFBkZKUk6evSoVq5cqX379skYo86dO+v+++8vssIBAChqToeiJM2ZM0cOh0NffPGF9uzZo71792a5P3NZ1SeeeEIzZswozFAAALhcoZZ58/Pz06JFi7RmzRp1795dkZGR8vHxka+vrypVqqQePXpo3bp1mj9/vvz8/IqqZgAAXKJQZ4qZWrVqpVatWuV6f0ZGhr7++mvNmDFDy5cvL4ohAQAockUSirn57bffNGPGDM2dO1exsbGuHAoAgEIr8lC8cOGCFi9erBkzZmjz5s2S/vvZYq1atYp6OAAAikyRheLWrVs1Y8YMLV68WOfPn5d0JQxr1qypxx9/XI8//rhuv/32ohoOAIAiV6hQPHPmjObOnauZM2fqwIEDkv57VuhwOPTjjz+qYcOGha8SAIBiUOBQNMZo1apVmjlzpr766itdvnxZxhj5+fnpkUceUe/evdW+fXtJvF0KALix5DsUDx8+rJkzZ2rOnDk6efKkjDFyOBy6++671atXL3Xp0kUBAQGurBUAAJfKdyjedtttcjgcMsaocuXK6tWrl3r16qXKlSu7sj4AAIpNgd8+HTx4sCZMmCBvb29X1AMAgNvke0UbHx8fGWP04YcfKjw8XIMGDdLWrVtdWRsAAMUq36F48uRJTZ48WXfccYfi4uL00UcfqXnz5qpRo4b++c9/6tixY66sEwAAl8t3KAYHB+v555/Xrl27tGPHDg0YMEBBQUH67bff9Oabb6pKlSpq1aqVZs2a5cp6AQBwGacWBK9fv76mTp2qkydP6rPPPlOLFi1kjNGGDRv01FNP2e3+/e9/6/Lly0VWLAAArlSob8nw8fGxvwnj0KFDev3111W+fHlJsr9DsWzZsurbt69WrVpFQAIArmsOk7kETRExxui7777T9OnTtXLlSl26dEkOh0PSlbdgz507V5TD5UtiYqKCgoKUEHdGgYGBxT4+4G4HN652dwmA25xPvqBGD3dRQkLCNTOgUGeKOXE4HGrfvr2WLFmi6Ohovfvuu6pVq5aMMYqPjy/q4QAAKDJFHopXK1OmjIYNG6a9e/dq8+bN6t+/vyuHAwCgUFz6fYpXa9q0qZo2bVpcwwEAUGAuPVMEAOBGQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRTtm+fYfeHDla7R94SNVq1FJQ6C3yKRmg8hUrq+OjnbX8X/+65j7i4+M1dtw/1ahJM4WUCVPJgGBVua2GOj3WRbPnzC2GowCKTnJKilp27aOarR5SzVYPaem3a/Ldd9Cb4+x+r77zvgurxLV4ubsA3Jimz5ypaZ9Mt3/39/eXh4eHYmJitCImRitWfqXOnR7Vgs8/U4kSJbL137jxP3r8ie46ffq0JMnHx0c+Pj6KijqiqKgj+nnPHvXp3avYjgcorEkzPtOpM2cL3G/N91u0dtNWF1QEZ3CmCKc0a9pU7//vRO34YauS4s8pKf6cUs4n6FjUIY0YPkyS9OXSZXr7nYnZ+u7cuUsPPNxRp0+fVoeHH9KOH7YqNTlRCXFnFH/utL79eqW6P/FEcR8S4LR9vx7S58u/Ut1aNQrULzklRf8z5RP5lyqpKhUruKg6FAShCKf07tVTQ4cMVoMG9eXv729vj4iI0IR3xuvJHt0lSbPnZn0bND09XX2felrJycnq0b2bli9dogYN6tv3BwUFqV27tnprzKjiORCgkDIyMjTq/amSpFFDBxao7+SZ83Ty9BkN7vukSocEu6A6FBShCJe4s1FDSVJMzMks27/6+mv9/PMe+fn5afIH78nhcLijPKDIzFu2UnsP/qYnOjyg2rdVzXe/fb8e0rxlK1WrWhX16PigCytEQRCKcInNW658RlK5cqUs2z+fv1CS1K5tG4WGhhZ3WUCRij1zVpNmzVOZkGAN7dcz3/0yzy4zjNHIIQPk6enpwipREDdEKG7cuFEPP/ywwsPD5XA4tHz5cneXhBycP39eP/+8R4NeGKxFi7+QJD0/cECWNlu2bpMk1a9XT9HR0XrmuQEqX7GyfEoGKKJSVfXs3Vd79uwt9toBZ4z7cJqSL6To5ef6K8C/VL77zVv+lfYe/E2d72+j+nVqubBCFNQNMfs0OTlZdevWVb9+/dSpUyd3l4OrnDhxQhGVsr9l5Ovrq9dfe1UDBzxnb0tNTdWJEyckSX/88YfqNWyss2fPysfHR35+fjpx4oTmfT5fixZ/obmzZ+qJrl2K7TiAglq3eZtWf79Fjev9TR3a3JvvfrFnzmrSzM8UHBio4U/3cV2BcMoNcaZ4//33a9y4cXr00UfdXQr+xNPTU2FhYQoLC5O3t7ckycvLS6+98rIGDXwuS9v4+Hj79uQpU3Xx4kUtnD9P5xPiFH/utPbs3qkmjRvr0qVL6tv/af3666/FeShAvl1ISdW4yR+rhJeXRg4ecO0OVxk35RMlX0jR8Kd7KyQo0EUVwlk3RCgWVFpamhITE7P8wDXKlSunU9HHdCr6mFLOJ+jgL3vUq+eTGjXmLdVr2Fj79v1it83IyMhy+713J6hrl8fl5XXlDYvbb6+jfy1bIn9/f6WmpuqDyR8W+/EA+TF59jzFnD6j3o91VLVKFfPdb/2WH7T6P5tVt3YNPfZAWxdWCGf9JUNx/PjxCgoKsn8iIiLcXdJNwcPDQ9WrV9eMT6dp2NAhOnbsmHr26WuH4dWXbgQFBeV4cX5YWJi6d+sqSVq7bn3xFA4UwP5Dv+uzL1eoXNlbNLBnt3z3u5CSqrGTPpKnh4dGDRnIzOvr1F8yFF977TUlJCTYP8ePH3d3STedF56/cr3Wrl27tWvXbklSQECAHYxVq1bJdcZdjerVJUnHj59wfaFAAf3PlE+UnpGhof16ysgoOSUly0+mi5cuKTklRSmpqZKk6Yu+VMzpM+p0fxtFVgjP1i/zxWN6erq9zRjjlmO8md0QE20KKnPJMLhP+fLl7duHf/9dDRs2kMPhUJ3atbXthx/ytQ9eSeN6FBN7ZWnCV95+T3o793aj35+q0e9PVXhYWa1bMNPu98XX3+mLr7/Ltd/KNRu0cs0GSdKa+TNU4dawIqsd1/aXPFOE+0VFRdm3/Uv9d6p66/taSZIOH/5d6enpOfY9cPCgJKlSpUgXVggA2d0QZ4rnz5/XoUOH7N+joqK0e/duhYaGqmLF/H/IjaKRnp4uDw+PPM/kJv7vlZX+vby81KxZU3t7j+5PaPw7E5SQkKBZs+foqf79svSLjY3V/AWLJEkPtG/vguqBwlm3YGae99ds9ZAk6Z8vD1Wn9q3t7W+/8qLefuXFXPv1fPFV/fjTXj3S7r4828G1bogzxe3bt6t+/fqqX//KGpnDhg1T/fr1NXLkSDdXdnM6fvy4GjVpppmzZtvXHUpXZpTu3v2TevTsrekzrjxxvDBooEJCQuw2tWrVUv9+fSRJw0e8osVfLNHly5clSfv2/aJHOj2u5ORkhYSE6MWhg4vvoABAN8iZYsuWLfnA+Tqzc+cu9X/6WUlXLtT39/dXUlKS0tLS7DZ9evfShHfGZ+s7+YP3dfjw71q3foO6dushX19f+fj4KCEhQdKVmalfLl6o8PDw4jkYALDcEKGI60t4eLgWLfhca9et0w8/btfJk6d07tw5+fr6qmrVKmrWtKn69u6l5s3vyrG/r6+vVn/3jT6dPkNz5s7TL/v3KzU1VdWqVdX97dtpxPBhXEYDwC0c5iY4BUtMTFRQUJAS4s4oMJAVJHDzObhxtbtLANzmfPIFNXq4ixISEq6ZATfEZ4oAABQHQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFgIRQAALIQiAAAWQhEAAAuhCACAhVAEAMBCKAIAYCEUAQCwEIoAAFi83F1AcTDGSJISE5PcXAngHueTL7i7BMBtzl+48v9/Zhbk5aYIxaSkK2EYUamKmysBALhLUlKSgoKC8mzjMPmJzhtcRkaGYmJiFBAQIIfD4e5ybjqJiYmKiIjQ8ePHFRgY6O5ygGLHvwH3MsYoKSlJ4eHh8vDI+1PDm+JM0cPDQxUqVHB3GTe9wMBAnhBwU+PfgPtc6wwxExNtAACwEIoAAFgIRbicj4+PRo0aJR8fH3eXArgF/wZuHDfFRBsAAPKDM0UAACyEIgAAFkIRAAALoQhcx1q2bCmHw6HRo0dnu69SpUpyOByaPXt2sdY0e/ZsORwOVapUqVjHBYoDoYi/tNGjR8vhcGT78fX1VYUKFdShQwctXrw4X2si/tUdOXJEo0ePzjGAgZvFTbGiDSBJYWFh9u2EhARFR0crOjpaK1eu1OzZs7Vs2bIbasp81apV5evrm++VOq7lyJEjGjNmjCTlGYxBQUGqUaOGypcvXyTjAtcTzhRx0zh16pT9k5ycrL1796pNmzaSpG+++UZvvPGGmyssmLVr1+rAgQN69NFHi3XcRx99VAcOHNDatWuLdVygOBCKuCl5eHioTp06WrFihapVqyZJmjZtmi5fvuzmygC4E6GIm5qvr68ef/xxSVe+VubAgQM6cuSI/dnjkSNHdPjwYT3zzDOqXLmyfHx8sk0wycjI0Oeff64HHnhAYWFh8vb21i233KK2bdtqwYIFeX5emZ6erg8//FANGjRQqVKlFBoaqpYtW2rJkiXXrD0/E222bdumvn37qlq1aipZsqQCAwNVu3Zt9evXT999912Wfd17773273/+DLZPnz72ffmZaHP48GENGDBAt912m/z8/BQYGKgGDRrorbfeUmJiYo59NmzYYI8nSYcOHVK/fv0UEREhHx8fVahQQU8//bSio6NzHffAgQN65plnVL16dZUsWVK+vr6KiIhQ06ZN9Y9//EMHDhzItS8gSTLAX9ioUaOMJJPX/+pTp06122zatMlERUXZv3/++efG39/fSDIlS5Y0pUqVMpGRkXbfc+fOmb///e92e0kmKCgoy+8dOnQwaWlp2cZNTU017dq1s9t5eHiY4OBg43A4jCTzyiuvmBYtWhhJZtSoUdn6R0ZGGklm1qxZ2e67fPmyGTx4cJY6SpUqZUJCQuz9BwUF2e0bNWpkQkJC7LZhYWFZfgYPHmy3nTVrlpGU5XG42qJFi4yPj4+9r4CAgCy/R0REmF9++SVbv/Xr19tt1q1bZz/uAQEBxsvLy74vPDzcnDhxIlv/f//731nGKVGihAkODs7yGOT0OAJXIxTxl5afUBwxYoTdZv/+/VlC0d/f3zRp0sT8+OOPdvuDBw8aY64ET2Zo1atXz6xcudIkJycbY4w5f/68mTNnjilbtqyRZIYOHZpt3BdffNFIMg6Hw4wbN84kJCQYY4yJjY01AwYMyBKwBQ3Fl19+2T6Gfv362TUbY0x8fLxZvny56dq1a5Y+V4dSXvIKxR07dpgSJUoYSaZ58+bm559/NsYYk56eblasWGHKlStnJJmqVauapKSkXMcPCQkxHTp0MPv37zfGGJOWlmYWLVpkAgICjCTTs2fPbGNXrVrVSDJt27Y1e/bssbenpKSYvXv3mjFjxuT4WAFXIxTxl3atUExISDDh4eFGkgkNDTXp6elZQjEyMjLbk3emuXPnGkmmZs2aJj4+Psc227dvNw6Hw3h7e5vY2Fh7e3R0tH328+abb+bYt1u3bnme4eQWigcPHjQeHh5Gknn55Zdz3HdOiiIU27dvbySZatWq2S8QrrZz5077uCdOnJjr+Pfee69JT0/P1n/y5MlGkvHz8zOXLl2yt8fGxtp9Y2Ji8nnEQHZ8poibUnx8vNauXatWrVopJiZGkjRkyJBs38r9/PPPy9/fP8d9zJgxQ5I0YMCAXC+LaNiwoerUqaOLFy9q/fr19vYlS5bo8uXL8vPz00svvZRjX2evF5wzZ44yMjJUunRp+xKL4hAfH29/TjlixAiVLFkyW5v69eurU6dOkqQFCxbkuq9//OMfOX5DeseOHSVJKSkp+u233+ztAQEBdvuTJ086fxC46RGKuGlcPXEkJCRErVu31o4dOyRJTz75pF5//fVsfZo3b57jvtLT07V161ZJV8Lr1ltvzfXn4MGDkqSjR4/a/bdv3y5JatSoUa7fxF69enWnrgXcvHmzJKlNmzby9fUtcH9n7dy5055U1Lp161zbZV4G8/PPP+vSpUs5tmnSpEmO28PDw+3bcXFx9m0/Pz/dd999kqT27dtr5MiR2rZtmy5evFiwg8BNj4v3cdO4+uJ9Hx8flSlTRvXr11ePHj2yzLy8WtmyZXPcHhcXp7S0NEnSH3/8ka/xL1y4YN8+ffq0JF0z9CpUqJDnbMucnDp1SpIUGRlZoH6FlXlMUt7HVaFCBUnS5cuXFRcXl+XvkikgICDHvl5e/33K+nOgTp8+XR06dNBPP/2ksWPHauzYsfL29tadd96pjh07qn///goNDS3QMeHmQyjippEZFgXh6emZ4/b09HT79jfffKP27ds7XVdRy7yk4WZTsWJF7dy5U6tXr9aqVau0adMm/fTTT9q0aZM2bdqk8ePHa8mSJWrVqpW7S8V1jLdPASeULl3aPmu5+m3R/Mo8A73WWWBBzxIl6dZbb3W6rsK4+qz6xIkTubbLvM/Ly6vIz9w8PDzUrl07TZo0Sdu3b1dcXJw+//xzVaxYUX/88Ye6d+/OW6rIE6EIOKFEiRJq3LixJGnlypUF7t+oUSNJVz5bPH/+fI5tfvvttzzDJTd33XWXJGn16tVKTU3Nd7+rJ7YYJxZIb9Cggb2PvJaAW7NmjSSpbt26KlGiRIHHKYiAgAB1797dnhQVGxurPXv2uHRM3NgIRcBJzzzzjCRp1apVWrVqVZ5tr54UIkmdO3eWp6enUlJS9O677+bY56233nKqrj59+sjT01Pnzp3TqFGj8t3v6gk/8fHxBR43ODhY7dq1kyRNnDgxy2eomX766Sd9+eWXkqRu3boVeIzcXOvsz8/Pz76d06xWIBP/dwBOevLJJ9W6dWsZY/Too49q3Lhx9uUdkpScnKz169dr0KBBqlKlSpa+5cuX16BBgyRJY8eO1fjx45WUlCRJOnPmjJ5//nnNmzfPqW/AqFatmkaMGCFJmjBhgp566qksly8kJiZq0aJF2RYSr169ury9vSVdmbTizNniuHHjVKJECR06dEjt2rWzz8oyMjK0atUqPfDAA7p8+bKqVq2qZ599tsD7z83mzZt1xx136P3339f+/fuVkZEh6coZ7+bNmzVgwABJVyb53HHHHUU2Lv6C3HqVJOBi+VnR5s+uvng/Kioqz7YJCQnmoYceyrKUWGBgYJbl2iQZLy+vbH1TUlJM69at7Taenp5ZlmEr7DJvgwYNylKXv79/rsu8Zerfv7/dvmTJkqZixYomMjLSDB8+3G5zrWXeFi5caLy9vbM8Hr6+vgVa5i0vmW3Wr1+fY19ZS7yVLl06y/JwgYGBZuPGjXnuG+BMESiEwMBArVy5UqtWrVLXrl1VsWJFpaWl6cKFCypfvrzatm2r8ePH29cqXs3X11fffPONJk2apHr16snb21vGGN1zzz1avHix3n77bafr8vT01JQpU/T999+rR48eqlixoi5duiRjjGrXrq3+/fvbb2NeberUqRo9erT+9re/SZKOHTumo0eP6uzZs/keu2vXrtq3b5+effZZVa1aVWlpafLy8lK9evU0ZswY7d27V7Vq1XL62HJy5513avHixRowYIAaNmyoMmXKKDExUb6+vqpXr55efvll7d+/X/fcc0+Rjou/HocxfOU4AAASnykCAGAjFAEAsBCKAABYCEUAACyEIgAAFkIRAAALoQgAgIVQBADAQigCAGAhFAEAsBCKAABYCEUAACyEIgAAFkIRAADL/wfpWIHaZdOW3AAAAABJRU5ErkJggg==\n"},"metadata":{}}]},{"cell_type":"markdown","source":["##Test and Debug the Function"],"metadata":{"id":"JCWtE8CGVNWz"}},{"cell_type":"code","source":["from transformers import BertTokenizer, BertModel\n","import torch\n","import spacy\n","import numpy as np\n","\n","# Load the BERT tokenizer and model\n","tokenizer = BertTokenizer.from_pretrained('bert-base-uncased')\n","model = BertModel.from_pretrained('bert-base-uncased')\n","\n","# Load the spaCy model\n","nlp = spacy.load('en_core_web_trf')\n","\n","# Your list of reviews\n","examples_fake = test_examples[:3]\n","\n","# Initialize list for ordered embeddings\n","ordered_embeddings = []\n","\n","# Dummy implementation of get_entity_index and all_embeddings for demonstration\n","def get_entity_index(text):\n"," # Replace this with the actual implementation\n"," if text == \"the chicago hilton\":\n"," return 0\n"," return None\n","\n","# Assume all_embeddings contains vectors of varying sizes (1, 1, 768), (1, 2, 768), or (1, 3, 768)\n","all_embeddings = [np.random.rand(1, 3, 768), np.random.rand(1, 1, 768), np.random.rand(1, 2, 768)] # Dummy embeddings for demonstration\n","\n","# Function to get BERT embeddings\n","def get_bert_embedding(text):\n"," inputs = tokenizer(text, return_tensors='pt', truncation=True, max_length=512)\n"," outputs = model(**inputs)\n"," return outputs.last_hidden_state.mean(dim=1).detach().numpy()\n","\n","# Function to get spaBert embeddings\n","def get_spaBert_embedding(text):\n"," text = text.lower() # Convert text to lowercase\n"," entity_index = get_entity_index(text)\n"," if entity_index is None or entity_index >= len(all_embeddings):\n"," return None\n"," else:\n"," embedding = all_embeddings[entity_index]\n"," # Ensure consistent shape by averaging if necessary\n"," return embedding.mean(axis=1)\n","\n","# Step through each sentence and get the embeddings\n","for entry in examples_fake:\n"," review = entry[0]\n"," print(\"Sentence: \" + review)\n"," doc = nlp(review)\n","\n"," entity_spans = [(ent.start, ent.end, ent.text, ent.label_) for ent in doc.ents]\n","\n"," token_embeddings = []\n","\n"," i = 0\n"," while i < len(doc):\n"," if any(start == i for start, end, _, _ in entity_spans):\n"," # If the current token starts an entity, find the full entity\n"," for start, end, text, label in entity_spans:\n"," if start == i:\n"," if label in ['FAC', 'ORG', 'LOC', 'GPE']:\n"," # Try to get SpaBert embedding for the whole geo-entity\n"," spaBert_emb = get_spaBert_embedding(text)\n"," if spaBert_emb is not None:\n"," spaBert_emb = spaBert_emb.flatten() # Flatten to 1D tensor\n"," print(\"Geo-Entity: \" + text)\n"," print(\"SpaBert Embedding shape: \", spaBert_emb.shape)\n"," token_embeddings.append((text, spaBert_emb))\n"," else:\n"," # If spaBert embedding is None, get one BERT embedding for the whole geo-entity\n"," bert_emb = get_bert_embedding(text)\n"," print(\"Fallback BERT Embedding for Geo-Entity: \" + text)\n"," print(\"BERT Embedding shape: \", bert_emb.shape)\n"," token_embeddings.append((text, bert_emb))\n"," else:\n"," # Get BERT embedding for non-spatial entity\n"," bert_emb = get_bert_embedding(text)\n"," print(\"BERT Embedding for: \" + text)\n"," print(\"BERT Embedding shape: \", bert_emb.shape)\n"," token_embeddings.append((text, bert_emb))\n"," i = end # Move the index past the end of the entity\n"," break\n"," else:\n"," # Get BERT embedding for non-entity token\n"," token = doc[i]\n"," bert_emb = get_bert_embedding(token.text)\n"," print(\"BERT Embedding for: \" + token.text)\n"," print(\"BERT Embedding shape: \", bert_emb.shape)\n"," token_embeddings.append((token.text, bert_emb))\n"," i += 1\n","\n"," # Append embeddings for the current review to the ordered list\n"," ordered_embeddings.append(token_embeddings)\n","\n","# Convert embeddings to tensors for further processing\n","final_ordered_embeddings = [\n"," [(text, torch.tensor(embedding)) for text, embedding in review_embeddings]\n"," for review_embeddings in ordered_embeddings\n","]\n","\n","# Print the results\n","print(\"Ordered Embeddings:\")\n","for review_embeddings in final_ordered_embeddings:\n"," print(\"New Review:\")\n"," for text, embedding in review_embeddings:\n"," print(f\"{text}: {embedding}\")\n"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"srxwAWePb7cv","executionInfo":{"status":"ok","timestamp":1722482142965,"user_tz":420,"elapsed":28378,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"50a10f83-86f2-4c96-954a-7404f55cbeab","collapsed":true},"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":["/usr/local/lib/python3.10/dist-packages/spacy/util.py:1740: UserWarning: [W111] Jupyter notebook detected: if using `prefer_gpu()` or `require_gpu()`, include it in the same cell right before `spacy.load()` to ensure that the model is loaded on the correct device. More information: http://spacy.io/usage/v3#jupyter-notebook-gpu\n"," warnings.warn(Warnings.W111)\n"]},{"output_type":"stream","name":"stdout","text":["\u001b[1;30;43mStreaming output truncated to the last 5000 lines.\u001b[0m\n"," 2.2261e-02, 1.5613e-01, -1.4637e-01, 2.2165e-01, -7.7966e-01,\n"," 1.4474e-01, -1.5885e-01, -8.3754e-02, 4.2861e-01, -4.8140e-01,\n"," 4.5142e-01, 8.4319e-02, 9.6394e-02, -3.6360e-01, -1.9284e-01,\n"," 4.6092e-01, -2.5313e-02, 1.0799e-01, -8.8430e-03, 5.8974e-02,\n"," 7.1944e-02, 2.1046e-01, -2.2278e-02, -1.2261e-01, 1.7701e-01,\n"," -3.0559e-01, -6.3236e-01, -1.4660e-01, 1.4399e-01, 2.6545e-01,\n"," 7.1084e-03, -2.8483e-01, -1.7965e-01, 1.2409e-01, -4.3654e-02,\n"," 3.1850e-01, 3.3423e-02, 2.4867e-01, 5.9863e-01, 7.3530e-02,\n"," -5.0665e-01, 1.1876e-02, -2.2058e-02, 2.4579e-01, 9.9038e-02,\n"," -1.2338e-02, 4.5577e-01, 7.3283e-01, 1.0815e-01, -2.2509e-01,\n"," 7.3798e-01, -1.3457e-01, 1.7850e-01, -3.6752e-01, 4.8011e-02,\n"," -1.3314e-01, -3.7726e-01, 1.4045e-01, -1.3854e-01, 1.7611e-01,\n"," -1.1418e-02, 2.9263e-01, 2.6873e-01, -8.2213e-02, 1.6614e-01,\n"," -4.6167e-02, -5.7598e-01, 2.1929e-01, 6.1148e-01, -1.3514e-01,\n"," 9.4684e-02, -7.5742e-02, -4.7505e-02, 1.9207e-01, -1.0260e-01,\n"," -4.0581e-01, 4.2058e-02, -1.6522e-01, 1.1412e-01, -2.0594e-01,\n"," -5.2334e-02, 1.8916e-01, 2.1497e-01, 2.3804e-02, -4.1369e-01,\n"," -5.3839e-01, 9.1952e-02, 5.7860e-01, -1.4341e-01, -1.1294e-01,\n"," -3.4819e-02, -1.2510e-01, -1.3559e-01, -5.3644e-02, 3.7792e-01,\n"," 2.6066e-02, -1.1588e-01, 4.3771e-01, 1.2920e-01, -2.1632e-01,\n"," -2.3844e-01, 1.4791e-01, 1.5718e-01, -1.1588e-01, 1.9160e-01,\n"," 3.1196e-01, -2.9249e-01, -2.3246e-01, -1.2998e-02, -1.3080e-01,\n"," -5.6340e-01, -1.3139e-01, 1.8496e-01, 2.6631e-01, 2.5820e-01,\n"," 1.9963e-01, 1.3169e-01, -4.1821e-01, -3.5140e-01, -5.2711e-01,\n"," 1.8152e-01, -6.7326e-02, -1.5176e-02, -4.6640e-02, -2.7037e-01,\n"," -3.9431e-01, -1.3509e-01, 1.6846e-01, -1.3976e-01, 4.4115e-01,\n"," -5.9348e-02, -7.4783e-02, 2.6924e-01, 2.0020e-01, -5.0669e-01,\n"," 1.0163e-01, -4.2860e-01, -1.5346e-01, -1.2094e-01, -4.0796e-01,\n"," -2.9065e-01, 2.3164e-01, -9.9210e-02, 6.8808e-02, 1.6105e-01,\n"," 5.2119e-01, 2.8511e-01, 2.1962e-01, -3.1485e-01, -9.9353e-02,\n"," -1.1846e-01, -2.6914e-01, -7.0305e-02, -1.1229e+00, -5.2571e-02,\n"," -5.7563e-02, -1.0902e-01, 3.0578e-02, -1.8039e-01, 3.8141e-01,\n"," 4.0535e-01, -3.4374e-02, -4.4861e-02, 2.9533e-02, -7.2761e-02,\n"," 9.5429e-03, 2.6651e-01, 7.4771e-03, -1.4848e-01, -1.8667e-01,\n"," -2.3241e-01, 1.5939e-01, -3.4388e-01, 7.0864e-02, 2.4453e-01,\n"," -2.8472e-01, -3.1277e-01, -1.4801e-01, 9.7014e-01, 5.1168e-01,\n"," -1.9332e-01, -1.5515e-01, -1.9199e-01, -3.7983e-01, -1.5511e-01,\n"," 9.7434e-03, -3.8142e-01, -5.0146e-01, 4.2549e-01, -1.5556e-01,\n"," 2.8889e-03, 3.2629e-01, -5.7757e-02, 2.2926e-01, -3.3366e-01,\n"," 1.2502e-01, -4.3215e-01, -6.7573e-02, -1.9442e-02, 2.1949e-01,\n"," 1.4507e-01, -2.0705e-01, -9.1417e-02, 1.4430e-01, 3.7913e-01,\n"," -1.6096e-01, 8.5228e-02, -1.6870e-01, -3.5674e-01, 1.2572e-01,\n"," 1.3410e-01, 5.9456e-01, -9.1406e-01, 1.2484e-01, -2.4742e-02,\n"," -7.5065e-01, 2.0029e-01, 2.4681e-01, -5.6168e-02, 6.4239e-02,\n"," 1.5872e-01, 3.6049e-01, 2.9676e-01, 3.8818e-01, -8.2725e-01,\n"," -3.2489e-01, 2.7229e-01, 4.0840e-01, 3.3527e-01, 3.0786e-01,\n"," -1.4647e-01, 4.4355e-01, -1.0110e-01, -2.5035e-01, 5.4428e-01,\n"," 2.0329e-01, -5.4270e-03, -1.1078e-01, 1.4846e-01, -2.7016e-02,\n"," 2.4345e-01, 2.5883e-01, -2.3375e-01, 2.4226e-02, 3.4059e-02,\n"," -9.5256e-02, 2.6024e-01, 2.6355e-01, 6.3221e-02, -2.6164e-01,\n"," -2.4791e-01, 2.9397e-01, -1.1633e-01, 3.7958e-02, 2.4434e-01,\n"," 7.1124e-02, -1.9654e-01, -8.5072e-01, 3.2156e-01, -2.9118e-02,\n"," -1.4426e-01, -2.0783e-01, 9.0390e-02, 5.8715e-01, 2.3539e-01,\n"," -3.5855e-01, -4.8917e-01, 2.2614e-01, 3.6992e-01, -8.9677e-02,\n"," -2.5302e-02, 1.0612e-02, -6.2480e-02, 2.3364e-01, 1.3893e-02,\n"," 3.5362e-01, -5.5842e-01, 3.9546e-02, 1.7314e-02, -2.9383e-01,\n"," -1.0535e-01, -1.0406e-01, 3.6980e-01, -3.5007e-01, -1.8469e-01,\n"," -3.3742e-02, 2.6605e-01, -1.7585e-01, 2.0597e-01, 7.8674e-02,\n"," 4.1204e-02, -1.8598e-01, 1.7753e-02, 3.5230e-01, 5.3065e-01,\n"," 7.4743e-02, 2.2330e-01, 2.6692e-01, 4.1694e-01, -2.8294e-01,\n"," -4.9977e-01, 5.1658e-01, -9.7939e-02, 4.7905e-03, 4.3155e-01,\n"," -1.1113e-01, -4.4155e-01, -4.9506e-01, -2.4912e-01, 1.9889e-01,\n"," -1.1520e+00, 2.5330e-01, -4.6069e-02, -1.9629e-01, -1.5255e-01,\n"," 3.5417e-02, 1.7653e-01, -2.3985e-01, 8.3029e-02, -1.7408e-01,\n"," 1.1693e-01, 2.4224e-01, -4.0424e-01, 8.1266e-02, -3.9135e-01,\n"," 4.9236e-01, 5.1952e-02, 2.6929e-01, -1.3914e-02, 2.3229e-01,\n"," 4.1213e-03, 4.0883e-02, 3.1765e-01, -3.3034e-01, 8.2568e-02,\n"," -3.8057e-01, -4.1492e-01, -2.8877e-01, -4.2482e-01, 1.7556e-02,\n"," 8.1480e-02, -2.0679e-01, -2.7271e+00, -4.6025e-02, -2.4410e-02,\n"," 1.6331e-01, 2.0743e-01, -1.6851e-02, 5.1467e-01, 6.2233e-03,\n"," -1.3036e-01, -1.9033e-01, 2.5336e-01, -2.7485e-01, 8.1273e-02,\n"," -7.6306e-02, -1.8695e-01, -6.2889e-02]])\n","of: tensor([[ 3.4003e-02, -5.1843e-02, -7.4274e-03, -1.5316e-01, -1.6551e-02,\n"," -2.2312e-01, 2.7718e-01, -2.9654e-01, 7.7573e-02, -1.4059e-01,\n"," -2.5555e-01, -8.7039e-02, -6.1729e-02, 1.6766e-01, 5.9935e-02,\n"," -1.4018e-01, -3.7649e-02, 2.6237e-01, 1.9194e-01, 1.4737e-01,\n"," 1.1439e-01, -1.6198e-02, 1.3928e-01, 1.6326e-01, 1.2235e-01,\n"," 2.0089e-01, -3.2865e-01, -9.0019e-02, -3.1685e-01, 2.6006e-01,\n"," 2.3049e-01, -1.6113e-01, 9.4952e-02, 4.2124e-01, -2.6726e-01,\n"," -3.0860e-01, 2.1899e-01, -1.1145e-01, -4.7307e-01, -1.2188e-02,\n"," 4.7535e-02, 4.4654e-02, 2.4671e-02, -1.1783e-01, -1.2315e-01,\n"," -2.0443e-02, -4.3352e-01, -7.9083e-03, -1.0607e-01, 3.9423e-01,\n"," -3.6860e-02, 3.8775e-02, 2.3105e-02, 4.1723e-01, 1.8645e-01,\n"," 1.5184e-01, 5.1730e-02, -1.1549e-02, -3.1475e-03, 2.3940e-02,\n"," 1.0218e-01, 8.2006e-02, 2.8230e-02, -1.3619e-02, 9.4272e-02,\n"," 2.1154e-01, 3.2682e-01, -1.3690e-01, -5.3952e-01, 4.2833e-01,\n"," -2.1545e-01, -3.0594e-01, 3.8546e-01, 3.8968e-02, 4.5602e-01,\n"," 9.5615e-02, 2.1013e-01, 2.4218e-01, 2.3445e-01, -5.3000e-02,\n"," 2.8721e-01, 1.9033e-01, -8.0589e-02, 2.6357e-01, -9.3559e-02,\n"," 1.0045e-01, 2.0300e-01, -3.5041e-01, -2.7986e-01, 4.0026e-01,\n"," 1.6714e-01, 2.6207e-02, 8.3217e-02, -7.7472e-02, 2.6288e-02,\n"," -2.5961e-01, -1.1383e-01, 1.3878e-01, -9.1800e-02, -2.9259e-01,\n"," -2.1519e-01, -4.3410e-01, -3.2954e-01, 2.9148e-01, -1.9149e-01,\n"," -2.4089e-02, -4.6756e-03, 2.0086e-01, 2.3969e-01, -5.1862e-01,\n"," 2.8874e-01, 2.7770e-01, 2.3895e-01, -1.8224e-01, -2.2546e-01,\n"," 2.3441e-01, 1.3583e-01, 1.5173e-01, 2.3032e-03, 2.1154e-01,\n"," -1.8796e-01, 9.0409e-02, 1.3998e-01, 5.6592e-01, 1.7971e-02,\n"," 1.0876e-01, 2.8398e-01, -5.4901e-01, -5.4549e-02, -2.8820e-01,\n"," -2.4389e-01, 2.2206e-01, 1.6865e-01, 2.0846e-01, -1.4368e-01,\n"," -4.0580e-03, 5.6752e-02, -2.0624e-01, -1.5256e-01, -1.8269e-01,\n"," -9.3010e-02, 3.5931e-01, -9.9649e-01, -2.0899e-01, 1.2949e-01,\n"," -9.0646e-02, 8.7800e-02, -1.5181e-01, 1.7170e-01, 8.6633e-02,\n"," 3.2348e-01, 3.0538e-01, -3.8909e-01, -2.4912e-01, -5.5111e-01,\n"," -3.8814e-01, 4.9566e-02, -1.1007e-01, 1.8330e-02, 5.3605e-01,\n"," 2.6509e-01, 1.7680e-01, 1.2848e-01, 3.1335e-01, -1.6445e-01,\n"," -5.3862e-02, -1.9268e-01, 6.5483e-01, 3.7483e-01, 5.5767e-02,\n"," -4.0192e-01, -4.1674e-01, 2.2468e-01, 2.4056e-01, -2.7629e-01,\n"," 2.7231e-01, 3.8089e-01, 1.2680e-01, -8.9488e-02, -4.0944e-01,\n"," -2.7154e+00, 1.2008e-01, -8.5127e-03, -3.0421e-01, -2.3228e-02,\n"," -4.0445e-01, 3.5978e-01, -1.1657e-01, 2.2099e-01, -3.1930e-01,\n"," -9.7810e-02, -2.3980e-02, -4.5140e-01, 3.2869e-01, 8.3467e-02,\n"," -6.0091e-02, -2.0330e-01, -2.9065e-01, 3.2468e-01, -5.6327e-02,\n"," 2.8247e-01, -1.3475e-01, 3.0403e-01, 2.0796e-01, -1.1932e-01,\n"," 1.2849e+00, -1.4773e-01, -1.8882e-01, 6.1050e-02, 2.6918e-01,\n"," -5.2727e-01, 5.8424e-01, 9.4993e-02, -5.7007e-01, 2.3931e-01,\n"," -3.2783e-01, 3.1289e-01, 7.8495e-02, -5.3761e-02, -1.2735e-01,\n"," -2.2904e-02, -1.4442e-01, -1.9315e-01, 1.4273e-01, -2.8945e-01,\n"," -3.2394e-01, 3.2414e-01, 3.2337e-03, 1.9384e-01, -2.0628e-01,\n"," -3.0153e-01, -1.5197e-01, 2.6840e-01, -8.9341e-02, -9.5683e-02,\n"," 2.1585e-01, 1.8602e-02, -1.9571e-01, -6.3580e-02, -1.2172e-01,\n"," -5.1455e-02, 1.5528e-01, 4.3328e-01, 4.1080e-01, -2.1636e-01,\n"," -1.7197e-02, 3.5384e-01, 1.6632e-03, 2.6903e-01, -2.4136e-01,\n"," -4.5309e-02, -4.5618e-01, -1.0423e-03, -3.5961e-01, -4.3097e-02,\n"," 8.3389e-02, -1.5321e-01, -2.2311e-01, 3.5809e-01, -6.7834e-02,\n"," 1.5991e-01, 4.1491e-02, 4.6870e-01, 3.1040e-02, -1.4710e-01,\n"," 2.0037e-01, 4.3574e-01, -1.3030e-01, -1.6174e-01, 2.0024e-01,\n"," 2.3663e-02, -7.8224e-02, 3.1941e-03, -1.4194e+00, -1.0119e-01,\n"," -6.4526e-02, 5.5229e-01, 6.6156e-02, -1.1716e-01, 2.4163e-01,\n"," -2.5401e-02, 1.1232e-01, -4.4740e-02, 3.1281e-02, 2.3393e-01,\n"," -4.0816e-01, -1.8619e-01, -4.6621e-01, 3.1797e-01, -5.6666e-01,\n"," -7.8116e-02, -4.7704e-02, 1.6169e-01, 2.0581e-01, 1.8336e-01,\n"," 7.3382e-02, 9.7798e-02, 2.5512e-01, -4.9800e-01, -1.0867e-01,\n"," -3.4910e-02, -1.4147e-01, -2.8511e-01, -2.8459e-01, 1.3686e-01,\n"," 3.4306e-01, -4.0851e-02, 1.5676e-01, -1.7386e+00, -7.9260e-02,\n"," 1.3555e-01, -5.7428e-01, 1.7113e-01, -1.7472e-01, 6.3700e-02,\n"," -1.7558e-01, -3.4693e-01, 2.5472e-02, 2.2991e-01, -2.8816e-01,\n"," 2.5339e-01, 4.6806e-01, 2.3460e-01, -8.1271e-02, -1.4877e-01,\n"," -1.4409e-01, -4.1094e-01, 4.9980e-02, 2.2588e-02, 7.3638e-02,\n"," 1.7456e-01, -2.6222e-01, 6.5159e-02, 4.0754e-02, -2.7707e-01,\n"," 2.7011e-01, -4.4166e-01, -9.5779e-02, -2.1473e-01, -3.7563e-01,\n"," -3.0474e-01, 9.3938e-02, 1.5576e-01, 1.0314e-01, 1.6039e-01,\n"," 1.5675e-01, 6.4673e-01, -4.6630e-01, 7.7559e-02, 2.4516e-02,\n"," -1.1715e-01, -7.9161e-02, -4.2789e-01, -1.2247e-01, 4.4013e-02,\n"," -3.8194e-01, -1.3929e-01, 1.5740e-01, 6.1158e-02, -4.0570e-01,\n"," 2.2058e-01, -2.3420e-02, -2.0487e-01, -2.1177e-01, 1.7569e-01,\n"," 3.2936e-01, -1.6672e-01, -2.0869e-01, 2.0845e-01, -2.9081e-01,\n"," 1.4119e-01, 3.7029e-01, -5.9016e-01, 2.3214e-01, 1.5253e-01,\n"," -6.6994e-03, -3.7206e-02, -1.4369e-01, -7.5272e-02, -6.0988e-02,\n"," -6.1983e-02, -6.9057e-01, -2.1280e-01, 1.8526e-01, -4.0166e-01,\n"," 1.3350e-02, 3.9360e-01, -3.0717e-01, 3.8069e-02, 9.7852e-02,\n"," 2.8301e-01, 3.3314e-01, -8.1375e-02, 3.7031e-01, 2.3879e-01,\n"," -1.9762e-01, -7.2735e-02, -4.0001e-01, -4.5863e-02, 1.9716e-03,\n"," 7.7303e-02, 2.4502e-01, 1.6739e-01, 2.0085e-01, 3.9950e-01,\n"," -3.7840e-01, 1.9960e-01, 4.4615e-03, -4.5697e-01, -3.5807e-01,\n"," -1.4286e-02, 1.7614e-01, -1.3593e-01, 2.3390e-01, -6.5223e-01,\n"," -2.0267e-01, -2.5456e-01, -1.9051e-01, 8.0544e-01, -3.1490e-01,\n"," 3.7692e-01, 1.5961e-01, 2.7435e-01, -3.3295e-02, 6.7939e-02,\n"," 1.8201e-01, -1.7106e-02, 2.6705e-01, -7.8084e-02, 3.8113e-01,\n"," -2.3967e-02, 3.2812e-02, -1.1634e-01, 6.2836e-02, -2.1103e-01,\n"," -2.9784e-01, -4.8546e-01, -1.2446e-01, 1.7791e-01, -1.5134e-01,\n"," -9.0603e-03, -3.4939e-01, -2.6832e-01, 2.0567e-01, 6.8973e-02,\n"," 5.1933e-01, 4.2284e-01, 4.5932e-01, 2.6855e-01, 1.8044e-01,\n"," -5.0652e-01, 2.3884e-01, 1.3090e-01, 2.3690e-01, -1.0882e-01,\n"," 2.2501e-01, 3.3656e-01, 4.9096e-01, 2.7317e-01, -5.3983e-01,\n"," 5.1993e-01, -3.3609e-01, -3.7928e-01, -4.4245e-01, 2.9851e-01,\n"," -3.3370e-01, -1.9743e-01, 2.7716e-01, -1.7835e-02, 8.9400e-02,\n"," -2.5871e-02, -8.8367e-02, 1.4223e-01, 2.0169e-02, 5.2625e-02,\n"," -1.1629e-01, -1.0620e-01, 1.3041e-01, 4.2907e-01, -4.6166e-02,\n"," -2.4713e-02, -1.1081e-01, -1.2984e-01, 1.2078e-01, -5.3482e-02,\n"," -4.3742e-01, 2.6835e-01, 1.6512e-01, 2.2669e-01, -2.7487e-01,\n"," 1.1412e-01, -2.0297e-01, 4.0843e-01, 3.5634e-02, -4.8642e-01,\n"," -3.7318e-01, 2.2126e-01, 5.9905e-01, 1.1798e-01, -3.5844e-01,\n"," -3.9617e-01, -3.5454e-01, -2.9381e-01, 1.4755e-01, 1.1594e-01,\n"," 2.1303e-01, 1.3435e-01, 1.1832e-01, 1.5577e-01, -2.0783e-01,\n"," -4.2165e-01, 9.2622e-02, -1.5194e-02, -5.6375e-02, 1.9877e-02,\n"," 2.4407e-01, -4.6846e-01, -3.2629e-01, 1.9670e-01, -3.6000e-01,\n"," -3.9254e-01, -2.8331e-01, -1.7414e-02, 5.3356e-01, 1.7326e-01,\n"," 1.2394e-01, 1.6873e-01, -3.5131e-01, -2.0090e-01, -3.8344e-01,\n"," 9.6487e-02, 2.9312e-02, 3.3554e-01, -1.9225e-01, -2.6853e-01,\n"," -4.0268e-01, -1.0568e-01, -1.2876e-01, -6.7957e-03, 6.3847e-01,\n"," -1.9859e-01, -3.8544e-02, 3.9586e-01, -5.2548e-03, -4.4988e-01,\n"," 1.9782e-01, -2.3814e-01, -5.8888e-02, -1.1264e-02, -4.5853e-01,\n"," -3.9141e-01, 1.0359e-03, -6.6347e-02, -1.6033e-02, 3.6025e-01,\n"," 5.0023e-01, 5.5587e-01, 2.7586e-01, -1.6200e-01, -3.3017e-01,\n"," 2.3192e-01, -6.1259e-02, -1.2985e-01, -7.5078e-01, -3.8876e-02,\n"," 1.4234e-01, 3.0135e-01, -1.4164e-01, -2.5020e-01, 1.5932e-01,\n"," 1.6270e-01, 1.2722e-02, 5.4600e-02, 4.7713e-02, 1.6752e-01,\n"," -5.4678e-02, 2.6570e-01, 2.8659e-01, -1.7601e-01, 3.0363e-01,\n"," 9.5841e-02, 3.3549e-01, -1.3533e-01, 9.4096e-02, 1.7442e-01,\n"," -1.1152e-01, -2.9805e-01, 1.6769e-01, 1.0796e+00, 7.6712e-01,\n"," -2.9954e-01, -2.0845e-01, 3.4485e-01, -3.0823e-01, -3.0382e-02,\n"," 1.2169e-01, -6.7985e-02, -6.4387e-01, 1.8397e-01, -3.1644e-01,\n"," -1.5993e-01, 2.8402e-02, -1.3915e-01, 2.4293e-01, -2.0423e-01,\n"," 1.2497e-01, -4.1602e-01, -2.1424e-01, -6.7058e-02, 5.2120e-01,\n"," 9.3094e-02, -9.6044e-03, -8.6065e-02, 2.4031e-01, 1.9908e-01,\n"," -8.7818e-02, 2.2913e-02, -1.1799e-01, -1.3400e-01, 1.1447e-01,\n"," 3.3131e-01, 5.9561e-01, -5.9076e-01, -2.1512e-02, -1.2453e-01,\n"," -7.1596e-01, -2.8356e-02, 1.9525e-01, 2.5676e-01, -1.4342e-01,\n"," 4.0803e-01, 3.9933e-01, 2.4581e-01, 3.5361e-02, -4.8671e-01,\n"," -3.0619e-01, -2.8265e-02, 4.7632e-01, 3.1827e-01, -2.5725e-02,\n"," -2.6642e-01, 5.9554e-01, 6.6783e-02, -3.1954e-01, 3.5164e-01,\n"," 1.8580e-01, -2.0362e-01, -2.9786e-01, 1.2980e-02, -1.5010e-01,\n"," 2.4489e-01, 1.9715e-02, 6.2774e-02, 1.6677e-01, 2.4993e-01,\n"," -1.9688e-01, 2.9916e-01, 3.7617e-01, -1.3932e-01, -1.1772e-01,\n"," -7.3265e-02, 1.0807e-01, -3.2379e-01, -1.9799e-01, 2.4713e-01,\n"," 6.2933e-02, -4.3923e-01, -8.9695e-01, 2.7736e-01, -1.6219e-01,\n"," -2.0564e-01, -1.2423e-01, 2.9084e-01, 4.7469e-01, 7.9888e-03,\n"," -3.0494e-01, -3.0630e-01, 1.5686e-02, 4.2282e-01, 1.3102e-01,\n"," 1.7537e-01, 1.1010e-01, -3.1677e-02, -7.6945e-03, -1.8887e-01,\n"," 5.6015e-01, -2.3796e-01, -2.5357e-01, -1.2861e-01, -1.8833e-01,\n"," -2.3274e-01, 5.6377e-02, 5.5162e-01, -7.2815e-01, -1.4991e-01,\n"," 1.8144e-02, 2.0016e-01, -1.1645e-01, 8.7585e-02, 8.7735e-02,\n"," -6.3843e-02, -2.3254e-01, 9.6439e-02, 2.7285e-01, 3.0960e-01,\n"," 2.3373e-02, 5.4497e-01, 3.5319e-01, 5.4463e-01, -2.8683e-01,\n"," -5.1343e-01, 1.4140e-01, -2.1583e-01, 1.5130e-02, 4.7103e-01,\n"," -2.0292e-01, -1.8396e-01, -5.4703e-01, -1.7242e-01, 8.8310e-02,\n"," -9.8707e-01, 1.7948e-01, -1.0362e-02, -2.8077e-01, -6.4208e-02,\n"," -8.6388e-02, 1.9459e-02, -5.4414e-01, -3.3375e-02, -4.0802e-01,\n"," 1.0443e-01, 4.0478e-02, -1.6036e-01, -4.7580e-02, -5.8918e-01,\n"," 5.3619e-01, 1.3691e-01, 7.2799e-02, 1.7664e-01, 4.3586e-01,\n"," -3.2343e-03, 1.7288e-01, 4.5262e-01, -2.4738e-01, -1.8221e-01,\n"," -2.5081e-01, -2.6276e-01, -3.7314e-01, -1.4524e-01, 9.4253e-02,\n"," 2.4147e-01, -1.2532e-01, -2.9282e+00, -1.6712e-02, 2.9892e-01,\n"," -1.3477e-01, 2.2377e-01, 4.9382e-02, 3.9546e-01, -7.7540e-02,\n"," -1.9716e-01, -2.0238e-01, -1.1882e-01, -6.3153e-01, 1.2154e-01,\n"," 4.0395e-02, -6.9654e-02, -2.2158e-01]])\n","all: tensor([[ 3.9080e-02, 8.6130e-02, 1.5461e-01, -1.3334e-01, -2.2864e-01,\n"," -2.0309e-01, 2.0904e-01, -1.1123e-01, 2.2938e-01, -3.1688e-01,\n"," -3.1888e-01, 7.6310e-02, 1.2395e-01, 7.8026e-02, 1.0463e-01,\n"," -9.3082e-02, -6.5926e-02, 6.5622e-02, 1.3005e-01, 9.9807e-02,\n"," 3.3107e-01, 1.5844e-02, 1.0460e-01, 7.3886e-02, 1.8899e-01,\n"," 2.1026e-01, -2.1865e-01, -1.1261e-01, -3.3679e-01, 1.1441e-01,\n"," 6.7862e-02, 1.1157e-01, -3.5439e-01, 2.8067e-01, -3.8929e-01,\n"," -1.6162e-01, 1.3417e-01, -5.9430e-02, -4.9791e-01, -2.4863e-01,\n"," -2.0781e-01, 1.1061e-01, 1.5947e-01, -1.5627e-01, 9.0498e-02,\n"," -1.4713e-01, -1.9441e-01, 1.8659e-01, -2.8469e-01, 2.5564e-01,\n"," -3.1811e-02, -8.4690e-02, 2.2401e-01, 2.9032e-01, 2.1032e-01,\n"," 1.7863e-02, 8.4148e-02, 7.5833e-02, -3.0474e-01, -4.9267e-02,\n"," 2.6772e-01, -1.5767e-01, 1.7546e-01, 1.0377e-01, 2.3866e-01,\n"," 2.7526e-01, 6.2422e-01, -1.7255e-02, -3.8767e-01, 7.5824e-02,\n"," -1.9711e-01, -1.7382e-01, 3.2962e-01, 1.6854e-02, 3.4313e-01,\n"," -1.3488e-01, -6.8649e-02, 6.7299e-02, 3.8032e-01, 1.1774e-01,\n"," 3.1643e-01, 2.1490e-01, -1.5215e-02, 4.8558e-01, -4.5768e-02,\n"," 8.1553e-02, 3.3758e-02, -1.6963e-01, -8.6837e-02, 1.7613e-02,\n"," 1.8913e-02, -1.3236e-01, 1.5424e-01, -4.8883e-02, 3.2536e-02,\n"," -3.7183e-01, -4.2345e-02, 1.3339e-01, -1.0952e-01, -2.0944e-01,\n"," -4.1971e-02, -2.5268e-01, 1.6501e-01, 1.8784e-01, -3.9036e-01,\n"," -3.1434e-02, -1.0873e-01, 1.4379e-01, 1.0582e-01, -8.2921e-01,\n"," 2.9560e-01, -1.0532e-01, -1.7765e-01, -4.1485e-02, -1.1433e-01,\n"," 4.5528e-01, 3.4221e-02, 6.3156e-02, 2.6767e-02, -5.8678e-02,\n"," -1.5182e-01, -5.0646e-02, 2.7500e-01, 6.4198e-01, 4.2640e-01,\n"," -3.1856e-02, -1.0759e-01, -2.1838e-01, -3.3781e-01, -3.4315e-01,\n"," -2.1021e-01, 3.7082e-01, 2.7111e-01, 2.0798e-01, -2.5040e-01,\n"," 6.0125e-02, 2.6428e-02, 8.6542e-02, -1.2887e-01, -1.7596e-01,\n"," 6.6797e-02, 4.1735e-01, -1.0416e+00, -2.0856e-01, 2.4694e-01,\n"," -1.1540e-01, 3.4631e-01, -1.1927e-01, 6.4228e-02, -5.1281e-02,\n"," 3.9551e-01, 2.0740e-01, -1.6593e-01, -3.6876e-01, -5.9057e-01,\n"," -2.9188e-01, -4.3298e-03, 2.0094e-01, 2.7543e-01, 3.3015e-01,\n"," 1.8208e-01, 1.9445e-01, 1.4245e-01, 2.7652e-01, -3.1073e-01,\n"," -1.9435e-02, -1.2414e-01, 6.4764e-01, 1.8667e-01, 3.3001e-01,\n"," -2.5823e-01, -3.2194e-01, 3.1615e-01, 4.9067e-02, -2.6412e-01,\n"," 1.9455e-01, 3.9070e-01, 1.3646e-01, -1.0093e-01, -3.4545e-01,\n"," -2.8947e+00, 6.2921e-02, -1.0839e-01, -3.5460e-01, 1.3156e-01,\n"," -2.1618e-01, -4.0856e-02, -3.7875e-01, 2.1557e-01, -8.5052e-02,\n"," -3.3972e-01, -1.1164e-01, -2.1090e-01, 5.2155e-02, -8.9931e-02,\n"," -2.4501e-01, 1.4616e-01, -3.4318e-02, -5.7285e-02, 5.1252e-02,\n"," 7.0147e-02, -5.4698e-02, 9.6298e-02, 3.7017e-02, -2.5527e-01,\n"," 9.0313e-01, 1.2385e-01, -2.6807e-01, 1.4982e-01, 2.5856e-01,\n"," -7.0348e-01, 5.4312e-01, -1.9819e-02, -4.5174e-01, 1.8433e-03,\n"," -3.2888e-01, 8.6120e-02, -8.2559e-02, -4.0069e-01, -1.7475e-01,\n"," 1.8789e-02, -7.1653e-02, -1.4883e-01, 1.4007e-01, -1.8526e-01,\n"," -4.6463e-01, 4.0983e-01, -2.5461e-01, 1.0770e-01, -8.9096e-02,\n"," -2.0606e-01, -1.9367e-01, 1.1303e-01, 1.7128e-01, -1.6939e-01,\n"," 1.8988e-01, -1.8406e-01, -5.8146e-02, -2.5360e-01, -1.8897e-01,\n"," -7.8160e-02, 2.6391e-01, 4.0777e-01, 1.7529e-01, -2.3868e-01,\n"," 2.5623e-01, 3.6640e-01, 2.0071e-01, 8.2749e-02, -1.2111e-01,\n"," -1.0003e-02, -8.0983e-01, 8.0267e-02, -3.3448e-01, 2.8691e-02,\n"," -1.1212e-01, -6.4414e-03, -2.4251e-01, 5.5485e-02, 1.2394e-01,\n"," -3.3547e-02, 9.1091e-02, 4.7141e-01, -1.3671e-01, 4.2454e-02,\n"," 2.2573e-01, 1.2430e-01, 1.5109e-01, 4.8828e-02, -7.9636e-02,\n"," 1.3758e-01, 3.2000e-02, -4.5710e-02, -1.2648e+00, -3.0367e-01,\n"," -7.9971e-02, 3.4747e-01, -1.2317e-02, 1.2600e-01, 4.3515e-03,\n"," -1.2718e-01, 1.9642e-01, -3.8064e-01, 2.0841e-01, 3.8155e-01,\n"," -4.2018e-01, -2.0894e-01, -3.8440e-01, 7.1426e-02, -5.2323e-01,\n"," -8.1643e-02, 8.6845e-02, 2.6084e-01, -2.1628e-01, 2.0587e-01,\n"," 2.9978e-01, 2.8812e-01, 1.8086e-01, -4.0660e-01, -8.9844e-02,\n"," -2.9102e-01, -1.3995e-01, -2.8257e-01, -3.4071e-01, 7.5944e-02,\n"," 3.6908e-02, 1.2681e-02, 5.5139e-02, -1.9787e+00, 1.8438e-01,\n"," 3.8408e-01, -4.1249e-01, 1.9911e-01, -2.1744e-01, 6.2846e-02,\n"," 1.6907e-01, -2.5657e-01, 1.8296e-01, 3.2584e-01, -5.4686e-01,\n"," 2.8701e-01, 3.9238e-01, 4.0951e-01, -9.6233e-03, 7.1823e-02,\n"," -4.1108e-02, -5.1646e-01, -3.0848e-02, -1.1774e-01, -1.0709e-01,\n"," 2.4704e-01, -2.1203e-01, 2.0916e-01, 3.9460e-01, -2.6954e-01,\n"," 1.2943e-01, -3.9586e-01, 2.1357e-02, -2.6836e-01, -3.1897e-01,\n"," -1.9527e-02, -1.1100e-02, 2.1424e-02, 5.4204e-02, 2.3191e-01,\n"," -1.6127e-01, 6.0538e-01, -1.7200e-01, 4.6595e-01, -3.3372e-03,\n"," 6.9937e-02, -4.6623e-02, -7.1753e-02, -1.1752e-01, 1.3817e-01,\n"," -3.6647e-01, 1.7421e-01, 1.6247e-01, 1.2576e-01, 3.2420e-03,\n"," 1.6671e-01, -5.1087e-02, -1.6668e-01, 5.7472e-02, -3.2704e-02,\n"," 2.3021e-01, -4.3149e-02, -4.4249e-02, 1.0410e-01, -1.7730e-01,\n"," 2.3756e-01, 5.2307e-01, -5.8565e-01, 8.3564e-02, -8.8702e-02,\n"," -8.4847e-03, -1.0622e-01, 9.2841e-02, 4.5968e-02, -1.3254e-01,\n"," -1.0547e-01, -8.0470e-01, -3.3260e-01, 1.2434e-01, -1.3237e-01,\n"," -4.1832e-02, 3.3168e-01, -3.2669e-01, 1.2428e-01, -1.7765e-01,\n"," -8.7470e-03, 2.9135e-01, -9.9242e-02, 1.2285e-01, 2.1807e-01,\n"," -2.9360e-01, 7.9377e-02, -1.6493e-01, -1.0206e-01, 9.9798e-02,\n"," 2.6861e-01, 1.7351e-01, 2.7705e-01, 3.4153e-01, 2.4632e-01,\n"," -1.9155e-01, 7.8390e-02, 1.5611e-01, -4.1841e-01, -3.5805e-01,\n"," 1.3538e-01, 3.1869e-01, -9.1493e-03, 1.9303e-01, -6.2064e-01,\n"," -2.0674e-01, -2.9514e-01, -1.4770e-01, 3.6023e-01, -4.1442e-02,\n"," 5.8863e-01, 2.8151e-02, 1.3449e-01, -3.1959e-01, -8.1873e-02,\n"," 5.0855e-01, -7.9001e-02, 1.8826e-01, 1.5358e-01, 3.7207e-01,\n"," -1.4003e-01, 9.3876e-02, 1.0155e-02, -1.6400e-02, 1.5344e-01,\n"," -5.0769e-01, -3.1585e-01, 2.2064e-02, 1.4102e-02, -2.1920e-01,\n"," 4.8269e-02, -5.1844e-01, -1.7234e-01, 7.4448e-02, 5.9008e-02,\n"," 2.1474e-01, -1.2594e-01, 4.8783e-01, 1.1870e-01, 1.3573e-01,\n"," -5.6350e-01, 2.4655e-01, 2.1786e-01, 6.1522e-01, -1.8488e-02,\n"," 1.5859e-03, 1.8106e-01, 4.8601e-01, 2.1366e-01, -3.5974e-01,\n"," 4.7068e-01, -8.0791e-02, -1.2943e-01, -2.7232e-01, 2.8644e-01,\n"," 1.3270e-01, -7.0263e-02, 1.3743e-01, -1.4040e-01, 1.3466e-01,\n"," -1.3930e-01, 3.7752e-01, 9.7333e-02, -1.8884e-02, 9.5339e-02,\n"," 5.3863e-02, -5.0698e-01, 3.7277e-01, 5.3934e-01, -1.9690e-01,\n"," 1.6560e-01, 1.8450e-02, -1.9138e-01, 1.9341e-01, -1.9313e-01,\n"," -4.8172e-01, 1.8600e-03, -7.8415e-02, 3.3749e-01, -1.7606e-01,\n"," 1.9326e-01, -1.1454e-01, 3.9174e-01, 1.0416e-01, -2.4271e-01,\n"," -3.9572e-01, 9.3985e-02, 4.6612e-01, 1.4961e-01, -2.6782e-01,\n"," -2.3858e-01, -5.4028e-01, -4.7246e-01, -1.8367e-01, 4.4501e-01,\n"," 2.8212e-02, 4.3470e-01, 2.3588e-01, 2.3839e-01, -1.8624e-01,\n"," -2.1677e-03, -5.4002e-02, 5.4216e-02, -5.0439e-01, 1.4430e-01,\n"," 3.6316e-01, -4.0827e-01, 1.1602e-02, 1.0035e-02, -3.1122e-01,\n"," -3.0373e-01, -2.6915e-01, 5.6099e-03, 3.3804e-01, 3.4618e-01,\n"," 1.3181e-01, 2.8486e-01, -4.7212e-01, -4.7057e-01, -4.1597e-01,\n"," -2.3313e-03, 7.2282e-03, -6.0511e-02, -3.0721e-01, -4.5508e-01,\n"," -1.6096e-01, -5.5803e-02, 4.1022e-02, 2.5655e-03, 7.5240e-02,\n"," -3.8634e-01, 1.9718e-01, 5.6645e-01, 8.0404e-02, -4.7148e-01,\n"," 2.1143e-01, -1.9336e-01, -8.9708e-02, -4.0143e-02, -5.7409e-01,\n"," -4.1658e-01, 1.2018e-01, 3.2040e-02, 1.2512e-01, 1.1187e-01,\n"," 5.8910e-01, 4.3490e-01, 1.7133e-01, -4.2811e-01, -1.1882e-01,\n"," 1.0522e-01, -1.3589e-01, 1.0153e-01, -6.4181e-01, -2.0019e-01,\n"," 2.4968e-01, 2.4799e-01, -7.1965e-02, -2.2246e-01, 2.7789e-01,\n"," 3.5988e-02, 8.6302e-02, 1.3459e-01, 1.2750e-01, 9.2545e-03,\n"," 2.8043e-02, 4.1666e-01, 3.1043e-01, -1.1801e-01, 1.4904e-02,\n"," -1.6963e-01, 6.2913e-02, -3.6316e-01, 1.5241e-01, 1.7388e-01,\n"," -1.6721e-01, -3.4397e-01, -2.9307e-01, 8.9870e-01, 6.4562e-01,\n"," -4.2845e-02, -1.0859e-01, 4.7121e-03, -1.7550e-01, 1.9193e-01,\n"," -6.7926e-02, -1.6237e-01, -4.5024e-01, 2.5983e-01, 8.2564e-02,\n"," 1.9990e-01, 2.4530e-01, 5.6903e-02, 2.0756e-01, -2.6109e-01,\n"," 2.4944e-02, -4.4158e-01, 1.8301e-01, 4.5449e-06, 2.9369e-01,\n"," 4.7727e-02, -1.2961e-01, -1.3268e-01, 3.2944e-01, 4.3288e-01,\n"," 1.1659e-01, -1.3261e-01, 7.8294e-02, -2.6120e-01, -2.1194e-01,\n"," 1.7658e-01, 4.6557e-01, -6.8307e-01, 2.1373e-01, 1.1220e-01,\n"," -5.2600e-01, 8.4030e-02, 3.7593e-01, 1.0837e-01, -7.2584e-02,\n"," 4.3825e-01, 8.2516e-02, 5.0958e-01, 4.4166e-01, -6.5234e-01,\n"," 9.9578e-02, -9.6168e-02, 3.0646e-01, 5.0227e-02, 2.6067e-01,\n"," -2.3902e-01, 3.7752e-01, -2.4146e-02, -3.6249e-01, 3.5283e-01,\n"," 3.1845e-01, -2.1540e-01, -9.1176e-02, 1.6821e-01, -1.8449e-01,\n"," 7.9261e-02, 4.4260e-02, -7.0576e-02, 1.7854e-01, 2.8144e-01,\n"," -1.3435e-01, 3.3492e-01, 1.7926e-01, -1.1158e-01, -5.3037e-03,\n"," -3.4453e-01, -1.5945e-01, -1.7812e-01, -1.4996e-01, 3.1082e-01,\n"," 1.8318e-01, -1.9641e-01, -9.9160e-01, 3.7370e-02, -3.4502e-02,\n"," -9.7207e-02, -5.0064e-01, 1.1509e-01, 4.2348e-01, 1.4104e-01,\n"," -4.2359e-01, -4.1144e-01, 9.3049e-02, 5.4050e-01, 4.6431e-01,\n"," -5.1283e-02, 2.7175e-02, -9.3402e-02, -1.2429e-02, -7.4289e-02,\n"," 1.2605e-01, -3.6576e-01, -3.0391e-01, 2.5073e-01, -2.2678e-01,\n"," -1.8575e-03, -2.7750e-01, 5.3755e-01, -5.8084e-01, 3.8262e-02,\n"," -2.7933e-01, 2.6863e-01, -6.1887e-02, -3.2946e-02, -1.5714e-01,\n"," -1.3421e-01, -1.2307e-01, 2.3105e-01, -3.7169e-02, 3.0241e-01,\n"," -1.6317e-02, 1.0153e-01, 1.8526e-01, 5.6608e-01, -9.8970e-02,\n"," -3.1804e-01, 6.0800e-02, -9.9117e-03, 2.7085e-01, 3.9123e-01,\n"," 3.4167e-02, -3.9211e-01, -2.0750e-01, -3.1784e-01, 1.5678e-02,\n"," -1.0405e+00, 2.9957e-02, 1.5429e-01, -3.0352e-01, -1.6501e-01,\n"," 1.1500e-01, 1.8233e-01, -2.0264e-01, -1.9873e-01, 1.3738e-02,\n"," -1.4435e-01, 3.6109e-01, -2.5330e-01, 8.6330e-03, -3.0161e-01,\n"," 2.2038e-01, 1.1337e-01, 3.3210e-01, 3.3727e-01, 2.0227e-01,\n"," 6.0784e-02, 2.6048e-02, 2.5114e-01, 9.4569e-02, -1.8560e-01,\n"," -3.2625e-01, -3.0237e-01, -3.1293e-01, -1.5557e-01, 2.5327e-01,\n"," 2.4019e-01, -1.4155e-01, -2.9488e+00, -2.5874e-01, 7.6143e-02,\n"," -9.6026e-02, 1.2807e-01, 1.5265e-01, 3.4669e-01, -1.9067e-01,\n"," 1.0189e-01, -1.5573e-01, -1.4982e-01, -3.0406e-01, 3.4466e-01,\n"," -7.7525e-02, -1.7001e-01, -2.0184e-01]])\n",",: tensor([[ 1.4571e-01, -8.9117e-02, 2.6450e-02, 3.9113e-03, -6.6716e-02,\n"," -2.5159e-01, 3.8645e-01, -1.3547e-01, 1.9058e-01, -3.6953e-01,\n"," -1.8845e-01, -7.6884e-02, -3.2524e-02, 2.5172e-01, 1.1722e-01,\n"," -7.8544e-03, -1.7302e-01, 1.5656e-01, 6.8947e-02, 1.9274e-01,\n"," 2.9281e-01, 2.7723e-01, 2.5830e-01, 9.1137e-02, 9.6616e-02,\n"," 2.8481e-01, -7.1738e-02, -4.2233e-01, -3.4306e-01, 2.2832e-01,\n"," 1.7340e-02, 4.0752e-02, -5.0088e-01, 5.0823e-01, -2.1122e-01,\n"," -4.0537e-01, 4.1055e-01, 2.5058e-01, -1.8951e-01, -2.3088e-01,\n"," -9.9218e-02, -5.0576e-03, 3.5897e-02, -1.8635e-01, -4.6532e-02,\n"," 6.9451e-02, -6.5341e-01, -6.9961e-03, -4.9305e-01, 8.9893e-02,\n"," -4.1606e-01, 2.9743e-01, 2.4078e-01, 5.1232e-01, 2.1909e-01,\n"," 1.3387e-02, 6.0983e-02, -2.9164e-01, -1.0814e-01, 1.6252e-01,\n"," 9.4167e-02, 3.7345e-01, 1.0825e-01, 3.0503e-01, 3.1781e-01,\n"," 1.3457e-01, 3.0925e-01, -1.6863e-01, -4.0823e-01, 2.4775e-01,\n"," -3.2803e-01, -3.2905e-01, 1.9529e-01, -2.1022e-02, 2.4805e-01,\n"," 1.6645e-01, 1.1229e-01, 1.8343e-01, 1.4670e-01, -1.6221e-01,\n"," 4.8857e-01, 2.7126e-01, 2.2107e-01, 1.1901e-01, 9.5187e-02,\n"," 2.0734e-01, 1.4156e-01, -1.4448e-01, -2.7253e-01, 2.7796e-01,\n"," 5.5153e-02, -4.6048e-02, 5.2245e-02, -6.4954e-02, 5.1033e-02,\n"," -1.7863e-01, -3.0263e-02, 8.2884e-02, -1.4531e-01, -4.2625e-01,\n"," -2.2086e-01, -3.5510e-01, -1.2653e-01, 2.5765e-01, -1.8971e-01,\n"," 9.2276e-02, -9.6467e-02, -4.9548e-03, 2.2412e-01, -5.0690e-01,\n"," 2.4864e-01, -2.2044e-02, 3.0915e-01, -2.4427e-01, -1.7787e-02,\n"," 3.5503e-01, 1.9915e-01, 2.1399e-01, 5.5363e-02, 2.4421e-01,\n"," -2.1038e-01, -2.8581e-01, 1.5525e-01, 6.7437e-01, -8.7163e-02,\n"," 3.4415e-01, 1.1538e-01, -5.0896e-01, -1.9329e-01, -2.0803e-01,\n"," -3.9488e-01, 3.9691e-01, 2.3519e-01, 1.8214e-01, -5.9625e-02,\n"," 7.2775e-02, 1.8555e-01, -1.8159e-01, -9.4297e-02, -1.7628e-01,\n"," 1.1305e-01, 3.5077e-01, -9.5832e-01, -1.9586e-01, 1.6180e-01,\n"," -1.8532e-01, 2.9025e-01, -1.0661e-01, 2.7439e-01, 1.2160e-01,\n"," 4.0716e-01, 2.6388e-01, -3.3334e-01, -3.5688e-01, -6.5110e-01,\n"," -3.8443e-01, 4.1371e-02, 1.1555e-01, 1.5852e-01, 6.7273e-01,\n"," 1.2757e-01, 2.3980e-01, 2.5816e-01, 3.6018e-01, -9.3621e-02,\n"," -5.5332e-02, -3.3742e-01, 6.8712e-01, 3.3851e-01, 1.1030e-01,\n"," -3.0397e-01, -3.4389e-01, 4.9668e-01, 2.7737e-01, -1.1285e-01,\n"," 2.9047e-01, 4.6451e-01, 2.3961e-01, -1.0644e-01, -3.1535e-01,\n"," -2.8753e+00, 1.2570e-01, -1.4363e-01, -5.3969e-01, 3.2254e-01,\n"," -1.6085e-01, 1.6551e-01, -1.3439e-01, 2.8193e-01, -2.2328e-01,\n"," -2.9894e-01, -2.9440e-01, -1.6945e-01, 1.3558e-01, 3.4803e-01,\n"," 2.2705e-02, -1.1237e-01, -2.3758e-01, 2.3543e-01, -1.6686e-03,\n"," 2.2645e-01, -1.7749e-01, 2.3646e-01, 1.6193e-01, 1.4528e-02,\n"," 1.1855e+00, -2.2295e-01, -3.7911e-01, 5.9377e-02, 1.5180e-01,\n"," -6.9729e-01, 4.5486e-01, 3.8399e-01, -5.7034e-01, 2.7954e-01,\n"," -3.3679e-01, 5.4090e-01, -2.9870e-01, -2.8679e-01, -2.1322e-01,\n"," 3.4502e-01, -3.0060e-01, -1.1728e-01, 8.2267e-02, -4.3531e-01,\n"," -2.5983e-01, 8.0429e-02, -9.5820e-02, -2.6100e-02, -4.1050e-01,\n"," -2.8160e-01, -3.5589e-01, 2.9125e-01, 1.9323e-01, -6.9444e-02,\n"," 2.4017e-01, 1.1566e-01, -9.0855e-02, -1.6796e-01, -2.4410e-01,\n"," 3.1075e-03, 1.6406e-01, 5.3568e-01, 3.0617e-01, -3.7865e-01,\n"," 8.9007e-02, 6.2370e-01, -2.4044e-01, 2.7816e-01, -1.1648e-01,\n"," -1.9073e-01, -4.1636e-01, -1.7217e-01, -1.4691e-01, -4.4707e-02,\n"," 1.2607e-01, 1.0687e-01, -1.6795e-01, 2.8549e-01, -8.1567e-02,\n"," 2.2966e-02, -1.0773e-02, 6.8333e-01, -1.4289e-01, -3.8157e-01,\n"," -4.6643e-04, 3.9218e-01, -1.5765e-01, -2.1006e-01, -7.7416e-02,\n"," 5.8157e-02, -1.7123e-01, -1.0536e-02, -6.3703e-01, -1.8946e-01,\n"," -7.0629e-02, 6.3799e-01, 7.3411e-02, 7.6321e-03, -1.1048e-01,\n"," -4.2403e-04, 2.4042e-01, -2.0534e-01, -6.8047e-03, 2.4739e-01,\n"," -3.6708e-01, -2.3046e-01, -5.9086e-01, 6.1231e-01, -4.5672e-01,\n"," -6.9144e-02, 9.4099e-02, 1.3101e-01, 4.2869e-02, 8.9833e-02,\n"," 9.3597e-02, 2.4287e-01, 1.0510e-01, -3.2402e-01, -7.8580e-02,\n"," -9.3336e-02, -2.3416e-01, -2.1572e-01, -1.3606e-01, 3.0141e-01,\n"," 1.6233e-01, 5.3635e-02, 3.6113e-01, -2.1373e+00, -1.7802e-01,\n"," 1.6804e-01, -4.1662e-01, 2.4974e-01, 1.7530e-01, 2.5181e-01,\n"," -1.6483e-01, -4.9216e-01, -1.5408e-02, 2.3342e-01, -4.1294e-01,\n"," 1.1777e-01, 4.6779e-01, 1.5563e-01, -5.5175e-02, 8.9437e-02,\n"," -2.6464e-02, -1.5208e-01, 3.2119e-01, -1.3710e-01, -1.2571e-01,\n"," 4.2961e-01, -3.2064e-01, 2.4038e-01, 3.4685e-01, -3.6121e-01,\n"," 1.9097e-01, -6.5474e-01, -1.3526e-01, -4.0700e-01, -2.6067e-01,\n"," -2.9967e-01, 1.1696e-01, 2.4040e-01, 7.9220e-02, 1.7563e-01,\n"," 1.8969e-01, 7.8945e-01, -3.4330e-01, 2.2891e-01, 4.7126e-01,\n"," 2.0799e-01, -1.0846e-01, -8.2196e-02, -1.2078e-02, 2.1574e-01,\n"," -1.8101e-01, 1.6718e-01, 1.2133e-01, 8.6467e-02, -2.8239e-01,\n"," 4.4568e-01, -1.3886e-01, -9.8034e-02, -3.5696e-01, -2.6369e-02,\n"," 3.3485e-01, 6.1569e-02, -2.7746e-01, 3.8282e-01, -3.4746e-01,\n"," 3.3132e-01, 4.0558e-01, -8.4932e-01, 1.3011e-01, -2.5669e-01,\n"," 8.9835e-02, -6.1169e-02, -8.2988e-02, 2.5008e-02, -2.2889e-01,\n"," -3.2188e-01, -6.5140e-01, -4.6423e-01, 3.7389e-01, -4.3440e-01,\n"," -1.0283e-01, 3.0310e-01, -3.5769e-01, -3.5431e-02, -2.9953e-02,\n"," 3.3049e-01, 2.9214e-01, 3.9564e-02, 3.0288e-01, 2.2973e-01,\n"," -3.1753e-01, -2.1179e-01, -1.7666e-01, -2.3360e-01, 9.0684e-02,\n"," -7.1183e-02, 1.6260e-01, 1.2539e-01, 3.3810e-01, 4.4933e-01,\n"," -4.1263e-01, 2.8198e-01, -8.3511e-03, -4.0399e-01, -1.4334e-01,\n"," 1.3678e-01, 2.6962e-01, -2.1914e-01, 2.4740e-01, -1.0374e+00,\n"," -2.1050e-01, -1.8165e-01, -9.5031e-03, 3.5994e-01, -4.6178e-01,\n"," 8.9707e-02, 3.8382e-01, 2.7490e-01, -4.7722e-01, 9.0886e-02,\n"," 2.4036e-01, -2.9337e-02, 3.9708e-01, -4.2682e-02, 4.5617e-01,\n"," -1.8704e-02, 1.6249e-02, -1.1373e-01, 1.0254e-01, 1.6447e-01,\n"," -2.4245e-01, -7.6687e-01, -2.7627e-01, 3.3510e-01, 4.3963e-03,\n"," 1.1763e-01, -3.9918e-01, -2.2585e-01, 2.2497e-02, -3.5149e-04,\n"," 7.8753e-01, 1.2097e-01, 5.6824e-01, 5.1911e-01, 1.7139e-01,\n"," -7.4859e-01, 3.0708e-01, 2.5017e-01, 5.6966e-01, 1.0827e-02,\n"," 2.2144e-01, 9.3797e-02, 7.1426e-01, 3.6654e-01, -4.4194e-01,\n"," 6.2905e-01, -3.2575e-01, -1.9558e-01, -5.2749e-01, 7.3160e-02,\n"," -3.9767e-01, -3.0789e-01, -4.2381e-02, -1.6923e-01, 5.3304e-02,\n"," -1.1442e-01, 1.8313e-01, 1.5919e-01, 5.1756e-02, 9.3930e-03,\n"," 1.3479e-01, -3.0994e-01, 2.4348e-01, 6.2807e-01, -9.7308e-02,\n"," 2.2729e-01, 1.5578e-01, -8.2989e-02, 8.2472e-02, -7.8736e-02,\n"," -4.4337e-01, 4.4439e-01, 5.6996e-03, 1.3215e-01, -2.2840e-01,\n"," 1.0326e-01, -1.4564e-01, 4.6967e-01, 9.5750e-02, -5.7422e-01,\n"," -4.2140e-01, 1.5925e-01, 4.9169e-01, 3.0690e-01, -3.8212e-01,\n"," -3.0523e-01, -2.3643e-01, -4.9541e-01, -2.0289e-01, 3.7294e-01,\n"," -2.2985e-01, 1.6987e-01, 2.0271e-01, 3.7342e-01, 1.2005e-01,\n"," -3.4641e-01, 2.2480e-01, 5.5623e-02, -3.4759e-01, 1.0096e-01,\n"," 3.7587e-01, -1.9086e-01, -7.0977e-02, 5.7221e-02, -3.5829e-01,\n"," -3.7393e-01, -1.5656e-01, -1.2160e-02, 4.7843e-01, 2.2425e-01,\n"," 6.3370e-02, 2.2390e-01, -3.9537e-01, -3.2356e-01, -4.7447e-01,\n"," 1.1968e-01, -7.4429e-02, 5.1422e-02, -1.1373e-01, -6.4215e-01,\n"," -4.1410e-01, -5.6147e-02, -3.1049e-01, -1.5104e-01, 3.9813e-01,\n"," -7.3235e-03, -1.7187e-01, 4.9733e-01, -2.4671e-02, -7.0007e-01,\n"," 1.2217e-01, -3.5063e-01, -2.7913e-01, -6.0496e-02, -4.6921e-01,\n"," -7.2195e-01, -1.3520e-01, -1.3021e-01, 3.4127e-01, 4.0355e-01,\n"," 6.1885e-01, 3.6910e-01, 2.6426e-01, -2.2757e-01, -2.7376e-01,\n"," 1.0358e-02, -1.8039e-01, 9.1878e-02, -6.9110e-01, 5.8955e-02,\n"," 1.1730e-01, 1.7650e-01, -2.4481e-01, -1.4893e-01, 3.8230e-01,\n"," 2.5803e-01, -2.2878e-01, -6.2598e-02, 1.5761e-01, -1.9112e-01,\n"," 1.4289e-01, 5.3887e-01, 3.7659e-01, -2.9084e-01, -2.3839e-02,\n"," -1.7665e-01, 2.1653e-01, -2.3172e-01, -1.2722e-02, 2.5848e-01,\n"," -2.4478e-01, -3.2303e-01, 1.5413e-01, 8.2818e-01, 9.5071e-01,\n"," -1.8863e-01, -2.0519e-01, 1.9272e-01, -3.8249e-01, -3.1809e-01,\n"," 6.1254e-02, -1.1218e-01, -4.4748e-01, -1.5089e-02, -1.4681e-01,\n"," -1.1275e-03, 2.5294e-01, -1.1127e-01, 2.9581e-01, -3.4890e-01,\n"," 6.0162e-02, -7.5859e-01, -9.6313e-02, -9.0095e-02, 2.2760e-01,\n"," -1.7138e-01, -1.1211e-01, -1.4906e-02, 2.9721e-01, 3.3282e-01,\n"," -2.1966e-01, 1.0012e-01, -4.9586e-02, -4.2379e-01, 6.5179e-02,\n"," 1.9024e-02, 7.0318e-01, -7.8487e-01, -2.1047e-01, -1.9214e-01,\n"," -7.8466e-01, 1.1031e-01, 3.0623e-01, 4.6791e-02, -2.0817e-01,\n"," 5.3939e-01, 5.2954e-01, 1.5929e-01, 3.9891e-01, -4.7197e-01,\n"," -1.6678e-01, -2.7320e-01, 4.5760e-01, 3.1295e-01, 1.6734e-01,\n"," -4.8150e-01, 7.8517e-01, -6.9360e-02, -4.9245e-01, 6.0045e-01,\n"," 1.3644e-01, -3.6199e-01, -7.1827e-01, 1.0422e-01, 2.9102e-02,\n"," 3.0064e-01, 1.1905e-01, -1.9098e-01, -1.3113e-01, -2.5468e-02,\n"," -1.6509e-01, 8.9786e-02, 6.0397e-02, 2.3104e-02, 2.7286e-02,\n"," -1.6719e-01, 2.6000e-01, -1.6018e-01, -1.6848e-01, 6.5960e-02,\n"," -4.1964e-02, -3.0918e-01, -5.3669e-01, 1.3443e-01, 8.0290e-02,\n"," 1.1820e-02, -3.8390e-01, 8.4092e-02, 5.5495e-01, 7.8698e-02,\n"," -3.1199e-01, -4.6914e-01, -1.8557e-01, 4.7983e-01, 1.8608e-01,\n"," 3.1855e-02, -6.7170e-02, 2.2435e-01, -5.4959e-02, -9.3272e-02,\n"," 3.5537e-01, -6.8320e-01, -1.3271e-01, -1.4779e-01, -7.3625e-02,\n"," -2.2041e-01, 4.2471e-03, 8.7989e-01, -5.3090e-01, -3.2617e-01,\n"," -3.2060e-01, 4.6099e-01, -8.3208e-02, 3.2950e-01, -2.6549e-01,\n"," -1.3904e-01, -3.0038e-01, 2.0566e-01, 1.1365e-01, 1.3593e-01,\n"," 1.2688e-02, 3.2521e-01, 9.8237e-02, 7.9554e-01, -2.5483e-01,\n"," -3.0474e-01, -2.1962e-01, -3.2505e-01, 1.5375e-01, 3.9901e-01,\n"," 1.8572e-01, -5.0251e-01, -6.3008e-01, -2.5683e-01, 2.5506e-01,\n"," -1.0632e+00, 3.7451e-01, -1.0351e-01, -1.6880e-01, -1.2263e-01,\n"," -2.0244e-02, -1.7100e-01, -2.4317e-01, 6.8181e-02, -2.6405e-01,\n"," -7.0037e-02, -2.0590e-01, -4.4318e-01, -2.7295e-02, -4.1052e-01,\n"," 4.8845e-01, -7.4306e-02, 1.6744e-01, 2.7401e-02, 5.9199e-01,\n"," 1.0055e-01, -7.0027e-03, 3.2443e-01, -2.8446e-01, 2.3394e-02,\n"," -3.2145e-01, -2.7080e-01, -1.4532e-01, -4.5786e-02, 2.6260e-01,\n"," 4.6569e-04, -1.0496e-01, -2.0824e+00, -2.4360e-03, -2.9469e-02,\n"," -7.0094e-02, 2.2866e-01, -4.9524e-02, 4.4161e-01, -4.9409e-02,\n"," -1.2736e-01, -2.7610e-01, 8.5445e-02, -4.6898e-01, 2.2688e-01,\n"," 7.0861e-02, 2.2175e-02, 6.0069e-02]])\n","it: tensor([[ 2.2027e-01, -1.1944e-01, 7.4235e-02, 6.9821e-02, -5.6344e-02,\n"," -1.7552e-01, 3.8894e-01, 1.0232e-01, 2.5190e-01, -3.8041e-01,\n"," -2.1077e-01, 1.8061e-02, -3.3499e-02, 1.0924e-01, -3.8305e-01,\n"," -1.3929e-01, 1.3124e-01, -5.1118e-02, -4.7097e-02, 5.5493e-02,\n"," 1.6415e-01, 7.1365e-02, 1.3555e-01, 1.7855e-01, 5.1029e-02,\n"," 3.0406e-01, -2.1767e-01, -2.5467e-01, -1.7627e-01, 2.3088e-01,\n"," -1.4500e-01, -2.2955e-01, -2.0468e-03, 2.9062e-01, -2.2521e-01,\n"," -3.0707e-01, -1.1539e-01, 1.7424e-03, -4.0165e-01, -1.0313e-01,\n"," 4.4039e-02, -3.8193e-02, 1.9275e-01, -2.3236e-03, -1.1502e-01,\n"," -8.6481e-02, -4.1072e-01, 1.2643e-01, 2.2629e-03, 2.5626e-01,\n"," -2.0070e-01, 7.3008e-02, 5.0030e-02, 3.4281e-01, 2.2568e-01,\n"," -9.0087e-02, 1.4005e-01, 1.0952e-01, -1.2507e-01, -6.7314e-03,\n"," 3.0819e-01, 1.3708e-02, 1.1005e-01, 9.1232e-03, 3.6463e-01,\n"," 7.8715e-02, 3.3215e-01, -3.1792e-01, -5.0784e-01, 8.9106e-02,\n"," -1.6161e-01, -3.5563e-01, 1.2286e-01, -2.2003e-01, 1.8882e-01,\n"," -1.5668e-01, -1.0511e-01, 4.1209e-01, 2.1244e-01, 3.3844e-02,\n"," 1.1985e-01, 2.7739e-01, 4.5681e-02, 2.7101e-01, -1.1416e-01,\n"," 1.2113e-01, -1.5002e-01, 1.0335e-01, -1.1471e-01, 5.6976e-02,\n"," 8.9504e-02, -2.8301e-01, 9.3836e-03, -3.2013e-02, -1.6773e-01,\n"," -2.6102e-01, -3.4681e-02, 1.7058e-01, -5.1593e-02, -3.5557e-01,\n"," 5.4674e-02, -4.0604e-01, 4.0356e-02, 3.2883e-01, -3.3012e-01,\n"," 4.8163e-02, 1.4389e-01, 2.1518e-01, 1.5055e-01, -9.7957e-01,\n"," 3.6450e-01, 5.3330e-02, 7.1331e-02, -1.9441e-01, -1.6712e-01,\n"," 3.7570e-01, 1.9557e-01, 6.0259e-02, 2.5147e-01, 2.3265e-01,\n"," -3.6979e-01, -1.4972e-01, 1.9718e-01, 6.7270e-01, 2.6408e-01,\n"," 6.8482e-02, -2.8758e-01, -3.5718e-01, -3.9049e-01, -2.8676e-01,\n"," -3.0750e-01, 5.5670e-01, 1.5753e-01, 8.3112e-02, -4.2511e-02,\n"," 1.7047e-01, -1.7823e-02, -1.7378e-01, -2.3138e-01, -1.4843e-01,\n"," 7.8753e-02, 5.4086e-01, -1.1928e+00, -9.7527e-02, 1.1305e-01,\n"," -1.0320e-01, 2.9873e-01, -2.3008e-01, 9.7020e-02, -1.9894e-02,\n"," 3.1641e-01, 6.8397e-02, -1.9570e-01, -4.9099e-01, -6.6509e-02,\n"," -1.6029e-01, -7.1895e-02, 1.0294e-01, 9.1185e-02, 4.3490e-01,\n"," 3.1176e-01, 4.2686e-01, 2.4587e-01, 3.2450e-01, -2.1253e-01,\n"," -1.1399e-01, -1.3130e-01, 5.6413e-01, 3.1712e-01, -9.2129e-02,\n"," -2.9501e-01, -4.6216e-01, 3.5230e-01, 4.4056e-01, -8.9017e-02,\n"," 2.0984e-01, 2.0896e-01, 1.0847e-01, 4.0375e-03, -2.1626e-01,\n"," -2.8916e+00, 2.1194e-01, -1.7121e-01, -6.0105e-02, 9.4036e-02,\n"," 3.1541e-02, 4.1480e-02, -4.2979e-01, 3.0667e-01, -1.1254e-01,\n"," -2.9133e-01, -1.4170e-01, -1.6717e-01, 3.4934e-02, 2.2154e-01,\n"," -3.2596e-01, 6.1641e-02, 2.3829e-02, 2.1138e-01, 1.3188e-01,\n"," 3.0325e-01, -2.2432e-01, 3.9845e-01, 1.0578e-02, 7.6556e-02,\n"," 9.8916e-01, 2.5928e-01, -2.7369e-01, -5.4215e-03, -1.3935e-02,\n"," -6.5270e-01, 4.0293e-01, 2.6199e-01, -4.5389e-01, 2.9326e-01,\n"," -1.9123e-01, 2.9129e-01, -2.5018e-01, -2.3622e-01, 2.4530e-01,\n"," 3.5197e-02, -2.1925e-01, -5.4522e-02, 1.1519e-01, -3.0984e-01,\n"," -4.6426e-01, 2.2309e-01, -2.3444e-01, 2.0517e-01, -1.1392e-01,\n"," -2.3009e-01, -2.4349e-01, 1.8535e-01, 2.2559e-01, -4.0776e-03,\n"," 2.2395e-01, 8.5354e-02, -1.3368e-02, -8.4096e-02, 5.2045e-02,\n"," 2.0287e-02, 1.7581e-01, 4.7341e-01, 1.1821e-01, -4.6606e-01,\n"," 5.1574e-02, 3.7445e-01, 4.4437e-02, 3.0983e-01, -7.8388e-02,\n"," -1.3590e-01, -4.7842e-01, -2.7559e-01, -2.7868e-01, 1.1607e-01,\n"," -9.4813e-02, -2.5990e-01, -2.1797e-01, 3.8281e-01, 9.1166e-02,\n"," 9.8527e-03, 2.1976e-02, 4.1766e-01, -9.8098e-02, -8.1604e-02,\n"," 4.3206e-01, 8.0220e-02, 1.2930e-01, -2.0703e-01, 3.6778e-01,\n"," 1.7402e-01, -1.2156e-01, 3.0667e-02, -1.1562e+00, -3.0380e-02,\n"," -1.0106e-01, 3.8217e-01, -6.5245e-02, 2.4124e-01, 4.3882e-02,\n"," -2.3470e-01, 1.1356e-01, -2.7050e-01, 2.0223e-02, 5.6372e-01,\n"," -7.1356e-01, -2.6707e-01, -2.9815e-01, 2.5439e-01, -4.4379e-01,\n"," -4.5263e-02, 7.9065e-02, 2.2556e-01, -1.2922e-01, 1.5817e-01,\n"," 5.5583e-02, 1.5549e-02, 3.5616e-01, -4.6270e-01, -1.1030e-01,\n"," -2.1844e-01, -7.4473e-02, -1.4861e-01, -1.0608e-01, 6.3603e-02,\n"," 3.4007e-02, 1.0880e-01, 1.2874e-01, -2.0134e+00, -2.4957e-01,\n"," 3.3689e-01, -5.5752e-01, 1.3370e-01, 3.8454e-02, 6.0184e-02,\n"," 7.1174e-03, -2.0237e-01, -1.1442e-01, 3.2024e-01, -3.2800e-01,\n"," 2.4084e-01, 3.1090e-01, -1.0228e-01, -2.2091e-01, -1.5499e-01,\n"," -4.3736e-02, -4.3711e-01, 2.2115e-01, -2.1497e-01, -2.2202e-01,\n"," 2.8645e-01, -2.8644e-01, 2.0522e-01, 2.1901e-01, -2.1741e-01,\n"," 3.0680e-01, -4.5161e-01, -6.7923e-03, -2.5177e-01, -2.5645e-01,\n"," -3.9733e-02, 4.5703e-02, 3.0277e-01, 1.2109e-01, 2.6534e-01,\n"," 1.0655e-01, 6.9617e-01, -1.2408e-01, 6.7630e-02, 2.0042e-01,\n"," 2.8635e-01, -2.4300e-02, 3.1449e-02, -1.5770e-01, 9.7014e-02,\n"," -6.7592e-01, 5.4201e-02, 1.8695e-01, 2.1726e-01, -2.0248e-01,\n"," 2.7716e-02, -8.3453e-02, -1.9414e-01, -1.5759e-01, -9.4840e-02,\n"," 4.9987e-01, 5.1318e-02, -4.8491e-02, -4.6645e-02, -2.3019e-01,\n"," 2.6610e-01, 3.0812e-01, -6.2312e-01, 3.1539e-01, 1.1113e-01,\n"," 4.4338e-02, 6.6743e-02, 1.9759e-01, -7.7813e-02, -3.8654e-01,\n"," -6.2087e-02, -8.2861e-01, -4.6651e-01, 1.9512e-01, -2.9896e-01,\n"," -1.9080e-01, 2.9757e-01, -2.6184e-01, -6.0577e-02, 3.1124e-02,\n"," 2.2825e-01, 1.7371e-01, 1.1705e-03, 2.4776e-01, 5.0205e-02,\n"," -3.9546e-01, 1.8247e-01, -2.4900e-01, -7.4694e-02, 1.2165e-01,\n"," 1.2099e-01, 7.9865e-03, 2.8964e-01, 1.7740e-01, 3.6726e-01,\n"," -4.2012e-01, 1.7888e-01, -3.5122e-02, -4.5249e-02, -3.2340e-01,\n"," 1.1052e-01, 2.0372e-01, 2.0861e-01, 1.4278e-02, -7.2509e-01,\n"," -5.0391e-02, -1.9585e-01, -1.5602e-01, 1.5925e-01, -1.3084e-01,\n"," 3.4414e-01, 2.8085e-01, -4.9100e-02, -3.4908e-01, -1.2343e-01,\n"," 2.2910e-01, -2.2393e-01, 1.8937e-01, 2.7983e-01, 3.2140e-01,\n"," 4.2040e-02, -2.3889e-02, -1.3578e-01, -2.8523e-03, 1.1346e-01,\n"," -1.8153e-01, -2.2334e-01, 8.2461e-03, -3.4246e-02, 1.0694e-01,\n"," 2.4198e-01, -5.7851e-01, -2.5857e-01, 1.6137e-01, 1.2736e-01,\n"," 2.8560e-01, 1.1330e-01, 4.8430e-01, 3.5360e-01, 1.7819e-01,\n"," -5.3513e-01, 1.1485e-01, -1.1841e-01, 3.9573e-01, -2.2002e-01,\n"," 2.1417e-01, 5.4783e-02, 2.1989e-01, 3.1143e-01, -1.3574e-01,\n"," 3.7642e-01, 9.2887e-02, 7.1855e-02, -4.7151e-01, 2.6069e-01,\n"," -2.2819e-01, -3.4763e-01, 6.3170e-02, -5.7998e-02, 8.3190e-02,\n"," -3.7832e-01, 3.6433e-01, 9.6735e-02, 8.3265e-03, 6.8044e-02,\n"," 1.7812e-01, -4.1020e-01, 4.2937e-02, 4.3050e-01, -2.7690e-01,\n"," 1.0401e-01, 3.4693e-02, -2.8146e-01, 5.0021e-01, -1.4629e-01,\n"," -1.6873e-01, -5.2917e-02, -7.9398e-02, 3.3192e-01, -3.8894e-02,\n"," 2.2125e-01, -2.0754e-01, 3.4028e-01, 1.5154e-01, -4.2564e-01,\n"," -3.3909e-01, 2.3546e-01, 4.3749e-01, 8.9940e-02, -3.4413e-01,\n"," -4.0804e-01, -1.7923e-01, -2.7240e-01, 1.6574e-01, 4.4394e-01,\n"," -2.7823e-01, 1.7342e-01, 3.3938e-01, 2.6672e-01, -3.7165e-02,\n"," -2.6302e-01, 1.3485e-01, -9.8412e-02, -2.2957e-01, 1.8950e-01,\n"," 2.0088e-01, -3.8781e-01, -2.2103e-01, 1.5684e-01, -2.6592e-01,\n"," -4.1073e-01, -1.6731e-02, -8.9452e-02, 4.4255e-01, 4.0209e-01,\n"," 4.9060e-02, 4.2734e-01, -1.5655e-01, -5.2092e-01, -1.8238e-01,\n"," 1.2072e-01, 9.2823e-03, 1.8871e-01, -1.3369e-01, -4.2765e-01,\n"," -2.3894e-01, 9.6829e-02, -6.1079e-02, 3.2749e-01, 1.1739e-01,\n"," 4.8584e-02, 1.3537e-01, 3.2796e-01, -1.0670e-01, -2.3079e-01,\n"," 1.2770e-03, -2.6005e-01, -1.5525e-01, -1.0847e-01, -3.9069e-01,\n"," -4.6459e-01, -3.4442e-02, 9.0906e-02, -1.5577e-02, 4.6542e-02,\n"," 5.9661e-01, 3.1164e-01, 9.1767e-02, -1.5790e-01, -1.0920e-01,\n"," 2.9858e-01, -1.4426e-01, -6.1769e-03, -4.0139e-01, -2.3467e-01,\n"," 7.1068e-02, 1.5768e-01, -1.2439e-01, -2.0753e-01, 2.9510e-01,\n"," 7.8543e-02, -2.7405e-01, -3.1712e-02, 9.5077e-02, 1.9112e-01,\n"," -1.9459e-01, 2.0737e-01, 5.1687e-01, -9.7452e-02, 1.4697e-01,\n"," -8.4526e-02, 3.4626e-01, -1.7299e-01, 8.9858e-02, 1.2325e-01,\n"," -2.9711e-01, -2.0456e-01, -1.5102e-01, 9.8218e-01, 4.2533e-01,\n"," -6.8748e-02, 4.5898e-02, 3.6028e-02, -1.9822e-01, 4.2027e-02,\n"," 1.3800e-01, -1.0101e-01, -5.8931e-01, 1.1539e-01, -2.9185e-02,\n"," 1.5030e-01, 3.0875e-01, -5.9638e-03, 3.4034e-01, -4.2806e-01,\n"," 2.1164e-01, -2.8403e-01, 5.3208e-02, 1.2465e-01, 1.4487e-01,\n"," 1.7028e-01, -1.6336e-01, -2.5352e-01, 2.2317e-01, 2.2053e-01,\n"," -2.2875e-02, -1.9565e-02, -2.1520e-01, -4.9637e-01, -2.2027e-01,\n"," 1.1919e-01, 2.9695e-01, -7.9563e-01, -5.5853e-02, -1.0678e-01,\n"," -6.9812e-01, 1.4109e-01, 4.5215e-01, 5.2359e-02, -3.5316e-01,\n"," 2.9064e-01, 2.4421e-01, 4.1849e-01, 2.8063e-01, -5.1330e-01,\n"," 1.1445e-01, -1.6092e-02, 1.4196e-01, 3.5865e-01, 1.0781e-01,\n"," -1.7120e-01, 4.3856e-01, 6.1252e-02, -3.1343e-01, 3.9572e-01,\n"," -8.2547e-02, -1.0750e-01, -2.7703e-01, 1.6951e-01, -1.0765e-01,\n"," 1.9026e-01, 9.8495e-02, -8.2233e-02, -7.6998e-02, 2.0506e-01,\n"," -6.9838e-02, 1.7055e-01, 1.5526e-01, -1.5313e-01, -1.6544e-01,\n"," -4.1426e-01, -1.0866e-01, -8.4201e-02, -1.1407e-01, 1.8083e-01,\n"," 1.0480e-01, -3.7618e-01, -1.0561e+00, -1.2531e-02, -1.3003e-01,\n"," 7.1581e-02, -3.4941e-02, 2.1013e-02, 5.3226e-01, -3.2955e-02,\n"," -4.0961e-01, -2.0489e-01, -3.0236e-02, 2.3550e-01, 1.9089e-01,\n"," 2.3198e-01, 9.8365e-02, 1.3093e-01, 1.7673e-01, -1.0373e-01,\n"," 3.1410e-01, -4.9044e-01, -2.6820e-01, 9.2850e-02, -2.0312e-01,\n"," 5.8524e-02, 1.0559e-01, 6.7082e-01, -4.9779e-01, -1.0273e-03,\n"," -2.0031e-01, 1.8239e-01, 1.1844e-01, 4.1402e-01, -3.1818e-01,\n"," -2.4948e-01, -1.9094e-01, 2.1248e-01, -7.0988e-02, 2.7575e-02,\n"," -1.0383e-01, 1.2059e-01, 3.5622e-01, 5.4530e-01, -1.7522e-01,\n"," -1.6157e-01, 3.0792e-02, -2.8449e-01, 2.2098e-01, 4.1140e-01,\n"," -1.1893e-01, -2.1560e-01, -3.2909e-01, -1.3463e-01, 2.9427e-01,\n"," -1.2845e+00, 2.0898e-01, 7.3657e-02, -6.0501e-02, 1.0916e-01,\n"," 1.2527e-01, -1.0217e-01, -1.6703e-01, -2.0322e-01, 7.6199e-02,\n"," 3.8769e-02, 1.7317e-01, -1.4345e-01, 9.0697e-03, -3.9579e-01,\n"," 2.5957e-01, 1.4723e-01, -6.8055e-02, 1.3603e-01, 3.7692e-01,\n"," -2.1444e-02, 1.4341e-01, 1.2355e-01, -1.9439e-01, 4.7307e-02,\n"," -3.3443e-01, -1.9464e-01, -2.4437e-01, -1.3106e-01, -5.1612e-03,\n"," -1.6138e-02, -4.0847e-02, -2.9791e+00, -8.5794e-02, 8.7101e-02,\n"," -9.6938e-02, 1.3412e-01, -1.5182e-01, 4.9418e-01, -1.4579e-01,\n"," 1.2012e-01, -2.7812e-01, -1.0410e-01, -3.6717e-01, 1.9878e-01,\n"," 6.5551e-02, -6.1877e-02, -8.6936e-02]])\n","is: tensor([[ 1.8697e-03, -3.2151e-01, -7.7460e-02, 2.7740e-02, 6.2456e-02,\n"," -3.0456e-01, 4.1830e-01, -2.8992e-01, 2.6928e-01, -2.6196e-01,\n"," -1.4777e-01, -8.2192e-02, -5.2840e-02, 6.1550e-02, 1.4844e-02,\n"," -2.9886e-01, 1.1996e-01, 7.9637e-02, 6.1569e-02, 2.0292e-01,\n"," 1.9862e-01, 1.5923e-01, 3.9574e-04, -7.3993e-02, 3.8438e-01,\n"," 1.9591e-01, -1.8840e-01, -2.5852e-01, -2.4467e-01, 2.8185e-01,\n"," -1.1110e-01, -1.4497e-01, -3.6825e-01, 2.2947e-01, -4.0383e-01,\n"," -2.0087e-01, 2.9177e-01, -6.9990e-02, -3.6491e-01, -7.8553e-02,\n"," -2.9983e-01, -1.0799e-01, 1.0274e-01, 8.7958e-02, -1.8464e-01,\n"," -1.7401e-01, -2.6010e-01, 1.2287e-03, -2.6320e-01, 1.4533e-01,\n"," -2.7946e-01, 2.6213e-01, -1.6042e-02, 5.2499e-01, -1.1449e-03,\n"," 9.1524e-02, 2.7029e-01, -2.7303e-02, -1.7996e-01, -4.0311e-02,\n"," 2.1410e-01, 1.8204e-01, 2.3880e-02, -1.9675e-01, 2.2373e-01,\n"," 2.3156e-01, 3.0306e-01, -2.3258e-01, -4.3007e-01, 2.1494e-01,\n"," -1.2659e-01, -3.4914e-01, 1.9842e-01, -2.0177e-01, 2.6123e-01,\n"," -1.8415e-02, -1.3235e-01, 3.3458e-01, 1.4593e-02, -1.2124e-01,\n"," 8.9224e-02, 1.9894e-01, 5.5546e-03, 2.9379e-01, -1.3886e-02,\n"," 4.4121e-03, 8.7993e-03, -1.9347e-01, -2.2984e-01, 2.9285e-01,\n"," 1.9872e-01, -2.7407e-01, 2.2483e-01, -9.6574e-02, 2.5281e-01,\n"," -2.3031e-01, 5.0902e-02, 1.2539e-01, -4.0944e-02, -1.6317e-01,\n"," -3.2688e-01, -7.0987e-01, 1.3338e-01, 3.1315e-01, -2.3064e-01,\n"," -8.2985e-02, 3.6632e-02, 3.6983e-01, 1.6702e-01, -8.2823e-01,\n"," 1.8914e-01, 4.1402e-02, 1.0409e-01, -1.9764e-02, -1.5156e-01,\n"," 3.8722e-01, 4.8230e-02, 2.4031e-01, 1.1137e-01, 3.0857e-01,\n"," -2.7013e-01, -1.3414e-01, 2.4263e-01, 6.9010e-01, 1.9098e-01,\n"," 1.4073e-01, -1.0874e-01, -2.8252e-01, -2.0213e-01, -3.6445e-01,\n"," -3.4538e-01, 3.2266e-01, 3.0816e-01, 3.7494e-01, -2.4652e-02,\n"," 1.0611e-02, -8.2075e-02, -1.2609e-01, -4.1470e-01, -1.0074e-01,\n"," -1.2555e-01, 5.7480e-01, -8.6346e-01, -2.4227e-01, 2.2759e-01,\n"," -2.6719e-01, 1.1397e-01, -2.7495e-01, 3.7002e-01, 1.9933e-01,\n"," 3.0195e-01, -8.0814e-02, -3.9891e-01, -2.4465e-01, -3.2512e-01,\n"," -2.1890e-01, -8.9821e-02, 1.3372e-01, 2.1553e-03, 4.6271e-01,\n"," 3.4682e-01, 2.6688e-01, 3.3165e-01, -6.8560e-02, 6.6277e-02,\n"," -3.5954e-01, -4.0313e-01, 7.2013e-01, 2.5525e-01, 3.4894e-02,\n"," -2.2595e-01, -4.2219e-01, 4.6512e-01, 3.6027e-01, -2.6512e-01,\n"," 1.3482e-01, 1.3108e-01, -1.1716e-01, -1.8619e-02, -2.1586e-01,\n"," -2.6994e+00, 2.4360e-01, -1.7115e-01, -1.4231e-01, 1.4217e-01,\n"," 6.6598e-02, 7.1642e-02, -1.3172e-01, 3.8511e-01, -2.1052e-01,\n"," -1.9772e-01, -1.6144e-01, -3.3393e-01, 1.3404e-01, 9.1712e-02,\n"," -2.4543e-01, -6.9195e-02, -2.0488e-01, 1.5504e-01, -1.1512e-01,\n"," 3.4769e-01, -1.0439e-01, 1.8340e-01, 1.8045e-01, 3.2331e-02,\n"," 1.0881e+00, 2.0635e-01, -2.7674e-01, 3.2679e-02, 1.5499e-01,\n"," -7.2025e-01, 5.0436e-01, 2.8603e-01, -5.4240e-01, 3.4077e-01,\n"," -1.3731e-01, 2.2577e-01, -1.6461e-01, -3.1177e-01, 1.4409e-01,\n"," 1.5334e-01, -3.9225e-01, -3.2240e-01, 6.6480e-02, -3.2858e-01,\n"," -3.1871e-01, 3.0527e-01, 2.4267e-02, 2.5849e-01, -3.5991e-01,\n"," -8.4364e-02, -2.5220e-01, 1.9502e-01, 2.6347e-01, -3.1921e-01,\n"," 3.7543e-01, 2.2437e-01, -6.2851e-02, 8.0805e-02, -2.8033e-01,\n"," 7.5052e-02, 4.5296e-01, 5.1609e-01, 2.6392e-01, -3.2010e-01,\n"," -2.1473e-01, 4.5929e-01, -1.5447e-01, 2.4216e-01, -7.4336e-02,\n"," -3.2070e-01, -6.0355e-01, -6.2864e-02, -5.0746e-02, -1.5584e-01,\n"," -8.6392e-03, 3.2910e-02, -2.1421e-01, 3.9752e-01, -2.9374e-01,\n"," 3.3773e-01, 7.5409e-02, 4.4468e-01, -1.3732e-01, -1.7217e-01,\n"," 2.5120e-01, 1.6315e-02, 1.3016e-01, 8.2184e-02, 1.6439e-01,\n"," -8.7246e-02, -2.6074e-01, 2.0086e-01, -9.3485e-01, -2.7442e-01,\n"," -1.0608e-01, 6.3571e-01, -1.6626e-02, 3.0940e-02, -2.2704e-02,\n"," 8.6353e-02, 3.7748e-01, -3.9554e-02, -2.4750e-03, 4.3900e-01,\n"," -7.1655e-01, -2.7072e-02, -3.1258e-01, 3.4072e-01, -4.0797e-01,\n"," -1.6145e-01, 6.5377e-02, 1.7735e-01, -6.0703e-02, 2.6116e-01,\n"," 4.3492e-02, 8.9716e-02, 3.4105e-01, -5.0260e-01, -2.1158e-01,\n"," -6.0291e-02, -3.1999e-01, -2.6387e-01, -1.3731e-01, 2.3449e-01,\n"," 1.2332e-01, 4.4151e-02, 1.8659e-01, -2.0093e+00, -2.0058e-01,\n"," 2.3975e-01, -4.6089e-01, 9.8208e-02, -5.8506e-02, 2.2320e-02,\n"," -1.0994e-03, -2.9547e-01, 5.8799e-02, 4.6605e-02, -3.8993e-01,\n"," 3.7131e-01, 6.5619e-01, 1.7579e-01, 3.5621e-02, -2.9010e-02,\n"," 5.2902e-02, -4.9559e-01, 1.6817e-01, 1.7079e-02, -9.3977e-02,\n"," 3.9762e-01, -9.3852e-02, 3.3964e-01, 7.7576e-02, -3.1746e-01,\n"," 1.0219e-01, -3.1246e-01, -2.3716e-01, -2.5728e-01, -1.5917e-01,\n"," -1.3577e-01, 9.5219e-03, 1.9219e-01, 2.6939e-01, 1.8506e-01,\n"," 2.9638e-01, 8.2790e-01, -1.9400e-01, -1.2523e-02, 3.9636e-01,\n"," 2.6522e-01, -2.0681e-01, -1.2239e-01, -1.8549e-01, 6.4841e-02,\n"," -1.6309e-01, 4.0983e-02, 1.6435e-01, 1.9139e-01, -2.1484e-01,\n"," 7.1836e-02, -8.4125e-02, -5.4567e-02, -8.0429e-02, 3.1976e-03,\n"," 3.0498e-01, 1.1114e-01, -3.8087e-01, 3.6319e-01, -1.7593e-01,\n"," 7.2298e-02, 1.6631e-01, -5.6938e-01, 1.3773e-01, -7.0020e-02,\n"," 1.7213e-01, 5.2953e-02, 2.5434e-01, -1.7713e-01, -1.9017e-01,\n"," -1.3093e-01, -8.5987e-01, -3.0105e-01, 2.4698e-01, -2.7790e-01,\n"," 4.9439e-02, 3.4442e-01, -4.1068e-01, -1.3946e-01, -2.6809e-01,\n"," 4.1420e-01, 2.4348e-03, 1.6486e-01, 2.1774e-01, 2.1962e-01,\n"," -3.7282e-01, -4.8055e-02, -2.5581e-01, -8.0311e-02, 8.4998e-02,\n"," 4.9077e-02, 2.1729e-01, 6.9998e-02, 2.5035e-01, 3.6638e-01,\n"," -5.4563e-01, 3.8146e-01, -5.6758e-02, -1.4173e-01, -3.2236e-01,\n"," 1.0513e-01, 6.5995e-03, -1.5990e-01, 1.0247e-01, -8.0096e-01,\n"," -3.4851e-02, -7.9852e-02, -1.5575e-01, 3.2593e-01, -1.6044e-01,\n"," 2.5603e-01, 1.4140e-01, 2.1942e-01, -2.0685e-01, -2.8493e-01,\n"," 1.9528e-01, -1.5996e-02, 2.1575e-01, 4.8777e-02, 3.9468e-01,\n"," -2.0199e-01, -8.0605e-02, -2.8236e-01, 2.1750e-01, 2.3375e-02,\n"," -3.9214e-01, -5.3155e-01, -7.4678e-02, 2.0181e-02, -1.6100e-01,\n"," 1.1017e-01, -1.9483e-01, -2.5688e-01, 8.0502e-02, 1.7548e-01,\n"," 7.3325e-01, 2.4487e-01, 2.5128e-01, 4.8031e-01, 2.4326e-01,\n"," -4.2904e-01, -5.7729e-02, -1.1157e-01, 4.2170e-01, -3.5807e-01,\n"," -1.6398e-02, 2.6152e-01, 3.0963e-01, 2.7681e-01, -3.1257e-01,\n"," 6.4292e-01, -2.3799e-01, -5.2642e-02, -4.6144e-01, 1.4274e-01,\n"," -4.7081e-01, -4.0608e-01, 1.2654e-02, -1.0138e-01, 2.7303e-02,\n"," -3.2333e-01, 2.0613e-01, 5.5301e-02, 1.3190e-01, 4.3834e-02,\n"," 2.8985e-02, -1.1305e-01, 5.0564e-01, 4.1251e-01, -3.4767e-01,\n"," 4.1457e-01, 1.8430e-01, -9.9562e-02, 1.9372e-01, -3.7351e-03,\n"," -3.9657e-01, 2.4432e-01, -1.1603e-02, 2.5609e-01, -3.2050e-02,\n"," 5.2519e-03, 3.2480e-03, 1.8653e-01, 1.5037e-01, -2.3396e-01,\n"," -2.6237e-01, 2.9199e-01, 4.8939e-01, 3.2174e-01, -4.5484e-01,\n"," -3.8316e-01, -1.4486e-01, -2.2286e-01, -2.7317e-02, 3.2270e-01,\n"," -5.1186e-02, 2.2661e-01, 3.0729e-01, 4.6752e-01, -6.1053e-02,\n"," -3.6775e-01, 8.9749e-03, -9.5514e-02, -2.3237e-01, 1.1131e-01,\n"," 3.3019e-01, 2.7881e-03, -2.0579e-01, 6.6362e-02, -2.5834e-01,\n"," -3.4687e-01, -2.4419e-01, -4.0189e-03, 3.5229e-01, 2.7011e-01,\n"," 1.6936e-02, 4.1147e-01, -3.5420e-01, -4.8230e-01, -2.2401e-01,\n"," 4.3381e-02, -2.5263e-02, 2.1812e-01, -2.2043e-01, -2.6893e-01,\n"," -4.1569e-01, -8.5913e-02, -7.8470e-02, 1.8877e-01, 2.3622e-01,\n"," -3.0409e-01, -1.0295e-01, 2.5066e-01, -1.1850e-01, -4.2483e-01,\n"," -1.9921e-01, -3.9208e-01, -4.8236e-01, 9.7306e-02, -4.0721e-01,\n"," -5.3597e-01, -1.8237e-01, -3.6961e-02, 3.4132e-01, -1.1565e-02,\n"," 6.8570e-01, 3.6684e-01, 1.4704e-01, -1.9376e-01, 6.7605e-02,\n"," 1.9593e-01, -1.3733e-02, 1.8709e-01, -7.5263e-01, -1.5905e-01,\n"," -8.9051e-02, -7.5011e-02, -1.0840e-01, -1.2490e-01, 1.4668e-01,\n"," 1.2459e-01, -6.3242e-02, 7.9327e-02, 1.4409e-01, 4.8669e-02,\n"," 2.6192e-03, 2.5275e-01, 4.2298e-01, -3.3102e-01, 1.4964e-01,\n"," 1.7529e-01, 2.6218e-01, -3.3960e-01, 4.4573e-02, 5.1640e-02,\n"," -1.3057e-02, -2.8317e-01, 1.2903e-01, 1.0209e+00, 6.6357e-01,\n"," -2.9555e-01, -3.5495e-05, 2.1063e-01, -1.4781e-01, 3.9247e-02,\n"," 2.3618e-01, -8.7327e-02, -5.1372e-01, -9.7266e-02, -2.1151e-01,\n"," -1.9037e-01, -1.3693e-02, -8.4586e-02, 2.1561e-01, -1.8468e-01,\n"," 2.1060e-01, -3.8622e-01, -8.1579e-02, -8.0516e-02, 1.8653e-01,\n"," -1.1430e-01, 2.0596e-02, -3.2029e-01, 9.8316e-02, 1.7938e-01,\n"," -2.3479e-01, -8.8719e-02, -2.3090e-01, -3.5579e-01, 6.9056e-02,\n"," 2.8082e-01, 5.9478e-01, -5.7686e-01, -7.0712e-02, -7.1670e-02,\n"," -6.8886e-01, 2.8716e-01, 4.6037e-01, 8.5511e-02, -1.5773e-01,\n"," 5.7352e-01, 2.5527e-01, 3.1434e-01, 2.4952e-01, -2.8375e-01,\n"," -1.6349e-01, -2.5004e-01, 4.2881e-01, 3.8245e-01, 7.1545e-02,\n"," -1.5492e-01, 5.5823e-01, -2.9444e-01, -4.0516e-01, 2.9365e-01,\n"," 2.4712e-01, -2.4901e-01, -4.1190e-01, 2.2186e-01, 5.7751e-02,\n"," 1.5777e-01, 7.5507e-02, -2.1608e-02, 4.5435e-03, 1.0407e-01,\n"," -3.0175e-01, -4.0616e-02, 2.2791e-01, 2.1490e-01, 7.0052e-02,\n"," -3.4287e-01, 8.8782e-02, -1.1014e-01, -1.1654e-01, -1.7771e-02,\n"," 6.5245e-02, -1.0739e-01, -9.7636e-01, 1.3144e-02, 3.7066e-04,\n"," 1.2365e-02, -3.6228e-01, 1.1752e-01, 2.8827e-01, 3.0365e-01,\n"," -4.1336e-01, -2.0176e-01, -1.2524e-01, 2.5792e-01, 2.4093e-01,\n"," -7.9870e-03, -1.6644e-01, 1.8708e-02, 1.6321e-01, -4.1054e-01,\n"," 3.8808e-01, -5.7599e-01, -9.3410e-02, 7.5947e-02, 3.9543e-02,\n"," -1.5001e-01, -1.1766e-01, 5.4193e-01, -6.4604e-01, -5.0309e-02,\n"," -6.2907e-02, 1.8551e-01, 5.1217e-02, 2.3072e-01, -3.6149e-02,\n"," -2.3456e-02, -3.9047e-01, 3.4240e-01, -1.2439e-02, 2.3032e-01,\n"," 2.2514e-01, 4.3220e-01, 3.7389e-01, 4.8468e-01, -3.1992e-01,\n"," -2.9266e-01, -2.2074e-01, -1.7781e-01, 1.4267e-01, 3.0812e-01,\n"," 2.8772e-03, -2.4614e-02, -3.8921e-01, 1.9679e-01, 1.2218e-01,\n"," -1.1499e+00, 2.4324e-01, -1.0012e-01, -7.8817e-02, -2.7842e-02,\n"," 1.8674e-01, -1.2989e-02, -1.7676e-01, -1.5938e-01, -3.3805e-01,\n"," 1.0930e-01, 2.0728e-01, -2.5851e-01, -1.9172e-02, -3.7778e-01,\n"," 2.8461e-01, -2.1312e-01, 3.6264e-02, 1.3177e-01, 6.0335e-01,\n"," 9.7145e-02, 3.0143e-01, 2.2475e-01, -4.1595e-01, 2.4370e-02,\n"," -2.8742e-01, -1.7549e-01, -1.1151e-01, -1.2572e-01, 2.4712e-01,\n"," -1.7420e-02, 5.8104e-02, -2.7543e+00, 5.5879e-02, 6.8826e-02,\n"," -1.9035e-01, 6.9779e-02, -3.3699e-01, 4.0038e-01, -1.7857e-01,\n"," 7.4339e-02, -6.6231e-02, -1.1496e-02, -4.7582e-01, 3.9001e-01,\n"," 1.7502e-01, -5.7692e-03, 1.0571e-01]])\n","a: tensor([[ 2.9766e-02, -2.1431e-01, -1.2068e-01, -4.1195e-02, 2.5696e-02,\n"," -2.3825e-01, 2.7309e-01, -1.3659e-01, 2.0421e-01, -3.3920e-01,\n"," -2.3311e-01, -9.6260e-02, 7.7194e-03, 4.0456e-03, -3.6642e-02,\n"," -3.1823e-01, 1.1493e-01, 9.1760e-02, -7.5329e-02, 1.4700e-01,\n"," 1.9969e-01, 1.1724e-01, 1.0364e-01, 1.3756e-01, 2.3491e-01,\n"," 2.6981e-01, -2.2302e-01, 2.1402e-02, -1.3284e-01, 2.2310e-01,\n"," -8.2853e-02, -2.6862e-01, -2.3380e-01, 3.3130e-01, -2.4006e-01,\n"," -2.6743e-01, 1.5785e-01, -6.7930e-02, -6.6787e-01, -1.8224e-01,\n"," -1.5107e-01, -2.4947e-02, -6.7863e-02, -1.3507e-01, -9.4461e-02,\n"," 7.0511e-02, -4.8655e-01, 6.3150e-02, -2.4193e-01, 2.1166e-01,\n"," -2.2201e-01, 1.9255e-01, -7.4001e-02, 3.9651e-01, -3.0388e-02,\n"," 9.4766e-02, 2.8955e-01, 4.7689e-02, -3.5565e-02, -2.9259e-01,\n"," 3.9359e-01, 6.7486e-02, 1.4510e-02, 1.7061e-01, 3.5484e-01,\n"," 2.4037e-01, 2.1264e-01, -8.7173e-02, -4.0058e-01, 1.9068e-01,\n"," -1.3033e-01, -2.8333e-01, 3.7309e-01, -1.4915e-01, 2.3222e-01,\n"," -3.3257e-03, -6.3892e-02, 1.8903e-01, 1.4485e-01, -9.5187e-02,\n"," 2.9848e-01, 9.6510e-02, 1.8680e-01, 3.5581e-01, -6.5269e-02,\n"," 3.6280e-02, -5.7054e-02, -1.2931e-01, -3.2515e-01, 1.9937e-01,\n"," 1.0433e-02, 4.2378e-02, 1.8724e-01, 1.4107e-01, 7.2615e-02,\n"," -1.3930e-01, -1.3167e-01, 6.9057e-02, 2.5913e-02, -3.8142e-01,\n"," -4.7875e-01, -3.1730e-01, 2.3199e-02, 4.0319e-01, -2.7735e-01,\n"," 1.6501e-02, -4.8206e-02, 3.8175e-02, -5.5496e-02, -6.4563e-01,\n"," 1.0976e-01, 6.7288e-02, 1.7956e-01, -1.8032e-01, -1.5734e-01,\n"," 4.2853e-01, 1.2850e-01, 3.0403e-01, 2.3961e-01, 3.6994e-01,\n"," -2.5487e-02, -2.6360e-01, -1.8218e-02, 5.0424e-01, 1.2878e-01,\n"," 1.2209e-01, -9.8373e-02, -6.9990e-01, -1.6446e-01, -3.8234e-01,\n"," -2.9856e-01, 2.0223e-01, 3.2179e-01, 5.5917e-01, -1.9865e-01,\n"," -6.7176e-02, -1.4493e-01, -9.2787e-02, -1.9368e-01, -2.3885e-01,\n"," -1.8555e-01, 4.1853e-01, -9.0785e-01, -4.3142e-01, 2.1403e-01,\n"," -1.1205e-01, 2.7316e-01, 6.1555e-02, 2.3438e-01, 1.7055e-01,\n"," 1.7392e-01, 7.5553e-03, -2.7680e-01, -2.6915e-01, -4.4307e-01,\n"," -2.8903e-01, -6.9446e-02, 3.0993e-01, 1.4709e-01, 5.0718e-01,\n"," 3.1296e-01, 3.8201e-01, 2.8219e-01, 2.7311e-01, 1.4176e-01,\n"," -9.0831e-02, -3.4716e-01, 5.9876e-01, 1.8733e-01, -3.7262e-02,\n"," -3.1021e-01, -2.6346e-01, 4.1389e-01, 3.7745e-01, -4.2195e-01,\n"," 2.2076e-01, 3.8145e-01, 2.4493e-01, 5.0578e-02, -2.0899e-01,\n"," -2.8598e+00, 2.8092e-01, -1.0267e-01, -2.3313e-01, 1.2316e-01,\n"," -7.0178e-02, 4.3349e-02, -4.5919e-01, 3.8599e-01, -1.2311e-01,\n"," -3.0402e-01, -2.3688e-01, -3.0632e-01, 2.4516e-01, 1.6378e-01,\n"," -2.3376e-01, -3.7696e-02, -2.8564e-02, 2.6141e-01, -5.8938e-02,\n"," 2.8535e-01, -1.2145e-01, 3.6036e-01, 1.3323e-01, -5.3546e-02,\n"," 1.1835e+00, 7.8859e-02, -2.3259e-01, 1.1870e-01, 1.2241e-01,\n"," -7.7662e-01, 6.7191e-01, 2.4018e-01, -4.2675e-01, 2.6001e-01,\n"," -2.0730e-01, 3.7363e-01, -3.8873e-03, -4.2587e-01, 2.8298e-02,\n"," 2.1029e-01, -3.1187e-01, -2.6725e-01, 5.1085e-02, -3.0283e-01,\n"," -4.5526e-01, 9.4070e-02, 1.8893e-02, 1.1274e-01, -3.3635e-01,\n"," -1.0464e-01, -2.1086e-01, 1.3569e-01, 3.0474e-01, -3.3532e-01,\n"," 5.7644e-01, -2.6769e-02, 5.3349e-02, -3.6336e-02, -1.9290e-01,\n"," -6.5088e-02, 2.5356e-01, 4.4730e-01, 2.4178e-01, -1.7648e-01,\n"," 1.3588e-02, 5.1953e-01, 5.0137e-02, 4.5152e-01, -3.9874e-02,\n"," -9.0222e-02, -5.9322e-01, 8.6243e-02, -2.9029e-01, -1.1663e-01,\n"," -6.1298e-02, 3.6915e-02, -3.8637e-01, 3.7119e-01, -2.0113e-01,\n"," 1.9844e-01, 2.5708e-01, 6.8749e-01, -2.1933e-01, -2.4934e-02,\n"," 4.1762e-01, 3.0081e-01, -4.4853e-02, -1.0090e-01, -4.3189e-02,\n"," 4.4227e-02, -7.7119e-02, -1.3800e-01, -1.1937e+00, -2.8774e-01,\n"," -1.1892e-01, 5.7053e-01, 1.0110e-01, 7.8563e-02, 1.6622e-01,\n"," -4.0469e-02, 3.7188e-02, -5.6371e-02, 1.3350e-01, 2.3949e-01,\n"," -4.0340e-01, -1.4374e-01, -4.6271e-01, 3.6151e-01, -4.3518e-01,\n"," -9.9090e-02, 1.7223e-03, 1.0477e-01, -2.2188e-02, 2.5496e-01,\n"," -3.9257e-02, 1.1826e-01, 1.8422e-01, -3.7302e-01, -1.6050e-01,\n"," -1.4614e-01, -1.8468e-01, -2.5632e-01, -1.9597e-01, 7.8435e-02,\n"," 3.2813e-01, -6.9360e-02, 6.7640e-02, -2.1440e+00, -4.8955e-02,\n"," 1.0592e-01, -5.0961e-01, 8.5353e-02, 1.5945e-02, 2.2298e-02,\n"," 2.6123e-02, -1.2189e-01, -2.3861e-02, 2.1260e-01, -2.6022e-01,\n"," 2.7888e-01, 5.3912e-01, 4.4073e-02, 3.6532e-02, -2.5099e-01,\n"," 2.9836e-02, -4.0468e-01, 2.1820e-01, 4.0127e-02, 6.6862e-02,\n"," 5.2284e-01, -2.6807e-01, 3.0644e-01, 1.6742e-01, -4.1357e-01,\n"," 1.3514e-01, -3.7441e-01, -6.2654e-02, -2.3620e-01, -4.1957e-01,\n"," -2.3252e-01, 1.6526e-01, 2.6690e-01, 2.9751e-01, 3.4346e-01,\n"," 9.5559e-03, 1.0234e+00, -1.2318e-01, 2.9327e-01, 2.4730e-01,\n"," 2.6944e-01, 7.6334e-03, -1.1545e-01, 3.5644e-02, 1.6281e-01,\n"," -2.4262e-01, 1.3012e-01, 1.5275e-01, 1.8414e-01, -1.5155e-01,\n"," 1.5976e-01, -1.4456e-01, 7.2859e-02, -4.2068e-02, 8.3814e-02,\n"," 2.5087e-01, 1.2823e-01, -2.9072e-01, 2.7520e-01, -1.7717e-01,\n"," 1.1600e-01, 2.1279e-01, -7.7443e-01, -3.0287e-02, -3.9582e-02,\n"," 4.6240e-03, 1.3704e-01, -6.2964e-03, 2.6462e-02, -9.3106e-02,\n"," -2.9325e-02, -7.1687e-01, -3.6360e-01, 1.4785e-01, -4.1614e-01,\n"," 8.4419e-02, 2.6185e-01, -3.0443e-01, -7.1920e-03, -1.1489e-01,\n"," 3.2626e-01, 4.7172e-02, 1.6609e-01, 3.3192e-01, 4.3618e-01,\n"," -3.6911e-01, 2.6058e-02, -1.9710e-01, -2.3635e-02, 1.5993e-01,\n"," 9.5753e-03, 1.7974e-01, 6.3784e-02, 1.8942e-01, 3.0276e-01,\n"," -4.8881e-01, 3.0498e-01, -4.3379e-03, -3.0876e-01, -3.1591e-01,\n"," -7.6121e-02, 9.9806e-02, -2.7801e-01, 5.0308e-02, -7.8253e-01,\n"," -9.1268e-02, -1.7719e-01, -1.7522e-01, 4.5642e-01, -1.4507e-01,\n"," 2.4867e-01, 8.7616e-02, 2.1436e-01, -2.4374e-01, -3.1693e-01,\n"," 1.8767e-01, 1.2465e-02, 1.3447e-01, 6.8811e-03, 3.9533e-01,\n"," 1.6467e-01, 2.3174e-01, -1.5334e-01, 4.7454e-02, 8.2656e-02,\n"," -4.2981e-01, -5.0778e-01, -9.1735e-02, 2.2126e-01, -3.4921e-02,\n"," 8.9432e-02, -4.6558e-01, -3.0298e-01, 1.5568e-01, 7.7618e-02,\n"," 5.9864e-01, 7.6054e-02, 5.3246e-01, 3.4488e-01, 1.3232e-01,\n"," -5.0681e-01, 4.2888e-02, 9.2467e-02, 2.2621e-01, -6.8085e-02,\n"," 6.4268e-02, 2.9970e-01, 3.0785e-01, 4.3337e-01, -2.4177e-01,\n"," 4.5123e-01, -2.1042e-01, -1.5066e-01, -3.2193e-01, 2.3048e-01,\n"," -3.5644e-01, -4.2225e-01, 1.0407e-01, -1.0613e-01, 4.6739e-02,\n"," -1.2326e-01, 1.7536e-01, 1.8654e-01, 1.5260e-01, 7.4601e-02,\n"," 2.3776e-02, -3.3356e-01, 2.0624e-01, 4.8988e-01, -2.1484e-01,\n"," 2.6085e-01, 4.2907e-03, -1.5448e-01, 1.7374e-01, -1.5047e-01,\n"," -5.1552e-01, -8.5561e-02, -1.2645e-01, 3.6549e-01, -2.8782e-01,\n"," 2.6058e-01, -8.6930e-03, 4.0833e-01, -2.1392e-02, -5.6000e-01,\n"," -3.6655e-01, 7.8567e-02, 4.2874e-01, 1.5124e-01, -6.1984e-01,\n"," -2.3722e-01, -1.3388e-01, -1.2631e-01, 1.6851e-01, 1.8093e-01,\n"," -3.7693e-02, 1.2901e-01, 3.3172e-01, 3.8932e-01, -4.2852e-01,\n"," -3.6691e-01, 3.4901e-02, -1.1733e-01, -7.8055e-03, 2.5049e-02,\n"," 1.5528e-01, -4.6668e-01, -1.4601e-01, 2.7901e-01, -4.0122e-01,\n"," -2.9922e-01, -1.7071e-01, 7.2100e-02, 5.3903e-01, 4.9446e-02,\n"," 1.8611e-01, 3.9184e-01, -4.0948e-01, -3.1001e-01, -3.6400e-01,\n"," 2.2928e-01, 3.2897e-02, 3.5467e-01, 3.2829e-02, -3.3781e-01,\n"," -4.1136e-01, 2.3005e-01, -2.0464e-02, 1.0534e-01, 3.0562e-01,\n"," -2.3885e-01, -1.7667e-01, 5.7814e-01, 1.3691e-01, -6.8672e-01,\n"," -6.7866e-03, -2.8899e-01, -2.5964e-01, -1.1600e-01, -5.0626e-01,\n"," -5.1745e-01, 1.7356e-02, 3.7843e-02, -1.2863e-01, 1.6746e-01,\n"," 5.7741e-01, 4.5241e-01, 2.9691e-01, -2.3909e-01, -1.7628e-01,\n"," 1.2903e-01, -1.0709e-01, -2.2481e-03, -8.4869e-01, -1.6803e-01,\n"," -3.4063e-02, 1.8357e-01, 4.3764e-02, -8.7373e-02, 2.3552e-01,\n"," 1.5954e-01, -3.3332e-02, -1.4616e-01, -2.9096e-02, -5.0226e-03,\n"," 5.0387e-02, 1.9696e-01, 3.2610e-01, -4.1396e-01, 2.4605e-01,\n"," 2.1061e-02, 3.4157e-01, -2.6485e-01, -9.0696e-03, 3.6800e-01,\n"," -3.5547e-01, -3.6937e-01, 1.9005e-01, 1.0360e+00, 8.0834e-01,\n"," -3.2096e-02, -4.2683e-02, 3.5666e-01, -2.1886e-01, -1.6052e-01,\n"," 8.6015e-02, -2.7510e-01, -6.4987e-01, 1.9867e-01, -7.7649e-02,\n"," -9.8748e-02, 5.4568e-02, -6.5018e-02, 1.7677e-01, -3.4066e-01,\n"," 2.3156e-01, -4.6544e-01, -2.8610e-01, -6.3517e-02, 2.6259e-01,\n"," 3.8220e-02, -6.2086e-02, -1.8990e-01, 2.6974e-01, 1.8499e-01,\n"," -3.1193e-01, -3.8158e-02, -2.4080e-01, -7.0333e-01, 6.6644e-02,\n"," 2.3776e-01, 5.2434e-01, -6.0955e-01, 4.3559e-02, 9.2938e-02,\n"," -6.8132e-01, 1.2533e-02, 1.9932e-01, 2.4007e-01, -7.0889e-02,\n"," 4.7627e-01, 4.0209e-01, 3.2402e-01, 2.3604e-01, -4.1696e-01,\n"," -3.3027e-01, -5.6188e-01, 4.7798e-01, 3.1419e-01, 1.4704e-01,\n"," -1.7947e-02, 4.9978e-01, -6.2832e-02, -2.0645e-01, 3.8227e-01,\n"," 2.2955e-01, -2.0701e-01, -3.5132e-01, 1.0823e-01, -1.9474e-02,\n"," 2.7179e-01, -1.4539e-01, -1.2640e-01, -2.8944e-02, 3.2080e-01,\n"," -2.7629e-01, 1.0162e-01, 3.5193e-01, 5.4211e-02, -2.3018e-01,\n"," -1.3879e-01, 4.8029e-02, -2.7097e-01, 1.8626e-01, 1.1639e-01,\n"," 6.3488e-02, -3.1306e-01, -1.1445e+00, -5.0344e-02, 6.6426e-03,\n"," -1.9401e-02, -3.2551e-01, -2.6791e-02, 2.8124e-01, 1.2197e-01,\n"," -4.5488e-01, -2.3495e-01, -8.2608e-02, 4.2248e-01, 3.0545e-01,\n"," 1.7438e-01, 1.9974e-01, 2.1834e-01, 1.2738e-01, -3.3408e-01,\n"," 4.4410e-01, -5.4000e-01, -2.1152e-01, -2.6625e-01, -2.3229e-01,\n"," -1.8770e-01, -5.2992e-02, 5.4430e-01, -7.6142e-01, -3.5234e-02,\n"," 2.1700e-01, 5.3426e-02, 5.1466e-02, 2.0147e-01, -8.3735e-02,\n"," -2.0607e-02, -5.9429e-01, 9.8292e-02, 1.8464e-01, 2.9018e-01,\n"," -1.3225e-02, 4.4727e-01, 3.4694e-01, 5.9295e-01, -7.6907e-02,\n"," -3.3563e-01, -3.7522e-02, -2.0567e-01, 3.7593e-02, 6.3959e-01,\n"," -1.2071e-01, -1.5493e-01, -6.7366e-01, 1.3272e-01, 2.1831e-01,\n"," -1.2465e+00, 4.9006e-01, 9.5738e-02, -1.9943e-01, -1.3369e-01,\n"," 2.3173e-02, 1.0562e-01, -4.8005e-01, -1.2307e-01, -3.1234e-01,\n"," 1.4729e-01, -6.0690e-02, -4.1739e-01, 3.7265e-02, -6.0652e-01,\n"," 3.1934e-01, 2.4017e-02, 2.5446e-01, 1.0526e-01, 4.9362e-01,\n"," 2.9498e-02, 1.9185e-01, 2.8104e-01, -3.8310e-01, 2.9010e-02,\n"," -3.3226e-01, -2.2402e-01, -1.2438e-01, -2.9204e-01, 3.0043e-01,\n"," 4.3323e-05, -1.9795e-01, -2.6715e+00, 1.4403e-01, 8.2754e-02,\n"," -4.7888e-02, 1.5393e-01, -4.6024e-01, 5.4568e-01, 4.2123e-02,\n"," 1.5056e-01, -1.1054e-01, 8.1319e-02, -6.8825e-01, 2.3358e-01,\n"," 2.1198e-01, -6.2038e-03, -6.5695e-02]])\n","pet: tensor([[-1.1753e-01, -1.9058e-01, -1.4255e-01, -2.1120e-01, -1.6127e-01,\n"," -4.3370e-02, 3.4605e-01, -7.8662e-02, 2.3042e-02, -2.3518e-01,\n"," -5.6055e-02, -7.8579e-02, 3.0462e-02, 1.2073e-02, -3.5568e-01,\n"," -2.2639e-01, -3.1121e-02, 2.0060e-01, 2.2185e-01, 2.0930e-01,\n"," 1.3519e-01, -2.9154e-01, 1.1572e-01, -7.0738e-02, 1.3041e-01,\n"," 2.1452e-01, -2.9310e-01, 4.8277e-02, -2.7578e-01, 5.4618e-02,\n"," -1.4875e-01, -2.4007e-01, 2.5294e-01, 4.6507e-01, -1.2825e-01,\n"," -2.9974e-01, -8.0699e-02, -7.8631e-02, -3.2636e-01, -6.5924e-02,\n"," 3.3836e-02, -6.9477e-02, 5.9497e-02, -1.6523e-01, 2.2343e-01,\n"," -2.1711e-01, -2.8202e-01, 2.4413e-01, -2.2494e-01, 1.9964e-01,\n"," -1.3879e-01, 1.5774e-01, -8.4627e-02, 2.8198e-01, -6.2480e-03,\n"," 7.3649e-02, 2.8430e-01, 9.9791e-02, -2.3266e-01, -1.1902e-01,\n"," -1.7452e-01, 1.0306e-01, -8.4619e-02, 1.1353e-01, 4.4240e-01,\n"," 4.5958e-02, 3.6057e-01, 2.6121e-02, -5.2768e-01, 8.5782e-02,\n"," -2.4788e-01, -1.4006e-01, 2.7123e-01, -1.9901e-02, 2.5135e-01,\n"," 8.2211e-02, -1.7276e-01, 3.9833e-01, 2.1625e-01, 5.3304e-02,\n"," 2.0732e-01, 9.5838e-02, -1.3478e-01, 4.1772e-01, -2.3737e-02,\n"," 2.2211e-01, -1.3746e-01, -1.5004e-01, -1.6962e-01, 1.9584e-01,\n"," 1.8280e-01, -1.4908e-01, 3.5352e-02, 7.7354e-02, 6.6443e-02,\n"," 5.4267e-02, -3.9627e-01, 7.0211e-02, -1.6846e-01, -8.6571e-02,\n"," -1.5498e-01, -2.6894e-01, -1.4246e-01, 3.7578e-01, -1.3995e-01,\n"," -2.4565e-02, -2.7699e-02, -6.9196e-02, 6.7844e-02, -5.8438e-01,\n"," 3.9514e-01, 1.3475e-01, 2.8893e-01, 3.3088e-02, -7.0129e-02,\n"," 2.8087e-01, 8.7138e-02, 3.4312e-02, 9.0724e-02, 3.6819e-02,\n"," -4.1970e-01, -3.0208e-01, 3.7519e-02, 6.0225e-01, 1.2972e-01,\n"," 4.1280e-01, -1.2700e-01, -4.8160e-01, 1.4684e-01, -2.3733e-01,\n"," -1.2955e-01, 3.1048e-01, 2.1254e-01, 1.9369e-01, -1.0270e-01,\n"," 1.2105e-02, 1.9017e-01, 4.9736e-02, -1.1976e-01, -1.3432e-01,\n"," -3.0217e-02, 4.8193e-01, -9.5151e-01, -1.7706e-01, 2.4775e-01,\n"," 1.4874e-01, 1.6147e-01, 1.6795e-01, 1.2859e-01, -1.2160e-01,\n"," 1.6375e-01, 1.6763e-01, -3.5789e-01, -3.3751e-01, -3.1688e-01,\n"," -8.1245e-02, -1.6947e-02, 1.0358e-02, 1.7282e-01, 4.4796e-01,\n"," 3.1591e-01, 2.4263e-01, 4.9991e-02, 1.1235e-01, -2.0668e-01,\n"," -1.1015e-01, -2.4927e-02, 5.2555e-01, 2.2774e-01, 6.8240e-02,\n"," -4.3651e-01, -1.8895e-01, 3.0580e-01, 6.2210e-01, -1.8784e-01,\n"," 2.8747e-01, 8.5789e-02, 1.0787e-01, 6.6216e-03, -1.4267e-01,\n"," -2.8841e+00, 1.7748e-01, 3.6661e-02, -2.8352e-01, 2.0420e-01,\n"," -1.8695e-01, 3.1395e-01, -3.4693e-01, 3.5900e-01, -4.6401e-01,\n"," -3.0928e-01, -1.3484e-01, -4.1940e-02, 1.5071e-01, 2.4431e-01,\n"," -1.8370e-01, -8.3949e-03, -1.0815e-01, 3.4886e-01, 1.8172e-02,\n"," 2.9415e-01, -1.7515e-01, 2.8444e-01, 3.7879e-01, -4.8932e-02,\n"," 7.8610e-01, 7.0004e-02, -3.2650e-01, 1.6456e-01, 7.2159e-02,\n"," -6.9577e-01, 4.2778e-01, 3.0247e-01, -3.0741e-01, 4.3254e-01,\n"," -3.9029e-01, 2.9388e-01, -2.4589e-01, -3.8480e-01, -8.2060e-02,\n"," 1.1360e-01, -8.4957e-02, -1.0398e-01, 2.0297e-01, -2.4375e-01,\n"," -3.6573e-01, 2.0354e-01, -4.5006e-02, 1.7091e-01, -9.7588e-03,\n"," -2.3450e-01, -1.9153e-01, 1.1457e-01, 1.1962e-01, -3.8969e-01,\n"," 3.2102e-01, 1.5275e-01, -1.0360e-01, -7.7887e-03, -5.0086e-02,\n"," -1.0807e-01, 1.2984e-01, 5.3984e-01, 9.7129e-02, -2.4622e-01,\n"," -3.3791e-01, 3.7603e-01, 1.8782e-01, 4.9861e-01, -2.2060e-01,\n"," 2.6978e-02, -3.9630e-01, -4.9249e-02, -2.7307e-01, -2.3526e-01,\n"," -7.7667e-02, -6.1610e-02, -3.0604e-01, 3.2165e-01, 1.1782e-01,\n"," 7.4824e-04, 2.3165e-01, 5.6424e-01, -2.1622e-01, 5.8619e-03,\n"," 7.8636e-02, 1.3682e-01, 6.2086e-02, 3.8915e-02, -8.1317e-02,\n"," -1.2051e-01, -8.0143e-02, -1.5526e-01, -1.3199e+00, 1.6328e-01,\n"," -1.0948e-01, 1.9113e-01, 1.8018e-01, 4.2901e-01, -1.4066e-01,\n"," 4.6388e-02, 1.0520e-01, 1.7548e-02, -7.0286e-02, 3.8145e-01,\n"," -4.1850e-01, -4.1174e-01, -4.4598e-01, 1.3714e-01, -5.0955e-01,\n"," -1.1868e-01, -7.0154e-02, 7.0206e-02, 2.1896e-01, -1.1593e-02,\n"," -5.7769e-02, -4.9587e-03, 2.5545e-01, -4.3224e-01, -2.4319e-01,\n"," 8.8821e-02, -1.4057e-01, 1.1532e-01, -2.9394e-01, 2.5214e-01,\n"," 1.6294e-01, 1.5609e-01, -5.6524e-02, -1.6464e+00, -2.9447e-01,\n"," 1.4028e-01, -3.7801e-01, 8.2192e-03, -3.4623e-01, -2.5595e-02,\n"," -6.7016e-02, -8.7282e-02, 2.0293e-01, 2.7765e-01, -5.1887e-01,\n"," 3.7704e-01, 2.0393e-01, 2.2995e-01, 1.2514e-02, -3.1003e-02,\n"," -2.1792e-01, -4.7384e-01, 1.6482e-01, 4.8442e-02, -4.9681e-02,\n"," 2.8802e-01, -3.0315e-02, 1.7627e-01, 3.8701e-01, -2.9742e-01,\n"," 1.4631e-01, -5.4230e-01, 6.5122e-02, -8.5074e-02, -2.8594e-01,\n"," -2.3099e-01, 2.1012e-03, 3.4846e-01, 9.1328e-02, 2.6014e-01,\n"," 1.6746e-01, 8.2186e-01, 1.1069e-01, 1.0567e-01, 2.3986e-01,\n"," 6.6488e-02, -8.2876e-02, -2.4455e-01, -3.6692e-02, 2.4992e-01,\n"," -1.7422e-01, -1.2981e-01, 3.0355e-01, 4.1134e-01, -1.7064e-01,\n"," 1.8952e-01, -1.1807e-01, 5.2106e-02, -1.4800e-02, 1.4011e-01,\n"," 2.8441e-01, -1.5933e-01, -1.3502e-01, 1.5945e-01, -2.3626e-01,\n"," 3.2939e-02, 2.3136e-01, -4.4689e-01, 4.4261e-02, -1.0254e-01,\n"," -3.0993e-01, -2.5479e-01, 1.8709e-01, -4.2888e-02, -3.9811e-01,\n"," -1.8627e-01, -8.7716e-01, -5.4473e-01, 3.9734e-01, -5.2474e-01,\n"," 1.6525e-01, 3.0488e-01, -3.2955e-01, 1.6459e-02, -7.8900e-02,\n"," 2.6964e-02, 3.4870e-01, 1.0267e-01, -1.4881e-01, -1.0231e-01,\n"," -4.0430e-01, 3.3390e-02, -2.3008e-01, -2.0931e-01, -5.6374e-02,\n"," 2.5200e-01, 1.3705e-01, 2.2343e-01, 4.5314e-02, 4.2261e-01,\n"," -3.0075e-01, 1.3390e-01, 4.5477e-02, -5.7855e-01, -1.8362e-01,\n"," 5.2306e-02, -1.3925e-01, 1.0609e-01, 1.7225e-02, -7.2257e-01,\n"," 8.2921e-02, -2.1040e-02, -3.1761e-01, 1.9204e-01, -1.2557e-01,\n"," 1.9676e-01, 1.2368e-01, 4.6391e-02, -6.7358e-02, 2.2318e-01,\n"," 4.6750e-01, 1.8953e-01, 3.2674e-01, -1.5106e-01, 3.2170e-01,\n"," 2.7222e-01, 2.6418e-02, 6.0749e-02, -1.2435e-02, -6.7527e-02,\n"," -3.6812e-01, -4.0337e-01, -8.3406e-02, 1.5634e-01, -4.3034e-02,\n"," 4.4651e-02, -3.1430e-01, -6.7450e-02, 1.4722e-01, 2.4026e-01,\n"," 4.1693e-01, 2.3363e-01, 4.6114e-01, 1.0067e-01, 1.1097e-01,\n"," -5.2192e-01, 3.1823e-01, -1.0478e-01, 2.2204e-01, -6.1398e-03,\n"," 8.0866e-02, 5.9015e-01, 3.6707e-01, 3.7564e-01, -2.5740e-01,\n"," 4.0970e-01, 7.9812e-02, 3.4716e-02, -2.6065e-01, 1.7714e-01,\n"," -3.5758e-01, -2.8841e-01, 4.5720e-02, -3.1158e-01, -5.0484e-02,\n"," 3.4163e-02, 2.5759e-01, -1.2582e-01, 2.5163e-04, 2.1328e-01,\n"," -1.6561e-01, -5.0836e-01, 3.2139e-01, 4.0254e-01, -2.1231e-01,\n"," 4.1592e-02, 1.4574e-02, -3.4600e-01, 5.3424e-02, -1.1287e-01,\n"," -4.9698e-01, -2.6382e-02, 5.5593e-02, 1.1204e-01, -1.7035e-01,\n"," 1.3071e-01, 1.0035e-01, 4.0221e-01, 4.8349e-02, -3.6989e-01,\n"," -3.0865e-01, 4.0742e-01, 4.9184e-01, 4.6415e-03, -1.5064e-01,\n"," -1.8198e-01, -1.8446e-01, -2.7118e-01, 1.5143e-01, 2.5412e-01,\n"," 1.0855e-01, 2.3216e-01, 3.4191e-01, 2.0984e-01, -3.3844e-02,\n"," -2.2614e-01, -9.8017e-02, -6.0761e-03, -1.3335e-01, 3.4231e-01,\n"," 4.5813e-01, -5.1720e-01, -4.7818e-01, 2.1231e-01, -4.2324e-01,\n"," -3.7438e-01, -1.9578e-01, 8.6346e-02, 6.1382e-01, 1.5777e-01,\n"," 1.4803e-01, 3.1891e-01, -3.1797e-01, -4.8079e-01, -2.9904e-01,\n"," 7.5277e-02, -7.7568e-02, 1.8260e-01, -1.7052e-01, -5.3166e-01,\n"," -2.2905e-01, 9.9965e-02, 8.8674e-02, 2.2100e-01, 2.3821e-01,\n"," -2.6148e-01, -6.4448e-03, 3.6649e-01, 3.2933e-01, -5.8273e-01,\n"," 4.5943e-02, -3.3525e-01, -2.1579e-01, 5.7436e-02, -4.9912e-01,\n"," -3.5531e-01, -1.5240e-01, 1.1543e-01, 5.4653e-02, 2.3208e-01,\n"," 5.7302e-01, 2.9494e-01, 2.4484e-01, -2.7409e-01, -1.8403e-02,\n"," 7.9628e-02, -1.7583e-02, -5.8299e-02, -4.5151e-01, -3.4850e-01,\n"," 2.6555e-02, 1.6538e-01, 1.3187e-01, -7.6054e-02, 7.4135e-02,\n"," 4.9512e-02, 1.4933e-02, -2.2375e-02, 2.9116e-02, -2.9583e-02,\n"," -1.8371e-01, 2.1525e-01, 2.1788e-01, -1.3803e-01, 1.9193e-01,\n"," 1.8964e-01, 3.9203e-01, -4.4168e-01, -3.3379e-02, 4.6331e-01,\n"," -4.9910e-01, -3.1701e-01, -1.0157e-01, 1.0160e+00, 7.0971e-01,\n"," -7.4534e-02, -9.1023e-03, 1.4531e-01, -1.8842e-01, -1.4315e-01,\n"," -1.2318e-01, -1.9530e-01, -3.6618e-01, 4.1947e-01, -1.0312e-01,\n"," -3.5979e-01, 2.0061e-01, -6.3292e-02, 2.9959e-01, -3.7871e-01,\n"," -7.6888e-02, -3.6421e-01, -5.5796e-04, 4.9564e-02, 4.4603e-01,\n"," -8.6819e-05, -5.1680e-02, 9.7872e-02, 3.0047e-01, 9.8823e-02,\n"," -2.6315e-01, 7.7465e-03, -1.8158e-01, -3.6351e-01, -2.0875e-01,\n"," 2.1281e-01, 7.3532e-01, -6.2573e-01, 3.1954e-01, -1.7914e-01,\n"," -6.8135e-01, -1.3013e-02, 3.9061e-01, 1.9133e-01, -1.7642e-01,\n"," 3.1850e-01, 1.8145e-01, 2.1918e-01, 2.2871e-01, -5.7479e-01,\n"," -2.7105e-01, 7.1082e-02, 4.2167e-01, 2.9609e-01, 1.6295e-01,\n"," -2.1418e-02, 3.3102e-01, 2.6365e-01, -2.1342e-01, 3.3048e-01,\n"," 2.2376e-01, -1.9068e-01, -2.2435e-01, 1.9898e-02, -1.5781e-01,\n"," 5.6756e-02, -2.8271e-03, -8.3910e-02, -3.8621e-02, 1.4286e-01,\n"," -3.3117e-01, 2.1200e-02, 1.6305e-01, -4.2152e-03, -7.8578e-02,\n"," -5.3149e-01, 1.6736e-02, -2.0410e-01, -2.8110e-02, 2.2032e-01,\n"," 1.2070e-02, -1.7500e-01, -1.1821e+00, -1.1400e-02, -2.5523e-01,\n"," -1.4252e-01, -1.1098e-01, 5.2331e-03, 6.6988e-01, 3.1522e-01,\n"," -3.6587e-01, -2.1484e-01, 1.0689e-01, 4.2707e-01, 2.6624e-01,\n"," 1.4765e-01, 3.7280e-02, -2.0889e-02, 1.5557e-01, -6.8058e-02,\n"," 1.5084e-01, -6.5229e-01, -2.8818e-01, -8.0414e-02, -1.8360e-01,\n"," -1.7340e-01, -1.8789e-01, 5.6256e-01, -2.9863e-01, -2.0133e-01,\n"," -3.4376e-01, 1.2683e-01, -5.9783e-02, 2.7311e-01, -2.8293e-01,\n"," 6.9732e-02, -2.9131e-01, 5.9031e-02, -1.3735e-01, 3.4276e-01,\n"," -1.4672e-01, 3.2908e-01, 3.8097e-01, 5.9105e-01, -3.2311e-01,\n"," -1.9467e-01, 4.2301e-02, -8.1523e-02, -2.2980e-02, 4.0276e-01,\n"," -2.1492e-01, 1.2680e-01, -3.9339e-01, -1.3606e-01, -3.6342e-02,\n"," -9.9831e-01, 4.3902e-01, -7.1286e-02, -2.6072e-02, 3.5223e-03,\n"," 1.9533e-01, -1.0678e-02, -3.2131e-01, 8.4775e-03, -1.2253e-01,\n"," 4.0220e-01, 3.2753e-01, -2.3378e-01, -9.9193e-02, -3.1437e-01,\n"," 2.3696e-01, -4.9375e-02, -1.1315e-01, 8.9506e-02, 3.4871e-01,\n"," -4.2066e-02, 1.1719e-01, 6.8989e-02, -1.3901e-01, 7.7135e-02,\n"," -4.7364e-03, -3.0045e-01, -2.6808e-01, -1.8846e-01, -1.6031e-01,\n"," 1.2057e-01, -1.9412e-01, -3.0179e+00, -1.5812e-01, 2.1011e-01,\n"," -8.6287e-02, 4.2192e-02, -3.7968e-01, 5.7899e-01, 4.8529e-02,\n"," -1.1639e-01, -1.9069e-01, 1.9664e-01, -4.7617e-01, 1.3494e-01,\n"," -2.7590e-03, -2.0677e-01, 1.5721e-01]])\n","-: tensor([[ 3.0881e-01, -1.8431e-02, -1.8723e-01, -2.0743e-03, -1.3487e-01,\n"," -4.9475e-02, 4.3985e-01, -2.4973e-02, 3.3502e-01, -5.3035e-01,\n"," 9.7750e-03, 1.0307e-02, 7.6879e-03, 8.0298e-02, -8.7145e-02,\n"," -7.2275e-02, 6.6143e-02, 3.4019e-01, 4.5770e-01, 2.2446e-02,\n"," 4.7634e-01, -5.2016e-02, 2.2895e-01, 8.1737e-02, 1.2476e-01,\n"," 1.3980e-01, -2.7710e-01, 1.5021e-01, -2.4448e-01, 2.0755e-02,\n"," 1.9976e-01, 1.7917e-01, -6.6373e-01, 6.0277e-01, 1.3352e-01,\n"," -1.8082e-01, 3.3583e-01, -1.9302e-01, 2.4297e-01, -3.6388e-02,\n"," -1.5318e-02, -5.9102e-02, -2.6925e-01, -1.7659e-01, 1.9031e-04,\n"," -9.3259e-02, -5.6735e-01, -8.8457e-02, -4.9099e-01, -1.9993e-01,\n"," -3.3283e-01, 7.9535e-02, 4.8903e-01, 5.6563e-01, -1.7308e-01,\n"," 3.6665e-01, 1.1027e-01, 1.4337e-01, -2.3334e-01, 2.7151e-01,\n"," 1.0027e-01, 4.7967e-01, 1.4626e-01, 1.1997e-01, 4.6199e-01,\n"," 2.8828e-01, 1.3253e-01, 1.3095e-01, -3.0922e-01, 3.8638e-01,\n"," -4.4984e-01, -5.7286e-01, 1.7795e-01, 2.0185e-01, 3.7316e-01,\n"," -5.2352e-02, -1.0832e-01, 3.8096e-01, 1.5721e-01, -4.3419e-02,\n"," 4.4761e-01, 2.1262e-01, 1.6401e-01, 1.8217e-01, 4.2928e-01,\n"," 2.4439e-01, -2.3081e-01, -1.4977e-01, 1.4295e-01, -2.2510e-01,\n"," -2.3632e-01, -3.0739e-01, -1.4158e-02, 2.4953e-01, -2.8313e-02,\n"," -2.1629e-01, -2.6970e-01, -9.2278e-02, 2.3390e-01, -2.5901e-01,\n"," 3.8780e-03, -5.0197e-01, -1.7892e-01, 2.4655e-02, -2.4109e-01,\n"," -2.8732e-01, -1.4773e-01, -3.2083e-01, 1.5485e-01, -9.4527e-01,\n"," 4.2784e-02, 4.0101e-01, 6.4385e-02, 1.7875e-02, -8.8187e-02,\n"," 5.1481e-01, 1.6086e-01, 1.7307e-01, 3.2073e-01, 5.0476e-01,\n"," -3.2060e-01, 2.0526e-01, -6.6513e-02, 4.9185e-01, -6.0099e-02,\n"," 3.6929e-01, 2.5052e-01, -3.3704e-01, -2.3335e-01, -1.9160e-01,\n"," 6.3221e-02, 5.3876e-01, 1.6195e-01, -1.3072e-01, -2.6529e-01,\n"," -1.3970e-01, 3.2382e-01, 1.7605e-01, -5.3121e-01, -3.8378e-02,\n"," -1.2451e-01, 2.2193e-01, -1.1207e+00, -2.9178e-01, 6.1909e-01,\n"," 1.5995e-01, 1.6181e-01, -7.2952e-02, 5.7034e-01, -2.4582e-01,\n"," 3.1664e-01, 4.4156e-02, -1.0142e-01, 1.0701e-01, -7.7426e-01,\n"," -2.5601e-01, 1.7534e-01, 8.7972e-02, 3.8632e-01, 5.7367e-01,\n"," 5.3502e-01, 2.6261e-01, 5.5710e-01, 3.6893e-01, -2.7515e-02,\n"," 9.8149e-02, -2.2874e-01, 5.5041e-01, 3.5332e-01, 1.3156e-02,\n"," -2.6012e-01, -5.5077e-01, 2.3858e-01, 4.2729e-02, -2.9299e-01,\n"," 4.3785e-01, 1.9440e-01, 1.5930e-01, -3.4150e-02, -4.4707e-01,\n"," -2.7735e+00, -4.8181e-02, 4.7313e-02, -2.4471e-01, 1.8528e-01,\n"," -3.8483e-01, 4.5337e-02, -1.6357e-01, -6.2813e-02, 1.6328e-01,\n"," -1.3078e-01, -1.1456e-01, -2.1758e-01, 5.4536e-01, 4.1796e-01,\n"," -1.3591e-01, -2.7533e-03, -5.1131e-01, 4.3371e-02, -9.0913e-02,\n"," 4.3065e-02, -1.3867e-01, 4.7574e-02, 2.2984e-01, -2.0350e-01,\n"," 1.4777e+00, -2.0221e-01, -4.3939e-01, 2.7812e-01, -5.4217e-02,\n"," -6.2090e-01, 4.4726e-01, 4.4734e-01, -5.7979e-01, 6.4312e-02,\n"," -2.8265e-01, 3.6540e-01, -3.0646e-01, -3.3377e-02, -8.3762e-02,\n"," -1.4298e-01, -7.7321e-03, 1.4864e-02, 2.1774e-01, -3.4082e-01,\n"," -3.6549e-01, 1.8373e-01, 3.5785e-01, 1.2703e-02, -5.8164e-01,\n"," -2.1877e-01, -3.5604e-01, 1.2492e-01, 2.8744e-01, -2.1492e-02,\n"," 2.1360e-02, 9.0692e-02, -1.5428e-01, -6.4428e-02, -2.3393e-01,\n"," 5.7481e-02, 1.6744e-01, 1.2930e-01, 3.6524e-01, -4.5820e-01,\n"," 1.4073e-01, 2.9452e-01, -1.0094e-01, 2.0882e-01, -7.8174e-02,\n"," -9.5813e-02, -4.7136e-01, -4.6895e-02, -3.4572e-01, 4.3377e-02,\n"," 1.9695e-01, 7.0562e-02, -1.6429e-01, -3.7607e-03, 5.2542e-02,\n"," -1.5150e-01, 1.4484e-01, 2.7844e-01, -8.1543e-02, -3.7834e-01,\n"," 6.4515e-02, 2.0875e-01, -4.1447e-01, -8.8050e-02, 1.3991e-01,\n"," -1.0528e-01, -6.1875e-02, -1.0741e-01, -1.2388e+00, -2.4134e-01,\n"," -3.2277e-01, 5.5973e-01, 1.3245e-01, -7.8635e-02, 8.3189e-02,\n"," 1.3357e-01, 3.9026e-01, -1.7185e-01, 2.5468e-01, 2.5899e-01,\n"," -4.3948e-01, -2.6243e-01, -5.3407e-01, 3.3849e-01, -3.3655e-01,\n"," -2.7990e-01, 1.0349e-02, 1.4530e-01, 3.3844e-01, 1.2926e-02,\n"," -7.0957e-02, 4.4945e-01, -8.6354e-02, -3.8247e-01, 3.0030e-02,\n"," 5.8441e-02, -2.7072e-01, -4.0820e-01, -3.4088e-01, -1.1057e-01,\n"," 6.9281e-02, 1.4232e-03, 1.1199e-01, -2.1359e+00, -8.4013e-02,\n"," 8.6298e-04, -3.1330e-01, -3.1417e-02, -2.0773e-02, 2.5969e-01,\n"," -3.1765e-01, -2.6191e-01, -1.9374e-02, 1.2681e-01, -2.3586e-01,\n"," 2.0729e-01, 2.3280e-01, 5.4218e-01, 3.1464e-01, -4.1739e-02,\n"," 8.8836e-02, -1.8059e-01, 3.1180e-02, -8.8437e-02, 1.0642e-01,\n"," 3.9288e-01, -4.4002e-01, 2.9638e-01, 1.4696e-01, -2.6648e-01,\n"," 1.6345e-01, -5.8564e-01, -7.9970e-02, -8.0786e-02, -4.2115e-01,\n"," -1.5261e-01, 2.6673e-01, -1.3879e-01, 4.9749e-02, 1.1419e-01,\n"," -7.3311e-02, 7.7170e-01, 2.4730e-01, -1.0701e-01, 3.0918e-01,\n"," 1.3267e-01, 2.3126e-01, -1.1653e-01, 4.7934e-01, -2.0004e-01,\n"," -3.1478e-01, -3.5324e-02, -1.8873e-01, 2.5209e-02, -3.1662e-01,\n"," 3.2575e-01, -1.3358e-01, -2.0875e-01, -2.9592e-01, 3.2679e-01,\n"," 4.0825e-02, -3.1138e-01, -9.7667e-02, 1.0777e-01, -4.7067e-01,\n"," 2.9488e-02, 7.3456e-03, -4.5606e-01, 3.5407e-01, -9.8753e-02,\n"," 6.3368e-02, -2.6063e-01, -1.9631e-01, 2.1140e-02, 7.4937e-02,\n"," 8.9374e-03, -7.3127e-01, -3.0261e-01, 6.6611e-02, -6.7388e-01,\n"," -4.2806e-02, 5.9818e-01, -4.7534e-01, -5.8988e-02, -1.9419e-02,\n"," -2.3791e-01, 3.2545e-01, 1.6591e-01, 4.6574e-02, 5.5026e-01,\n"," -1.8627e-01, -2.0221e-01, -1.6992e-01, 2.9499e-01, 1.5326e-01,\n"," 1.9270e-02, 2.4621e-01, 1.2050e-02, 5.2469e-01, 1.6512e-01,\n"," -2.6104e-01, 9.2767e-02, 2.3603e-02, -8.8077e-02, -8.8156e-02,\n"," -2.4892e-02, 1.3019e-01, 1.1889e-02, 1.4010e-01, -7.1788e-01,\n"," 2.6608e-02, 3.6268e-02, -2.5298e-01, 4.2888e-01, -6.4859e-01,\n"," 9.8205e-02, 3.5307e-01, 5.0112e-01, -5.4153e-01, -6.6189e-02,\n"," 2.6129e-02, -1.9491e-02, 2.7243e-01, 3.3352e-01, -3.1321e-02,\n"," 9.8212e-02, -1.8364e-01, 2.1382e-01, 2.3711e-01, 2.1198e-01,\n"," -5.1263e-01, -5.3737e-01, -9.8104e-02, 2.9240e-01, 2.7386e-01,\n"," 1.4614e-01, -7.6071e-01, -1.2294e-01, 5.5545e-02, -9.1988e-02,\n"," 6.0640e-01, 4.6874e-02, 5.5175e-01, 5.5830e-01, 1.6957e-01,\n"," -4.5140e-01, 2.2449e-01, 2.0423e-01, 3.0442e-01, -9.1970e-02,\n"," 2.0044e-01, 1.2277e-01, 4.3866e-01, 1.4634e-01, -3.8025e-01,\n"," 5.7555e-01, -3.6780e-01, -1.4852e-01, -2.9311e-01, 1.8530e-01,\n"," -5.4767e-01, -3.1603e-01, 1.8686e-01, -2.4414e-01, 1.8953e-01,\n"," -2.6241e-01, 3.2963e-01, 2.1885e-01, -8.2357e-03, 2.0849e-01,\n"," -7.0639e-02, -6.1242e-01, 2.8057e-01, 3.2841e-01, 1.5015e-02,\n"," -1.9113e-01, 6.3136e-02, 2.5264e-01, -7.0410e-02, -6.2326e-03,\n"," -2.8874e-02, 3.9968e-01, 1.1005e-01, -1.2466e-01, -3.1321e-01,\n"," -8.1496e-02, 7.1259e-02, 2.4384e-01, -9.1276e-03, -2.9388e-01,\n"," -3.9513e-01, 1.2320e-01, 4.2580e-01, 2.7149e-01, -3.8357e-01,\n"," -3.9259e-02, -1.9710e-01, -4.7921e-01, -4.0352e-01, 3.6449e-01,\n"," 2.6308e-02, 7.3807e-02, 2.1356e-01, 3.0931e-01, 1.1677e-01,\n"," -4.9016e-02, 1.3813e-01, 1.4178e-01, -1.2268e-01, 2.5576e-01,\n"," 5.1400e-01, -2.7425e-01, -1.8913e-01, 1.0101e-01, -3.3838e-01,\n"," -2.9238e-01, -5.5262e-01, 2.8674e-01, 1.9634e-01, 3.7120e-01,\n"," 1.7354e-01, 4.2791e-01, -1.9697e-01, -5.9127e-01, -3.6937e-01,\n"," -1.9443e-01, 1.0262e-01, -1.0176e-01, 3.5622e-04, -3.4120e-01,\n"," -5.4022e-01, -5.0228e-01, -4.1879e-01, -3.9689e-01, 3.2575e-01,\n"," 1.2836e-01, -5.1145e-03, 3.3047e-01, -1.4841e-01, -2.8841e-01,\n"," 1.3860e-01, -9.3225e-02, 2.4217e-01, 2.2177e-01, -3.9906e-01,\n"," -2.3422e-01, 8.1297e-02, -3.4354e-01, 6.7377e-03, 1.5799e-01,\n"," 2.7954e-01, 2.0366e-01, 2.4677e-01, -3.1699e-01, -3.6054e-01,\n"," 1.9518e-01, -3.6106e-01, -5.6279e-02, -4.3485e-01, 1.5595e-01,\n"," 7.3996e-02, 9.8081e-02, -2.1425e-01, -1.8261e-01, 5.6920e-02,\n"," 8.2795e-02, -2.0711e-01, 6.9064e-02, 2.2939e-01, -9.3168e-02,\n"," 5.8189e-01, 1.2109e-01, 5.0591e-01, -1.0948e-01, 1.5804e-01,\n"," -4.2084e-01, 1.6607e-01, -4.0567e-01, -1.8787e-01, 1.5802e-01,\n"," -2.8762e-01, -6.4372e-01, -1.6994e-01, 1.0742e+00, 6.0754e-01,\n"," -1.2398e-01, -2.3258e-01, 3.9317e-02, -2.6285e-01, -5.0107e-01,\n"," 2.4170e-02, 2.4937e-01, -3.6157e-01, 4.4621e-01, 2.4640e-01,\n"," 3.4309e-02, 3.4567e-01, -3.8077e-01, 1.1273e-01, -4.5777e-01,\n"," -2.5005e-01, -6.6396e-01, 2.6011e-01, -2.9320e-01, 6.6699e-01,\n"," -3.6833e-01, 3.3794e-02, -2.0355e-02, 1.6663e-01, 6.6694e-01,\n"," 1.4021e-01, 2.5975e-01, -1.7444e-02, -1.3142e-01, 4.3643e-01,\n"," 8.4788e-02, 5.8767e-01, -5.7058e-01, -1.0283e-01, -3.5304e-01,\n"," -6.6969e-01, -1.0152e-01, 1.7763e-01, -1.7186e-01, -1.1462e-01,\n"," 2.6949e-01, 3.6778e-01, 1.3292e-01, 1.1114e-01, -4.2783e-01,\n"," -2.0638e-01, -3.5399e-01, 1.0316e-01, 1.4024e-01, 2.1931e-01,\n"," -2.3168e-01, 3.1902e-01, -2.9244e-01, -3.7271e-01, 2.4853e-01,\n"," 3.2360e-01, -1.9291e-01, -9.9434e-02, 5.9524e-02, 9.4724e-02,\n"," 6.3932e-02, 2.7129e-01, 1.3411e-01, -1.4441e-01, -3.0720e-01,\n"," 2.4942e-01, -4.9376e-02, -3.9676e-01, 1.1472e-01, 9.4558e-02,\n"," 2.7924e-02, -1.6204e-01, -3.5314e-01, -6.3576e-01, -5.6745e-02,\n"," 1.4032e-01, -2.2482e-01, -1.1739e+00, 1.5968e-01, -8.4789e-02,\n"," -2.2310e-01, -5.3320e-02, 4.9960e-01, 3.4601e-01, -1.2102e-01,\n"," -1.8815e-01, -3.2725e-01, -7.0873e-02, 4.8036e-02, 2.0354e-01,\n"," -4.2389e-02, -2.6361e-02, 1.3182e-01, 6.5451e-02, 1.4911e-01,\n"," 2.8582e-01, -2.6823e-01, 3.5206e-01, 2.7665e-01, -5.7584e-02,\n"," -7.3346e-02, 2.0605e-01, 2.2716e-01, -8.2873e-01, -3.0445e-01,\n"," -1.5500e-01, 4.6156e-01, -1.0073e-01, 7.4445e-01, -9.4295e-02,\n"," 6.6074e-02, -1.8402e-01, -2.9506e-01, 8.1425e-02, 1.7701e-01,\n"," 1.8796e-01, 6.5443e-01, -3.3569e-02, 6.6976e-01, 1.3333e-01,\n"," -3.0119e-01, -1.0617e-01, -3.3671e-01, 9.6051e-02, -1.4850e-03,\n"," 4.6755e-01, -3.3934e-01, -7.8341e-01, -9.4983e-02, 2.5593e-01,\n"," -1.1166e+00, 7.7357e-01, -8.6369e-02, -2.5843e-01, -8.2375e-02,\n"," 1.6280e-01, -7.4769e-02, -6.1348e-01, 2.4280e-01, -6.2289e-01,\n"," 1.1129e-01, 3.0934e-03, -2.9315e-01, -2.6015e-01, -6.4838e-01,\n"," 5.8760e-01, 5.5165e-01, -2.2982e-01, 2.3379e-01, 2.2738e-01,\n"," 3.2897e-01, -2.1704e-01, 5.6538e-01, -3.5777e-01, 3.5868e-01,\n"," -1.4628e-02, 1.7756e-01, -5.6393e-01, -5.4452e-01, -1.5569e-01,\n"," 4.0129e-01, 9.1878e-02, -2.9235e+00, -2.1916e-01, 1.0543e-01,\n"," -2.9480e-01, 1.7017e-01, 2.5921e-02, 5.4776e-01, -6.6025e-02,\n"," 2.8036e-01, -1.1701e-01, 1.3038e-01, -3.1908e-01, -5.0228e-02,\n"," 1.7403e-01, 1.4155e-01, 3.2593e-01]])\n","friendly: tensor([[-2.2140e-01, 4.3990e-02, -2.3101e-01, -1.8569e-01, -1.3231e-01,\n"," -2.7459e-01, 4.2728e-01, 1.6677e-01, -7.7132e-02, -9.4585e-02,\n"," -7.2238e-02, -8.3458e-02, 2.6498e-01, -1.1185e-01, -3.1985e-01,\n"," 1.0869e-02, 1.3324e-02, 5.5499e-02, 3.1895e-01, 2.6277e-01,\n"," 1.7810e-01, -1.7001e-01, -9.3102e-02, 1.6224e-02, 1.1539e-01,\n"," 1.6234e-01, -1.5458e-02, 1.6934e-02, 3.3433e-02, -9.2549e-02,\n"," 1.1977e-01, -2.7937e-01, 4.6653e-02, 1.9252e-01, -9.6098e-02,\n"," -8.1045e-02, 2.3850e-01, 7.7941e-02, -5.9016e-01, 2.7907e-01,\n"," -1.8927e-01, -1.0746e-01, 1.2495e-01, -6.9341e-02, 3.4162e-01,\n"," -3.3531e-01, -1.5507e-02, 1.5959e-01, -1.2481e-01, 2.4653e-01,\n"," -2.5131e-01, 2.2947e-01, -1.9405e-01, 2.3186e-01, 9.5830e-02,\n"," 2.9084e-01, 1.6804e-01, -1.8679e-01, -3.1979e-01, -4.0190e-02,\n"," -3.7584e-01, 2.3215e-01, -1.8206e-01, -1.0988e-02, 3.1072e-01,\n"," 4.4216e-01, 1.9822e-01, -1.7736e-01, -4.3226e-01, 2.0933e-01,\n"," -1.8594e-01, -1.1083e-01, 2.5158e-01, 1.6061e-01, 3.0126e-01,\n"," 4.4919e-01, -2.6176e-01, 3.0893e-01, -1.3984e-01, -1.6927e-01,\n"," 8.1348e-02, -9.7839e-03, -7.0780e-02, 3.1439e-01, 1.6373e-02,\n"," 4.4280e-01, -4.0384e-01, -7.2722e-02, -1.4546e-01, 6.7337e-02,\n"," -1.2445e-01, 1.0607e-01, 4.1447e-02, 5.0354e-02, 2.2233e-01,\n"," 2.9890e-01, -2.4084e-01, 2.8672e-01, -2.4250e-01, -1.4397e-01,\n"," 1.0763e-01, 1.8062e-01, -1.3753e-01, 2.7959e-01, -1.9898e-01,\n"," 1.6520e-01, -7.7052e-02, -3.5875e-01, 1.0365e-01, -2.9368e-01,\n"," 3.6961e-01, 1.4354e-01, 6.3835e-02, -8.1978e-02, -4.2554e-01,\n"," 3.3810e-01, -8.5893e-02, -1.5604e-01, -1.0030e-01, 1.5558e-01,\n"," -5.6946e-01, -5.6166e-01, -2.1474e-01, 5.6901e-01, -1.0066e-01,\n"," 1.2305e-01, -2.8007e-03, -4.0254e-02, 1.2015e-01, -3.2802e-01,\n"," 7.2741e-02, 2.4190e-01, -6.5859e-02, 2.3377e-01, -2.3166e-01,\n"," 2.3591e-01, 2.5592e-01, -1.1789e-01, -4.1824e-01, -8.1399e-03,\n"," 1.3829e-01, 3.6739e-01, -8.8446e-01, -2.8105e-01, 2.6968e-01,\n"," 1.1998e-01, 3.0770e-01, 5.5954e-02, 2.3089e-01, -2.7707e-01,\n"," 6.8921e-02, 1.8563e-01, -2.4531e-01, -2.8641e-01, -5.9113e-01,\n"," -1.6114e-01, 1.4747e-01, 3.1348e-03, 3.5620e-01, 4.8936e-01,\n"," 1.9966e-01, 3.9166e-02, 3.8746e-02, 5.8677e-02, -2.3945e-01,\n"," 3.0113e-01, -2.0508e-01, 7.3599e-01, 1.2720e-01, 2.3369e-01,\n"," -1.9826e-01, -8.8454e-02, 5.5964e-01, 9.3382e-02, -7.0938e-02,\n"," 2.3816e-01, -8.9947e-02, 4.1020e-01, 1.6041e-01, -2.1967e-01,\n"," -3.0013e+00, -9.2743e-03, 1.6197e-01, 1.8251e-01, 3.4978e-01,\n"," -5.7023e-01, 2.4223e-01, -3.8069e-01, -4.7157e-02, -3.7828e-02,\n"," -1.6632e-01, -1.4762e-01, -4.1309e-01, 1.5553e-01, 1.4430e-01,\n"," -1.8244e-01, -2.2679e-02, -2.7880e-01, -3.0313e-01, -2.3532e-01,\n"," 3.6923e-01, 6.1061e-02, 8.0316e-02, 7.4025e-01, 1.3070e-01,\n"," 6.6586e-01, 1.9735e-01, -4.1408e-01, 2.2176e-01, 2.3102e-01,\n"," -7.2303e-01, 7.2317e-01, -9.0471e-02, 1.0948e-02, 1.7466e-01,\n"," -5.1220e-01, 2.4975e-01, -3.2865e-02, -4.0506e-01, 4.5636e-02,\n"," 9.8683e-02, 2.8699e-02, -2.0806e-01, 1.4779e-01, -7.5121e-02,\n"," -2.2047e-01, 1.8203e-01, 2.4130e-01, 4.7734e-02, 3.9481e-01,\n"," 6.5021e-02, -2.2825e-01, 1.7691e-01, -1.2419e-01, -5.8243e-01,\n"," 2.1777e-02, -2.2865e-01, -2.4909e-01, -6.6129e-02, -2.0299e-01,\n"," -3.6645e-01, -9.0265e-02, 3.8731e-01, -6.6940e-03, -9.6125e-02,\n"," -9.3349e-02, 1.4660e-01, 1.4350e-01, 3.8704e-01, 2.7450e-01,\n"," -7.7417e-02, -4.4768e-01, 9.4376e-02, -4.9511e-01, -3.5469e-01,\n"," 1.2696e-01, -3.2623e-01, 1.5129e-02, 2.4072e-01, 1.3385e-04,\n"," 3.0715e-02, 5.1471e-01, 6.4129e-01, 7.9104e-02, -4.2079e-01,\n"," -1.1808e-01, 3.4792e-01, -2.6498e-01, -3.8793e-01, -1.5324e-01,\n"," -5.5945e-02, -9.4088e-02, 1.6347e-01, -1.1053e+00, -2.9547e-01,\n"," 6.2842e-02, 1.1614e-01, 2.2374e-01, 1.3019e-01, 2.6067e-01,\n"," 1.5147e-01, 3.7435e-01, -3.7838e-01, 9.6783e-02, 2.0990e-01,\n"," -5.4412e-02, -3.5627e-01, -5.1388e-01, -1.1376e-02, -8.1279e-01,\n"," -3.5639e-01, -7.1313e-03, -1.7301e-02, 1.5902e-01, 3.8770e-01,\n"," -1.0624e-02, 2.4233e-01, 5.3838e-01, 2.2376e-01, -4.8049e-01,\n"," -1.9268e-01, -1.3558e-01, 9.0444e-02, -1.3063e-01, -3.1983e-01,\n"," 3.5327e-01, -1.0118e-01, -1.2608e-01, -9.5633e-01, 9.3933e-02,\n"," 2.2519e-01, -3.9695e-01, 3.2696e-01, -2.1269e-01, 3.3800e-02,\n"," -2.2256e-01, -2.5215e-01, 2.8579e-02, 3.4871e-01, -2.7549e-01,\n"," 1.2763e-01, 1.7217e-01, 1.1703e-01, 9.9974e-02, -8.7098e-02,\n"," -4.2079e-01, -4.5264e-01, 8.6515e-02, -3.1557e-01, 1.4825e-01,\n"," 4.5001e-01, -1.0715e-01, 4.3266e-01, 6.6619e-01, 8.5136e-02,\n"," -1.0335e-01, -3.8336e-01, 1.2168e-02, -1.5803e-01, -6.9077e-01,\n"," -1.3883e-01, 7.4722e-02, 2.7904e-01, -9.2847e-02, 9.3060e-02,\n"," 6.1240e-03, 6.1494e-01, 1.2945e-01, -1.5732e-01, 6.9183e-01,\n"," 1.6385e-01, -2.3872e-01, 1.2606e-01, 6.1848e-02, 2.0207e-01,\n"," -2.2207e-01, -8.5002e-02, 2.3885e-01, 3.5521e-01, 1.0839e-01,\n"," 1.8917e-01, 1.8385e-01, -2.0928e-01, -6.5909e-02, 5.4083e-01,\n"," 8.8611e-02, -1.0496e-01, -2.1398e-01, 1.3426e-01, -5.3383e-01,\n"," -3.0711e-01, 5.4021e-01, -5.5171e-01, -8.2184e-02, -1.6170e-01,\n"," -3.6097e-01, -6.1571e-01, -1.8834e-01, -9.6056e-02, -1.8795e-01,\n"," -5.2093e-02, -5.8610e-01, -4.5821e-01, 9.6426e-02, -5.4460e-01,\n"," -1.2478e-01, 5.1568e-01, -7.7464e-02, 3.5568e-01, 1.1471e-02,\n"," 1.9701e-01, 4.7505e-02, -2.1873e-02, 8.8611e-02, 4.5519e-01,\n"," -1.1944e-01, -1.2359e-01, -2.1752e-01, 5.3304e-02, 1.2860e-01,\n"," 4.9646e-01, 8.4634e-02, -1.0469e-01, -7.9650e-02, 5.6457e-01,\n"," -1.9883e-01, 2.8792e-01, 2.5937e-02, -4.4254e-01, -1.9489e-01,\n"," -1.7583e-03, -2.9220e-02, 2.3755e-01, 2.6710e-01, -7.1081e-01,\n"," 1.0912e-01, -4.4049e-01, -1.3170e-02, 2.7557e-01, -4.3362e-01,\n"," 3.6253e-01, -2.0488e-03, 1.0020e-01, -1.1445e-01, 2.0676e-01,\n"," 5.4378e-01, 3.8726e-02, 3.3511e-01, 3.6056e-02, 4.2015e-01,\n"," 4.5111e-02, 1.3374e-01, 2.3344e-02, -2.5005e-01, -2.3688e-01,\n"," -1.4459e-01, -3.3280e-01, -1.5493e-01, 8.9620e-02, 1.8205e-02,\n"," -1.1040e-02, -1.2356e-01, -8.7857e-02, 2.2025e-01, 1.8475e-01,\n"," -1.7261e-02, 7.8412e-02, 4.0545e-01, 4.1145e-01, 1.7174e-02,\n"," -7.2875e-01, -9.7719e-02, 5.5949e-03, 1.0518e-01, -1.7412e-02,\n"," 1.9229e-01, 3.3224e-01, 5.9189e-01, 1.3673e-02, -1.1727e-01,\n"," 1.2819e-01, -2.0587e-01, -2.3972e-01, -2.2935e-01, 1.9618e-01,\n"," -2.9501e-01, -2.7537e-01, -5.1856e-01, -1.3886e-01, 2.6392e-01,\n"," 5.0197e-02, 2.1378e-01, -2.4227e-01, -4.8913e-02, 5.2089e-01,\n"," -2.1730e-01, -5.5901e-01, 2.5854e-01, 2.6517e-01, -6.7904e-02,\n"," 1.8565e-01, -2.9149e-01, -2.2172e-01, 1.9169e-01, 6.0767e-02,\n"," -2.1403e-01, -5.9168e-02, -4.0758e-01, 4.3262e-02, -2.8231e-01,\n"," -4.2286e-01, -8.9155e-02, 4.5105e-01, -7.4169e-02, -2.9578e-01,\n"," -2.3969e-01, 5.4690e-01, 3.0796e-01, -2.2358e-01, 1.3989e-01,\n"," -2.7406e-02, -3.9248e-01, -1.6674e-01, 7.7951e-02, 3.7948e-01,\n"," -6.2921e-02, 3.5362e-01, 2.1037e-01, 4.7416e-01, 2.3264e-02,\n"," -8.3685e-02, 7.0152e-02, -2.5300e-02, 5.1693e-02, 1.8225e-01,\n"," 4.9543e-02, -7.5464e-01, -2.7417e-01, 1.1216e-01, -4.1438e-01,\n"," -4.0393e-01, -2.1570e-01, 1.9089e-01, -9.3532e-02, -5.4360e-02,\n"," 1.1550e-01, 5.3247e-01, -1.2127e-01, -8.6001e-01, -3.6610e-01,\n"," 3.1976e-01, 9.4871e-02, -2.0730e-01, -2.8352e-01, -6.0668e-01,\n"," 7.0774e-02, -3.5478e-01, 5.9646e-04, 1.2759e-01, 1.5255e-01,\n"," -7.5340e-02, 1.7927e-01, 4.3300e-01, 5.4584e-01, -7.5599e-01,\n"," -1.8844e-01, 1.6912e-01, -1.5979e-01, -8.2782e-02, -3.1725e-01,\n"," -2.4296e-01, -3.5661e-01, -1.1066e-01, 8.9850e-02, 2.8180e-01,\n"," 4.8817e-01, 2.3515e-01, -1.4627e-01, -1.9891e-01, 1.9904e-01,\n"," -2.2646e-01, -2.2034e-01, 1.7291e-02, -8.5324e-01, -1.7469e-01,\n"," -6.8533e-02, 1.5723e-01, -8.6268e-02, -2.0334e-01, 1.5038e-01,\n"," 6.0174e-01, 1.5042e-01, 1.8089e-01, -1.5350e-03, 3.7504e-01,\n"," 3.1026e-01, 3.6350e-01, -8.5630e-02, -4.5455e-01, 2.3315e-01,\n"," 2.2723e-01, 7.4062e-02, -7.3979e-01, 4.8461e-02, 3.8633e-01,\n"," -4.2881e-01, -4.3543e-01, 1.8005e-01, 8.1365e-01, 6.2875e-01,\n"," -1.6031e-01, -2.3770e-01, 2.8859e-01, -3.5813e-01, -4.3154e-01,\n"," 2.6327e-01, -3.6213e-01, -3.3508e-01, 3.5189e-01, 1.4123e-01,\n"," -1.6936e-01, 3.3539e-01, -7.9927e-02, 2.9265e-01, -4.6856e-01,\n"," 1.6675e-01, -4.3106e-01, 1.0660e-02, -7.5519e-02, 6.0020e-01,\n"," -1.4558e-01, 3.8719e-02, 3.6328e-01, 2.4681e-01, -6.1141e-02,\n"," -2.8942e-01, 9.6841e-02, -1.5411e-01, -6.3811e-01, 1.5561e-01,\n"," 4.7895e-02, 7.9830e-01, -6.9685e-01, 1.1707e-01, -2.0729e-01,\n"," -6.2589e-01, -7.5294e-02, 5.4696e-01, 3.7261e-02, -9.1875e-02,\n"," 6.1274e-01, 2.5483e-01, 3.4627e-01, 5.6471e-02, -6.4663e-01,\n"," -1.4319e-01, 2.6935e-01, 4.1623e-02, -3.4783e-02, -1.6462e-01,\n"," 5.9048e-02, 3.6063e-01, -9.9687e-03, -5.7519e-02, 4.6143e-01,\n"," 4.7618e-01, -4.4121e-01, -3.5480e-02, 6.8195e-02, 1.1921e-02,\n"," 1.0786e-01, -1.9254e-01, -3.8351e-02, -5.5723e-03, -8.8377e-02,\n"," -1.0217e-01, 5.8904e-01, -5.5207e-02, 2.1552e-01, -1.6631e-01,\n"," -3.7337e-01, 6.4523e-01, -1.8996e-01, -1.4433e-01, 3.3614e-01,\n"," 1.2116e-01, -3.1644e-01, -7.7746e-01, -3.5829e-02, -1.0090e-01,\n"," -2.1016e-01, -3.1180e-01, 2.2537e-01, 4.4257e-01, -2.9897e-01,\n"," -2.5892e-01, -6.5090e-01, 2.3045e-01, -3.9432e-02, 1.9616e-01,\n"," 1.7816e-01, 1.8608e-01, -1.0751e-01, 3.1153e-01, -2.2144e-01,\n"," 3.6135e-01, -6.9430e-01, -2.4637e-01, 1.1455e-01, -6.0557e-02,\n"," -3.0109e-01, -5.5075e-01, 2.0098e-01, -3.7480e-01, -4.4634e-01,\n"," -4.7232e-02, 2.1350e-01, -2.8659e-01, 3.4268e-01, -1.3709e-01,\n"," -2.1269e-02, -2.1056e-01, 2.3961e-02, 6.5842e-02, 5.4921e-01,\n"," 6.4956e-02, 5.2597e-01, 2.6960e-01, 3.4652e-01, -4.2813e-01,\n"," -2.8312e-01, 2.7482e-01, 1.2435e-01, -2.5831e-01, 5.0209e-01,\n"," -1.5110e-01, 6.1736e-02, -5.7234e-01, -1.7913e-01, 3.4566e-01,\n"," -9.7496e-01, 3.1378e-01, -2.1153e-01, -1.6925e-01, -1.1125e-01,\n"," -4.2962e-03, -8.9294e-02, -3.0602e-01, 2.6024e-01, -3.8842e-02,\n"," 4.6106e-01, 4.7882e-01, -1.6437e-01, 4.9871e-02, -1.7363e-01,\n"," 3.0205e-01, 1.6727e-01, -2.0798e-01, 1.0760e-01, 1.6372e-01,\n"," -2.7877e-01, 1.8806e-01, -7.9231e-02, -1.4879e-01, -1.8200e-01,\n"," 2.1610e-02, -2.6716e-02, -3.8582e-01, 1.3587e-01, -7.5767e-02,\n"," 3.2636e-01, -2.2711e-01, -2.4013e+00, -6.5937e-02, -1.2944e-01,\n"," -4.4829e-04, 1.3269e-01, -2.3314e-01, 3.3533e-01, 1.0924e-01,\n"," 1.9392e-01, -2.3777e-01, 8.5442e-02, -3.4079e-01, -1.5408e-01,\n"," -1.2083e-01, -3.7265e-01, 5.2429e-01]])\n","hotel: tensor([[ 2.7908e-01, 9.4146e-03, -6.8139e-02, 9.6196e-02, 4.0810e-02,\n"," -1.3135e-01, 3.5519e-01, -7.6731e-05, 6.2505e-02, -1.8185e-01,\n"," -6.4107e-02, -1.4285e-01, 5.6907e-02, 3.1357e-01, -2.2882e-03,\n"," -2.2001e-01, -6.7800e-02, 1.5486e-01, 2.0934e-01, 4.6053e-02,\n"," 1.3253e-01, -1.9163e-01, -1.2849e-01, 4.6003e-02, -3.9260e-02,\n"," -2.9305e-02, -3.6985e-01, 1.4145e-01, -3.0623e-01, 1.1645e-02,\n"," 5.6015e-02, -2.2196e-01, -1.7820e-01, 2.7386e-01, 2.7861e-02,\n"," -2.3392e-01, 4.5677e-01, -2.2790e-01, -8.6664e-02, 1.3434e-01,\n"," 1.7727e-01, -1.9236e-01, 2.1800e-01, 5.0067e-02, 5.0691e-02,\n"," -2.5351e-01, -2.0240e-01, -2.2629e-02, -5.7016e-01, 1.4532e-01,\n"," -1.3202e-01, 2.2689e-01, 1.9037e-02, 2.0918e-01, 2.2449e-01,\n"," 3.0113e-01, 7.0975e-02, 1.1823e-01, 1.2308e-01, -2.4572e-02,\n"," 1.4149e-01, 2.2063e-01, -2.6636e-01, -1.5777e-01, 3.7475e-01,\n"," 1.1711e-01, 4.0271e-01, -6.6022e-03, -3.6232e-01, 2.2540e-01,\n"," -4.0738e-03, -3.0458e-01, 4.4289e-01, 9.4033e-02, 2.1036e-01,\n"," 9.6991e-02, -1.7023e-01, 3.6529e-01, 7.3617e-04, -1.1050e-02,\n"," 2.4532e-01, 5.0537e-02, 2.9482e-01, 3.0451e-01, 1.1945e-01,\n"," 2.6726e-01, -1.4071e-01, -1.1701e-01, -1.3758e-01, -7.4477e-02,\n"," -2.7512e-01, 1.0624e-01, -1.6548e-01, 5.7256e-02, -8.3249e-02,\n"," 2.6120e-02, -2.7889e-01, 7.0773e-02, 1.2511e-01, -6.6685e-02,\n"," 1.1182e-03, -6.9043e-02, -1.4900e-01, 1.8673e-01, -1.1305e-01,\n"," -2.3677e-03, -5.7480e-02, -1.1612e-03, 1.9521e-01, -8.8678e-01,\n"," 1.6831e-01, -1.9830e-02, 8.8586e-02, -2.5630e-01, -1.2159e-01,\n"," 2.4695e-01, 2.9738e-01, 1.3840e-02, 5.7116e-02, 2.1598e-01,\n"," -3.7617e-01, -3.1240e-02, 2.6581e-01, 4.4810e-01, -1.5304e-02,\n"," 3.2936e-01, -4.2411e-02, -2.6470e-01, 1.0558e-01, -2.2191e-01,\n"," -2.5228e-01, 4.2098e-01, -1.5084e-02, 3.2047e-01, -1.1528e-01,\n"," 3.7665e-02, 3.3981e-01, 9.5118e-02, -2.9044e-01, -8.9801e-02,\n"," -1.3813e-01, 3.3212e-01, -1.2064e+00, -3.8895e-01, 3.6994e-02,\n"," 1.1402e-01, 3.2849e-01, -1.8504e-01, 3.2643e-01, -3.3489e-01,\n"," 1.5817e-01, 2.9202e-01, -3.1996e-01, 1.2986e-01, -5.0693e-01,\n"," -4.2294e-02, 5.4261e-02, -3.4255e-01, 3.0719e-01, 3.5942e-01,\n"," 2.7544e-01, 2.0953e-01, 2.2484e-01, 3.0299e-01, -2.8448e-01,\n"," -1.4170e-01, -2.5237e-01, 4.7105e-01, 3.7817e-01, 1.5275e-02,\n"," -5.2821e-01, -3.0538e-01, 2.2513e-03, 1.5382e-01, -1.8245e-01,\n"," 2.0200e-01, 9.2305e-03, 9.5428e-02, 5.9873e-02, -1.1206e-01,\n"," -2.9440e+00, -2.6973e-02, -1.6398e-01, 5.0678e-02, 4.3214e-01,\n"," -1.6268e-03, 2.6755e-01, -9.3951e-02, 2.8989e-01, -3.0928e-01,\n"," 5.5731e-02, -1.3277e-01, -3.2752e-01, 4.1419e-01, 3.1291e-01,\n"," -4.8974e-02, -1.3861e-01, -1.2247e-01, 8.6805e-02, 9.6140e-02,\n"," -1.8479e-02, -6.1620e-02, 1.4932e-01, 2.6347e-01, -3.6213e-01,\n"," 9.1182e-01, 1.4730e-01, -2.7555e-01, 1.2911e-01, 1.2100e-01,\n"," -3.1854e-01, 2.8886e-01, 1.4668e-01, -3.6578e-01, 3.3323e-01,\n"," -3.0589e-01, 3.8913e-01, -1.9843e-01, -2.7499e-01, -2.7171e-02,\n"," 2.9917e-01, -1.2832e-01, -1.3541e-01, 1.4934e-01, -1.8621e-01,\n"," -3.2177e-01, 1.9700e-01, 2.3834e-01, 1.4583e-01, -1.2899e-02,\n"," 6.6573e-02, -2.3177e-01, 1.3434e-01, 6.2806e-02, -1.7608e-01,\n"," 1.3308e-01, -9.6075e-02, -7.6201e-02, -1.8530e-01, -1.8173e-01,\n"," -1.4854e-01, -2.1228e-01, 2.2652e-01, 3.1460e-03, -1.7840e-01,\n"," -2.6897e-01, 2.0276e-02, 1.1786e-01, 2.9293e-01, -2.7274e-01,\n"," 1.2496e-01, -2.8416e-01, 2.6399e-01, -2.8472e-01, 5.8018e-02,\n"," 2.5393e-01, 1.9140e-01, 4.6696e-03, 8.6853e-02, 2.3182e-02,\n"," -8.4032e-02, 2.8723e-01, 1.0975e-01, -9.4958e-02, -2.7702e-01,\n"," 1.1316e-01, 2.8158e-04, -1.5736e-01, -4.3699e-02, -2.0182e-02,\n"," -1.3548e-01, -1.6716e-01, -1.9791e-01, -1.4800e+00, 1.2983e-01,\n"," -1.0172e-01, 8.8242e-02, 1.8721e-01, 3.5029e-01, 3.4374e-02,\n"," 1.0732e-02, 1.2717e-01, -9.3343e-02, 1.7040e-01, 1.9821e-01,\n"," -3.7623e-01, -4.0377e-01, -2.0646e-01, 1.0185e-01, -3.3118e-01,\n"," -2.8616e-02, 2.0963e-02, 1.0173e-01, 1.4556e-01, 3.2291e-01,\n"," -1.2766e-01, 2.9925e-01, 1.3302e-01, -1.8677e-01, -3.1726e-01,\n"," -1.9099e-01, 1.2165e-01, -1.2737e-01, -6.8218e-02, 1.2410e-02,\n"," 1.8145e-01, 1.6566e-01, -2.8658e-02, -2.3838e+00, -4.2838e-02,\n"," 7.9192e-02, -3.4706e-01, 1.6189e-01, -4.1553e-02, 2.3800e-01,\n"," -2.0929e-01, -3.1927e-01, 2.6142e-03, -4.9922e-02, -2.9749e-01,\n"," 2.0382e-01, 1.5181e-01, 5.9291e-02, 2.0820e-01, 4.6690e-04,\n"," -2.6570e-02, -2.7022e-01, -5.9255e-02, 3.4821e-02, 5.1372e-02,\n"," 9.9619e-02, -1.9078e-01, 8.4062e-02, 3.0166e-01, -1.5904e-01,\n"," 1.2045e-01, -5.0262e-01, 1.3861e-02, -9.6578e-02, -1.5591e-02,\n"," -1.6315e-02, 1.5061e-01, 1.1067e-02, 5.7491e-02, -4.7788e-03,\n"," 7.8907e-02, 6.8952e-01, -2.6607e-02, -4.1334e-04, 3.6423e-01,\n"," 1.3369e-01, -2.0541e-01, -1.6803e-01, -2.1445e-01, -5.5468e-02,\n"," -5.7439e-02, 2.6114e-03, 2.2773e-01, 2.1647e-01, -1.6487e-02,\n"," 2.3875e-01, 6.5916e-02, -1.0687e-01, -2.3371e-01, 1.4221e-01,\n"," 3.2152e-01, 4.3083e-02, -6.3169e-02, 1.2417e-01, -1.9511e-01,\n"," 3.6062e-01, 1.3469e-01, -3.6923e-01, 2.0563e-02, 2.5672e-02,\n"," 9.1979e-02, -1.1844e-01, 1.1237e-01, -1.7063e-01, -2.9483e-01,\n"," -1.0183e-01, -7.3483e-01, -6.0830e-01, 1.6242e-01, -3.4425e-01,\n"," 3.5687e-02, 3.5145e-01, -2.3207e-01, 2.0281e-01, 1.0505e-01,\n"," -2.1933e-01, 1.9892e-01, 1.8222e-01, -1.3797e-01, 7.8975e-02,\n"," 5.9763e-03, -2.0051e-01, -1.8499e-01, 1.6888e-01, 1.2403e-01,\n"," 3.7655e-01, -2.0431e-03, -7.7501e-02, 1.1545e-01, 8.6880e-02,\n"," -2.8327e-01, 6.8948e-02, 1.9041e-02, -4.0207e-01, -3.3468e-01,\n"," 2.6100e-01, 6.9018e-02, 9.4044e-02, -1.2524e-01, -2.6535e-01,\n"," -1.6012e-01, -3.0143e-01, 8.0218e-02, 1.3317e-01, -1.4799e-01,\n"," 1.9228e-01, 8.3282e-03, 2.3660e-01, -3.1152e-01, 7.3265e-03,\n"," 6.3997e-01, -4.0138e-02, 2.4381e-01, 9.4616e-02, 9.6614e-02,\n"," 1.2976e-01, -7.6739e-02, -1.9650e-01, 2.8393e-02, 6.2315e-03,\n"," -4.5713e-01, -1.5173e-01, -1.6068e-01, 1.3833e-01, -1.2368e-01,\n"," 7.4510e-02, -4.3046e-01, -1.2454e-01, 7.4271e-02, 1.5003e-01,\n"," 1.7577e-01, 4.6880e-01, 3.4916e-01, 2.1860e-01, 2.6478e-01,\n"," -4.8160e-01, 1.8335e-01, 1.8249e-01, 1.9588e-01, -8.3468e-02,\n"," 1.3145e-01, 4.2193e-01, 3.3501e-01, -3.3734e-02, -2.6534e-01,\n"," 3.1928e-01, -2.6141e-01, -1.6496e-01, -4.1273e-01, 1.2901e-01,\n"," 5.3358e-03, -1.2378e-01, 1.8835e-01, -2.8125e-01, -3.9302e-02,\n"," -1.0920e-01, 2.6754e-01, -2.5838e-01, -1.5763e-01, 1.8603e-01,\n"," -1.3307e-01, -4.4425e-01, 4.9626e-01, 3.6749e-01, 1.7143e-01,\n"," 4.8004e-02, -1.2476e-01, -3.3141e-02, 2.6679e-01, -2.6696e-02,\n"," -1.1989e-01, 2.3537e-01, 1.3474e-01, -1.4793e-01, -2.7368e-01,\n"," -9.3823e-02, 2.0651e-01, 6.1648e-02, -1.3721e-01, -3.4259e-01,\n"," -2.7265e-01, 3.0730e-01, 5.4558e-01, 3.1224e-01, -2.0058e-01,\n"," -2.3653e-01, -7.9165e-03, -3.4498e-01, 2.7827e-02, 1.0043e-01,\n"," 4.9292e-02, 2.3174e-01, 2.1430e-01, 1.5568e-01, 1.3809e-01,\n"," 2.1259e-02, 2.9527e-01, 2.9112e-01, -9.0410e-02, 2.2258e-01,\n"," 1.8553e-01, -2.9230e-01, 7.1455e-02, -7.2720e-02, -4.6181e-01,\n"," -1.7177e-01, -1.4722e-01, 1.2192e-02, 1.6454e-01, 2.8246e-01,\n"," 5.4141e-02, 1.2595e-01, 1.4988e-02, -2.7499e-01, -1.5692e-01,\n"," 9.1868e-02, -2.1326e-01, -3.5220e-01, 6.5435e-02, -1.1490e-01,\n"," -1.1999e-01, -2.1184e-01, 1.2018e-02, 6.1336e-02, 4.4122e-01,\n"," -1.2325e-01, -6.5252e-02, 7.8522e-01, 2.7108e-01, -3.5041e-01,\n"," -1.0090e-01, 1.5035e-01, 5.5486e-02, -4.2035e-02, -3.5440e-01,\n"," -2.0011e-01, -2.0030e-01, 1.1191e-03, 1.7554e-02, 1.5060e-02,\n"," 3.2884e-01, 1.9185e-01, -5.9172e-02, -2.1824e-01, -2.3935e-01,\n"," -3.4757e-02, -1.3366e-01, 3.8379e-02, -3.7384e-01, 4.9081e-03,\n"," 2.1150e-01, 2.7343e-01, 2.7674e-02, -2.0465e-01, 1.9808e-01,\n"," 3.2879e-01, -8.3666e-02, 2.1155e-01, 1.8294e-01, 1.3882e-01,\n"," 1.2704e-01, 3.4752e-01, 1.4569e-01, 5.9118e-02, 1.7788e-01,\n"," -1.3667e-01, 2.2889e-01, -4.0745e-01, 7.4396e-03, 3.9934e-01,\n"," -5.4115e-01, -2.1316e-01, -8.8560e-02, 8.6319e-01, 4.3814e-01,\n"," -2.6380e-02, -5.4968e-02, 1.0019e-01, -3.4614e-02, -3.5909e-01,\n"," 7.0638e-02, -2.8307e-01, -7.1765e-02, 3.6110e-01, -1.1160e-01,\n"," -3.8690e-02, 2.2902e-01, -2.6513e-01, 4.1167e-02, -2.6095e-01,\n"," 2.1098e-01, -5.3192e-01, 1.9293e-01, -3.3993e-01, 5.1941e-01,\n"," -1.8412e-01, -1.1115e-01, 1.1413e-01, -1.1535e-02, 9.3152e-02,\n"," -2.3419e-01, 5.3310e-02, -1.7998e-01, -2.8301e-01, 1.8439e-03,\n"," 1.0960e-01, 4.4891e-01, -5.6153e-01, 1.1726e-02, -1.8293e-01,\n"," -3.6330e-01, 4.0019e-02, 2.1773e-01, 8.0445e-02, -2.9992e-01,\n"," 3.2632e-01, 1.4702e-01, 2.4235e-01, 2.0898e-01, -5.4193e-01,\n"," -1.1314e-01, -1.0955e-01, 9.2893e-02, 2.5612e-01, 6.7650e-02,\n"," -1.0328e-01, 2.0898e-01, -1.4103e-01, -2.7155e-01, 3.2091e-01,\n"," -1.3414e-01, -1.4792e-01, -3.8316e-01, 4.3988e-01, -5.7879e-02,\n"," -1.1565e-01, -1.5987e-02, 1.6509e-01, 8.2972e-02, 1.7650e-03,\n"," -5.7116e-02, 9.7711e-02, -1.9184e-01, 1.5034e-01, -6.8963e-02,\n"," -8.8647e-02, -2.5219e-01, -3.8885e-02, 7.4059e-03, 1.9836e-02,\n"," -2.8337e-02, 5.2735e-02, -1.2385e+00, 1.9571e-01, -3.1938e-01,\n"," -2.1450e-01, -5.9489e-02, 6.2940e-02, 3.5694e-01, 5.1505e-02,\n"," -2.6662e-02, -1.7313e-01, 2.3534e-01, 2.2318e-01, 2.5299e-01,\n"," -7.9802e-02, -1.2666e-01, 2.5797e-01, -8.1944e-02, -1.1400e-01,\n"," 1.1554e-01, -3.1685e-01, -3.3426e-02, 3.2199e-01, -7.9873e-02,\n"," -9.9847e-02, -1.4852e-01, 3.7052e-01, -3.8195e-01, -1.9745e-01,\n"," -2.2805e-01, 1.1710e-01, -1.1772e-01, 3.0073e-01, -2.1794e-01,\n"," -5.2473e-02, -2.2410e-01, 1.6446e-01, 1.5050e-01, 3.6387e-02,\n"," -1.9868e-02, 2.1043e-02, 1.6206e-01, 3.7841e-01, 1.1470e-02,\n"," -2.2816e-01, 9.2454e-02, 1.0472e-01, 3.3765e-02, 2.5520e-01,\n"," -1.5868e-01, 4.8292e-02, -3.5063e-01, -5.5786e-01, -1.4663e-02,\n"," -1.0565e+00, 3.2953e-01, -9.2671e-02, 8.2238e-03, -2.4343e-01,\n"," 2.0862e-02, -1.1607e-01, 1.5180e-01, -2.0215e-02, -1.1776e-01,\n"," 3.0191e-01, 2.8411e-02, -4.9750e-02, -1.3770e-01, -2.6241e-01,\n"," 5.3569e-02, 2.2279e-01, 4.3742e-02, 3.6482e-02, -8.3218e-03,\n"," 1.2789e-01, 1.2766e-01, -2.2761e-01, 1.5298e-02, 4.3281e-02,\n"," 1.4467e-01, 7.8942e-02, -1.5635e-01, -1.0785e-01, 2.4515e-02,\n"," 2.7228e-01, 8.5516e-03, -3.3191e+00, -4.5669e-01, 1.1550e-01,\n"," -7.0335e-02, 8.2238e-02, -3.1696e-01, 4.7210e-01, -7.9768e-02,\n"," 2.9475e-02, -1.7540e-01, 2.6600e-01, -2.7849e-01, 2.9825e-03,\n"," -1.6589e-01, -5.2135e-02, 1.0111e-01]])\n",",: tensor([[ 1.4571e-01, -8.9117e-02, 2.6450e-02, 3.9113e-03, -6.6716e-02,\n"," -2.5159e-01, 3.8645e-01, -1.3547e-01, 1.9058e-01, -3.6953e-01,\n"," -1.8845e-01, -7.6884e-02, -3.2524e-02, 2.5172e-01, 1.1722e-01,\n"," -7.8544e-03, -1.7302e-01, 1.5656e-01, 6.8947e-02, 1.9274e-01,\n"," 2.9281e-01, 2.7723e-01, 2.5830e-01, 9.1137e-02, 9.6616e-02,\n"," 2.8481e-01, -7.1738e-02, -4.2233e-01, -3.4306e-01, 2.2832e-01,\n"," 1.7340e-02, 4.0752e-02, -5.0088e-01, 5.0823e-01, -2.1122e-01,\n"," -4.0537e-01, 4.1055e-01, 2.5058e-01, -1.8951e-01, -2.3088e-01,\n"," -9.9218e-02, -5.0576e-03, 3.5897e-02, -1.8635e-01, -4.6532e-02,\n"," 6.9451e-02, -6.5341e-01, -6.9961e-03, -4.9305e-01, 8.9893e-02,\n"," -4.1606e-01, 2.9743e-01, 2.4078e-01, 5.1232e-01, 2.1909e-01,\n"," 1.3387e-02, 6.0983e-02, -2.9164e-01, -1.0814e-01, 1.6252e-01,\n"," 9.4167e-02, 3.7345e-01, 1.0825e-01, 3.0503e-01, 3.1781e-01,\n"," 1.3457e-01, 3.0925e-01, -1.6863e-01, -4.0823e-01, 2.4775e-01,\n"," -3.2803e-01, -3.2905e-01, 1.9529e-01, -2.1022e-02, 2.4805e-01,\n"," 1.6645e-01, 1.1229e-01, 1.8343e-01, 1.4670e-01, -1.6221e-01,\n"," 4.8857e-01, 2.7126e-01, 2.2107e-01, 1.1901e-01, 9.5187e-02,\n"," 2.0734e-01, 1.4156e-01, -1.4448e-01, -2.7253e-01, 2.7796e-01,\n"," 5.5153e-02, -4.6048e-02, 5.2245e-02, -6.4954e-02, 5.1033e-02,\n"," -1.7863e-01, -3.0263e-02, 8.2884e-02, -1.4531e-01, -4.2625e-01,\n"," -2.2086e-01, -3.5510e-01, -1.2653e-01, 2.5765e-01, -1.8971e-01,\n"," 9.2276e-02, -9.6467e-02, -4.9548e-03, 2.2412e-01, -5.0690e-01,\n"," 2.4864e-01, -2.2044e-02, 3.0915e-01, -2.4427e-01, -1.7787e-02,\n"," 3.5503e-01, 1.9915e-01, 2.1399e-01, 5.5363e-02, 2.4421e-01,\n"," -2.1038e-01, -2.8581e-01, 1.5525e-01, 6.7437e-01, -8.7163e-02,\n"," 3.4415e-01, 1.1538e-01, -5.0896e-01, -1.9329e-01, -2.0803e-01,\n"," -3.9488e-01, 3.9691e-01, 2.3519e-01, 1.8214e-01, -5.9625e-02,\n"," 7.2775e-02, 1.8555e-01, -1.8159e-01, -9.4297e-02, -1.7628e-01,\n"," 1.1305e-01, 3.5077e-01, -9.5832e-01, -1.9586e-01, 1.6180e-01,\n"," -1.8532e-01, 2.9025e-01, -1.0661e-01, 2.7439e-01, 1.2160e-01,\n"," 4.0716e-01, 2.6388e-01, -3.3334e-01, -3.5688e-01, -6.5110e-01,\n"," -3.8443e-01, 4.1371e-02, 1.1555e-01, 1.5852e-01, 6.7273e-01,\n"," 1.2757e-01, 2.3980e-01, 2.5816e-01, 3.6018e-01, -9.3621e-02,\n"," -5.5332e-02, -3.3742e-01, 6.8712e-01, 3.3851e-01, 1.1030e-01,\n"," -3.0397e-01, -3.4389e-01, 4.9668e-01, 2.7737e-01, -1.1285e-01,\n"," 2.9047e-01, 4.6451e-01, 2.3961e-01, -1.0644e-01, -3.1535e-01,\n"," -2.8753e+00, 1.2570e-01, -1.4363e-01, -5.3969e-01, 3.2254e-01,\n"," -1.6085e-01, 1.6551e-01, -1.3439e-01, 2.8193e-01, -2.2328e-01,\n"," -2.9894e-01, -2.9440e-01, -1.6945e-01, 1.3558e-01, 3.4803e-01,\n"," 2.2705e-02, -1.1237e-01, -2.3758e-01, 2.3543e-01, -1.6686e-03,\n"," 2.2645e-01, -1.7749e-01, 2.3646e-01, 1.6193e-01, 1.4528e-02,\n"," 1.1855e+00, -2.2295e-01, -3.7911e-01, 5.9377e-02, 1.5180e-01,\n"," -6.9729e-01, 4.5486e-01, 3.8399e-01, -5.7034e-01, 2.7954e-01,\n"," -3.3679e-01, 5.4090e-01, -2.9870e-01, -2.8679e-01, -2.1322e-01,\n"," 3.4502e-01, -3.0060e-01, -1.1728e-01, 8.2267e-02, -4.3531e-01,\n"," -2.5983e-01, 8.0429e-02, -9.5820e-02, -2.6100e-02, -4.1050e-01,\n"," -2.8160e-01, -3.5589e-01, 2.9125e-01, 1.9323e-01, -6.9444e-02,\n"," 2.4017e-01, 1.1566e-01, -9.0855e-02, -1.6796e-01, -2.4410e-01,\n"," 3.1075e-03, 1.6406e-01, 5.3568e-01, 3.0617e-01, -3.7865e-01,\n"," 8.9007e-02, 6.2370e-01, -2.4044e-01, 2.7816e-01, -1.1648e-01,\n"," -1.9073e-01, -4.1636e-01, -1.7217e-01, -1.4691e-01, -4.4707e-02,\n"," 1.2607e-01, 1.0687e-01, -1.6795e-01, 2.8549e-01, -8.1567e-02,\n"," 2.2966e-02, -1.0773e-02, 6.8333e-01, -1.4289e-01, -3.8157e-01,\n"," -4.6643e-04, 3.9218e-01, -1.5765e-01, -2.1006e-01, -7.7416e-02,\n"," 5.8157e-02, -1.7123e-01, -1.0536e-02, -6.3703e-01, -1.8946e-01,\n"," -7.0629e-02, 6.3799e-01, 7.3411e-02, 7.6321e-03, -1.1048e-01,\n"," -4.2403e-04, 2.4042e-01, -2.0534e-01, -6.8047e-03, 2.4739e-01,\n"," -3.6708e-01, -2.3046e-01, -5.9086e-01, 6.1231e-01, -4.5672e-01,\n"," -6.9144e-02, 9.4099e-02, 1.3101e-01, 4.2869e-02, 8.9833e-02,\n"," 9.3597e-02, 2.4287e-01, 1.0510e-01, -3.2402e-01, -7.8580e-02,\n"," -9.3336e-02, -2.3416e-01, -2.1572e-01, -1.3606e-01, 3.0141e-01,\n"," 1.6233e-01, 5.3635e-02, 3.6113e-01, -2.1373e+00, -1.7802e-01,\n"," 1.6804e-01, -4.1662e-01, 2.4974e-01, 1.7530e-01, 2.5181e-01,\n"," -1.6483e-01, -4.9216e-01, -1.5408e-02, 2.3342e-01, -4.1294e-01,\n"," 1.1777e-01, 4.6779e-01, 1.5563e-01, -5.5175e-02, 8.9437e-02,\n"," -2.6464e-02, -1.5208e-01, 3.2119e-01, -1.3710e-01, -1.2571e-01,\n"," 4.2961e-01, -3.2064e-01, 2.4038e-01, 3.4685e-01, -3.6121e-01,\n"," 1.9097e-01, -6.5474e-01, -1.3526e-01, -4.0700e-01, -2.6067e-01,\n"," -2.9967e-01, 1.1696e-01, 2.4040e-01, 7.9220e-02, 1.7563e-01,\n"," 1.8969e-01, 7.8945e-01, -3.4330e-01, 2.2891e-01, 4.7126e-01,\n"," 2.0799e-01, -1.0846e-01, -8.2196e-02, -1.2078e-02, 2.1574e-01,\n"," -1.8101e-01, 1.6718e-01, 1.2133e-01, 8.6467e-02, -2.8239e-01,\n"," 4.4568e-01, -1.3886e-01, -9.8034e-02, -3.5696e-01, -2.6369e-02,\n"," 3.3485e-01, 6.1569e-02, -2.7746e-01, 3.8282e-01, -3.4746e-01,\n"," 3.3132e-01, 4.0558e-01, -8.4932e-01, 1.3011e-01, -2.5669e-01,\n"," 8.9835e-02, -6.1169e-02, -8.2988e-02, 2.5008e-02, -2.2889e-01,\n"," -3.2188e-01, -6.5140e-01, -4.6423e-01, 3.7389e-01, -4.3440e-01,\n"," -1.0283e-01, 3.0310e-01, -3.5769e-01, -3.5431e-02, -2.9953e-02,\n"," 3.3049e-01, 2.9214e-01, 3.9564e-02, 3.0288e-01, 2.2973e-01,\n"," -3.1753e-01, -2.1179e-01, -1.7666e-01, -2.3360e-01, 9.0684e-02,\n"," -7.1183e-02, 1.6260e-01, 1.2539e-01, 3.3810e-01, 4.4933e-01,\n"," -4.1263e-01, 2.8198e-01, -8.3511e-03, -4.0399e-01, -1.4334e-01,\n"," 1.3678e-01, 2.6962e-01, -2.1914e-01, 2.4740e-01, -1.0374e+00,\n"," -2.1050e-01, -1.8165e-01, -9.5031e-03, 3.5994e-01, -4.6178e-01,\n"," 8.9707e-02, 3.8382e-01, 2.7490e-01, -4.7722e-01, 9.0886e-02,\n"," 2.4036e-01, -2.9337e-02, 3.9708e-01, -4.2682e-02, 4.5617e-01,\n"," -1.8704e-02, 1.6249e-02, -1.1373e-01, 1.0254e-01, 1.6447e-01,\n"," -2.4245e-01, -7.6687e-01, -2.7627e-01, 3.3510e-01, 4.3963e-03,\n"," 1.1763e-01, -3.9918e-01, -2.2585e-01, 2.2497e-02, -3.5149e-04,\n"," 7.8753e-01, 1.2097e-01, 5.6824e-01, 5.1911e-01, 1.7139e-01,\n"," -7.4859e-01, 3.0708e-01, 2.5017e-01, 5.6966e-01, 1.0827e-02,\n"," 2.2144e-01, 9.3797e-02, 7.1426e-01, 3.6654e-01, -4.4194e-01,\n"," 6.2905e-01, -3.2575e-01, -1.9558e-01, -5.2749e-01, 7.3160e-02,\n"," -3.9767e-01, -3.0789e-01, -4.2381e-02, -1.6923e-01, 5.3304e-02,\n"," -1.1442e-01, 1.8313e-01, 1.5919e-01, 5.1756e-02, 9.3930e-03,\n"," 1.3479e-01, -3.0994e-01, 2.4348e-01, 6.2807e-01, -9.7308e-02,\n"," 2.2729e-01, 1.5578e-01, -8.2989e-02, 8.2472e-02, -7.8736e-02,\n"," -4.4337e-01, 4.4439e-01, 5.6996e-03, 1.3215e-01, -2.2840e-01,\n"," 1.0326e-01, -1.4564e-01, 4.6967e-01, 9.5750e-02, -5.7422e-01,\n"," -4.2140e-01, 1.5925e-01, 4.9169e-01, 3.0690e-01, -3.8212e-01,\n"," -3.0523e-01, -2.3643e-01, -4.9541e-01, -2.0289e-01, 3.7294e-01,\n"," -2.2985e-01, 1.6987e-01, 2.0271e-01, 3.7342e-01, 1.2005e-01,\n"," -3.4641e-01, 2.2480e-01, 5.5623e-02, -3.4759e-01, 1.0096e-01,\n"," 3.7587e-01, -1.9086e-01, -7.0977e-02, 5.7221e-02, -3.5829e-01,\n"," -3.7393e-01, -1.5656e-01, -1.2160e-02, 4.7843e-01, 2.2425e-01,\n"," 6.3370e-02, 2.2390e-01, -3.9537e-01, -3.2356e-01, -4.7447e-01,\n"," 1.1968e-01, -7.4429e-02, 5.1422e-02, -1.1373e-01, -6.4215e-01,\n"," -4.1410e-01, -5.6147e-02, -3.1049e-01, -1.5104e-01, 3.9813e-01,\n"," -7.3235e-03, -1.7187e-01, 4.9733e-01, -2.4671e-02, -7.0007e-01,\n"," 1.2217e-01, -3.5063e-01, -2.7913e-01, -6.0496e-02, -4.6921e-01,\n"," -7.2195e-01, -1.3520e-01, -1.3021e-01, 3.4127e-01, 4.0355e-01,\n"," 6.1885e-01, 3.6910e-01, 2.6426e-01, -2.2757e-01, -2.7376e-01,\n"," 1.0358e-02, -1.8039e-01, 9.1878e-02, -6.9110e-01, 5.8955e-02,\n"," 1.1730e-01, 1.7650e-01, -2.4481e-01, -1.4893e-01, 3.8230e-01,\n"," 2.5803e-01, -2.2878e-01, -6.2598e-02, 1.5761e-01, -1.9112e-01,\n"," 1.4289e-01, 5.3887e-01, 3.7659e-01, -2.9084e-01, -2.3839e-02,\n"," -1.7665e-01, 2.1653e-01, -2.3172e-01, -1.2722e-02, 2.5848e-01,\n"," -2.4478e-01, -3.2303e-01, 1.5413e-01, 8.2818e-01, 9.5071e-01,\n"," -1.8863e-01, -2.0519e-01, 1.9272e-01, -3.8249e-01, -3.1809e-01,\n"," 6.1254e-02, -1.1218e-01, -4.4748e-01, -1.5089e-02, -1.4681e-01,\n"," -1.1275e-03, 2.5294e-01, -1.1127e-01, 2.9581e-01, -3.4890e-01,\n"," 6.0162e-02, -7.5859e-01, -9.6313e-02, -9.0095e-02, 2.2760e-01,\n"," -1.7138e-01, -1.1211e-01, -1.4906e-02, 2.9721e-01, 3.3282e-01,\n"," -2.1966e-01, 1.0012e-01, -4.9586e-02, -4.2379e-01, 6.5179e-02,\n"," 1.9024e-02, 7.0318e-01, -7.8487e-01, -2.1047e-01, -1.9214e-01,\n"," -7.8466e-01, 1.1031e-01, 3.0623e-01, 4.6791e-02, -2.0817e-01,\n"," 5.3939e-01, 5.2954e-01, 1.5929e-01, 3.9891e-01, -4.7197e-01,\n"," -1.6678e-01, -2.7320e-01, 4.5760e-01, 3.1295e-01, 1.6734e-01,\n"," -4.8150e-01, 7.8517e-01, -6.9360e-02, -4.9245e-01, 6.0045e-01,\n"," 1.3644e-01, -3.6199e-01, -7.1827e-01, 1.0422e-01, 2.9102e-02,\n"," 3.0064e-01, 1.1905e-01, -1.9098e-01, -1.3113e-01, -2.5468e-02,\n"," -1.6509e-01, 8.9786e-02, 6.0397e-02, 2.3104e-02, 2.7286e-02,\n"," -1.6719e-01, 2.6000e-01, -1.6018e-01, -1.6848e-01, 6.5960e-02,\n"," -4.1964e-02, -3.0918e-01, -5.3669e-01, 1.3443e-01, 8.0290e-02,\n"," 1.1820e-02, -3.8390e-01, 8.4092e-02, 5.5495e-01, 7.8698e-02,\n"," -3.1199e-01, -4.6914e-01, -1.8557e-01, 4.7983e-01, 1.8608e-01,\n"," 3.1855e-02, -6.7170e-02, 2.2435e-01, -5.4959e-02, -9.3272e-02,\n"," 3.5537e-01, -6.8320e-01, -1.3271e-01, -1.4779e-01, -7.3625e-02,\n"," -2.2041e-01, 4.2471e-03, 8.7989e-01, -5.3090e-01, -3.2617e-01,\n"," -3.2060e-01, 4.6099e-01, -8.3208e-02, 3.2950e-01, -2.6549e-01,\n"," -1.3904e-01, -3.0038e-01, 2.0566e-01, 1.1365e-01, 1.3593e-01,\n"," 1.2688e-02, 3.2521e-01, 9.8237e-02, 7.9554e-01, -2.5483e-01,\n"," -3.0474e-01, -2.1962e-01, -3.2505e-01, 1.5375e-01, 3.9901e-01,\n"," 1.8572e-01, -5.0251e-01, -6.3008e-01, -2.5683e-01, 2.5506e-01,\n"," -1.0632e+00, 3.7451e-01, -1.0351e-01, -1.6880e-01, -1.2263e-01,\n"," -2.0244e-02, -1.7100e-01, -2.4317e-01, 6.8181e-02, -2.6405e-01,\n"," -7.0037e-02, -2.0590e-01, -4.4318e-01, -2.7295e-02, -4.1052e-01,\n"," 4.8845e-01, -7.4306e-02, 1.6744e-01, 2.7401e-02, 5.9199e-01,\n"," 1.0055e-01, -7.0027e-03, 3.2443e-01, -2.8446e-01, 2.3394e-02,\n"," -3.2145e-01, -2.7080e-01, -1.4532e-01, -4.5786e-02, 2.6260e-01,\n"," 4.6569e-04, -1.0496e-01, -2.0824e+00, -2.4360e-03, -2.9469e-02,\n"," -7.0094e-02, 2.2866e-01, -4.9524e-02, 4.4161e-01, -4.9409e-02,\n"," -1.2736e-01, -2.7610e-01, 8.5445e-02, -4.6898e-01, 2.2688e-01,\n"," 7.0861e-02, 2.2175e-02, 6.0069e-02]])\n","something: tensor([[ 1.6714e-01, -2.9833e-01, -1.1169e-01, -9.2056e-03, 2.7024e-02,\n"," -1.7610e-01, 2.0459e-01, 6.3631e-02, 2.1743e-02, -3.8159e-01,\n"," -5.4717e-02, -2.6887e-02, 6.7999e-02, 1.2419e-01, -1.9457e-01,\n"," -3.9153e-01, 7.5327e-02, -9.0266e-02, -4.5388e-02, 1.1386e-01,\n"," 4.6951e-02, -3.4176e-02, 1.0692e-02, 1.3674e-01, 1.5429e-01,\n"," 3.2344e-01, -2.4812e-01, -1.7530e-01, -3.2975e-01, 1.4595e-01,\n"," -4.5376e-02, 3.1746e-02, 7.6582e-02, 4.2796e-01, -1.2366e-01,\n"," -1.7610e-01, -3.6453e-02, -7.5870e-02, -4.2520e-01, -1.3346e-01,\n"," -2.6033e-01, 4.0388e-02, 1.0526e-01, -7.6055e-02, 5.4135e-02,\n"," -9.8837e-02, -4.0638e-01, -3.2572e-02, -3.2991e-01, 1.8290e-01,\n"," -1.2827e-01, 2.5381e-01, -1.9539e-02, 2.9226e-01, 1.7317e-01,\n"," 1.3669e-01, 2.2599e-01, -3.0290e-02, 2.1672e-03, -1.9302e-01,\n"," 5.3652e-01, -7.1935e-02, -4.8488e-02, 1.3261e-01, 1.4181e-01,\n"," 3.4368e-01, 4.1542e-01, -1.1174e-01, -3.3362e-01, 1.0735e-01,\n"," -8.3634e-02, -2.0138e-01, 2.4245e-01, -1.8907e-01, 2.1866e-01,\n"," 1.9239e-01, 1.3194e-01, 2.3357e-01, 2.0171e-01, -8.4106e-03,\n"," 2.4056e-01, 2.9161e-01, 1.2743e-01, 1.7774e-01, -5.2466e-02,\n"," -1.6726e-02, -2.2945e-01, -1.3776e-01, -1.0122e-01, 2.9769e-01,\n"," -2.3226e-02, 2.0352e-02, 2.5832e-01, 1.3347e-01, 9.7360e-02,\n"," -1.2601e-01, -1.5378e-01, 1.6572e-01, -7.2433e-02, -2.4727e-01,\n"," -9.7259e-02, -2.9917e-01, -9.8677e-02, 3.5491e-01, -3.3321e-01,\n"," -4.9973e-02, 1.2039e-01, 1.5110e-01, 8.9014e-02, -6.7633e-01,\n"," 2.5068e-01, 1.5266e-01, 4.2957e-02, 8.1893e-02, -5.4250e-02,\n"," 2.6214e-01, 1.2653e-01, 1.7701e-01, 2.5178e-01, 3.5103e-02,\n"," -2.4457e-01, -1.5141e-01, 1.3193e-01, 6.6264e-01, 3.0044e-01,\n"," 1.5976e-01, -2.4315e-01, -4.4658e-01, -1.6963e-01, -4.1727e-01,\n"," -1.7891e-01, 4.8503e-01, 2.5459e-01, 2.3367e-01, 4.4195e-03,\n"," 1.6104e-01, -2.7664e-03, 1.0188e-01, -2.7257e-01, -2.2932e-01,\n"," 1.1255e-01, 4.0207e-01, -9.1939e-01, -2.4335e-01, 1.8238e-02,\n"," -8.5296e-02, 3.1039e-01, -1.3989e-01, 1.4967e-01, -9.3625e-04,\n"," 2.1990e-01, 8.5887e-02, -2.9180e-01, -2.0258e-01, -3.4529e-01,\n"," -2.6450e-01, -1.7210e-01, 1.2824e-02, 2.4440e-01, 4.2650e-01,\n"," 8.8504e-02, 3.2848e-01, 1.0130e-01, 9.0850e-02, -2.8652e-01,\n"," -8.3656e-02, -1.9883e-01, 7.2301e-01, 2.6840e-01, 2.0686e-01,\n"," -4.4053e-01, -1.5774e-01, 2.5926e-01, 3.2509e-01, -3.2169e-01,\n"," 8.5040e-02, 1.3504e-01, 1.0570e-01, -9.0834e-02, -1.5541e-01,\n"," -2.9533e+00, 1.3008e-01, 1.0126e-01, -1.3096e-01, -9.1567e-03,\n"," 1.0444e-01, 1.1974e-01, -4.3286e-01, 2.3728e-01, -2.8306e-01,\n"," -2.0646e-01, 9.6229e-03, -2.2287e-01, 1.4740e-01, 3.1954e-01,\n"," -3.5986e-01, 1.3755e-01, 1.0306e-01, 2.8242e-01, 1.2664e-01,\n"," 3.0827e-01, -1.6669e-01, 1.1021e-01, 1.9800e-01, 1.7054e-02,\n"," 1.0219e+00, 1.8154e-01, -1.5506e-01, 8.7705e-02, -3.9796e-02,\n"," -5.3727e-01, 5.0514e-01, 1.5894e-01, -3.1101e-01, 3.2049e-01,\n"," -1.8092e-01, 2.0291e-01, -1.0772e-01, -6.3324e-01, -1.7196e-02,\n"," -3.7225e-02, -2.0064e-01, -6.7901e-03, 1.1394e-01, -2.1511e-01,\n"," -4.6999e-01, 3.0861e-01, 1.8491e-02, 1.5464e-01, -1.6557e-01,\n"," -1.6309e-01, -1.9538e-01, 2.3837e-01, 1.1290e-01, -3.0523e-01,\n"," 1.6243e-01, -1.0985e-02, -1.0324e-01, -1.3701e-01, -1.9456e-01,\n"," -1.1140e-01, 1.6223e-01, 4.3266e-01, 3.5235e-01, -2.7155e-01,\n"," 1.4496e-01, 4.0679e-01, 3.0396e-01, 4.6101e-01, -3.3577e-01,\n"," -9.2569e-02, -5.1589e-01, 2.9737e-02, -1.6784e-01, -1.6205e-01,\n"," -2.7736e-01, -1.9902e-01, -3.4362e-01, 5.0667e-01, 2.2908e-02,\n"," 2.0631e-01, 1.8397e-01, 4.9817e-01, -2.3719e-01, 7.7785e-02,\n"," 3.5645e-01, 1.4842e-01, -9.4724e-02, -3.0896e-01, 1.3791e-01,\n"," 1.5334e-01, 1.0833e-02, 4.5973e-03, -1.3340e+00, -3.8182e-02,\n"," -2.6980e-01, 3.2990e-01, 1.8643e-01, 1.1281e-01, 1.1324e-01,\n"," -1.7378e-01, 5.7822e-02, -7.5923e-02, 2.4753e-01, 3.2991e-01,\n"," -4.7500e-01, -3.5483e-01, -2.1576e-01, 2.4613e-01, -5.2888e-01,\n"," -1.9904e-01, 3.8461e-02, 8.2304e-02, -2.3959e-02, 3.0414e-01,\n"," 1.9625e-01, 8.1866e-02, 2.5072e-01, -3.9263e-01, -1.5383e-01,\n"," 1.0396e-01, 1.0231e-01, -1.9204e-01, -2.2681e-01, -6.8246e-02,\n"," 1.2957e-01, -3.4086e-02, 1.1040e-01, -2.2330e+00, -1.7500e-01,\n"," 2.9157e-01, -4.8870e-01, -1.9153e-03, -2.8708e-01, -8.5049e-02,\n"," 2.1822e-01, -6.6457e-02, -1.0734e-01, 3.9161e-01, -3.1420e-01,\n"," 2.4236e-01, 2.8244e-01, 1.7047e-01, -8.7415e-02, -2.0747e-01,\n"," 2.1290e-02, -5.0558e-01, 1.8621e-01, -4.3541e-02, 2.0978e-02,\n"," 3.1293e-01, -1.6284e-01, 1.1221e-01, 1.6872e-01, -3.9355e-01,\n"," 3.4210e-01, -2.6672e-01, 2.0997e-01, -2.4040e-01, -2.0163e-01,\n"," -1.6921e-01, 2.3678e-01, 4.1596e-01, 1.7886e-01, 1.7419e-01,\n"," 4.1752e-02, 7.9808e-01, 7.0198e-02, 1.4744e-01, -5.6297e-02,\n"," 2.2762e-01, 2.7382e-02, -7.1271e-02, -9.6045e-02, 2.6819e-01,\n"," -4.2888e-01, -7.3314e-02, 1.1285e-01, 2.2672e-01, -1.4591e-01,\n"," 6.9845e-02, -1.5600e-01, -2.2011e-03, 6.1905e-02, 1.4460e-01,\n"," 2.3091e-01, 3.4617e-03, -2.3570e-01, 2.9321e-01, -2.0608e-01,\n"," 2.5781e-01, 3.2369e-01, -5.9284e-01, 1.1197e-01, -1.9979e-01,\n"," -2.6902e-01, 1.2423e-01, -9.2939e-02, -1.1700e-01, -1.9847e-01,\n"," -1.2642e-02, -7.6023e-01, -3.8069e-01, 3.3232e-01, -2.5941e-01,\n"," 1.5006e-02, 2.6013e-01, -2.6779e-01, 1.7101e-01, 4.2029e-02,\n"," 1.5037e-01, 3.1340e-01, 1.2648e-01, 1.1335e-02, 2.4980e-01,\n"," -4.2774e-01, 1.7507e-01, -2.1351e-01, 4.9269e-02, 9.3488e-02,\n"," 1.3083e-01, 1.6531e-02, 4.7039e-01, 9.8474e-02, 1.9811e-01,\n"," -5.1287e-01, 1.9439e-01, 2.8712e-02, -4.3253e-01, -5.2977e-01,\n"," -6.6426e-02, 6.4759e-02, 4.8238e-02, 1.6740e-02, -6.5685e-01,\n"," -6.3760e-02, -1.1068e-01, -2.3697e-01, 3.2319e-01, -7.1542e-03,\n"," 3.2467e-01, 1.1908e-01, -5.5506e-02, -1.2041e-01, -4.9810e-02,\n"," 2.5419e-01, -1.1299e-01, 2.0975e-01, 1.2278e-01, 2.4573e-01,\n"," 1.8879e-01, -2.0516e-02, 1.5872e-01, -1.5025e-01, -7.7121e-02,\n"," -4.5455e-01, -2.7291e-01, 1.0673e-01, 1.8113e-01, -8.6097e-02,\n"," 1.0655e-01, -5.2518e-01, -2.7901e-01, 1.9689e-02, 1.8278e-01,\n"," 3.6107e-01, 6.1535e-02, 4.5507e-01, 2.5479e-01, -1.5136e-01,\n"," -4.9676e-01, -9.3686e-02, 8.9107e-02, 3.7417e-01, -1.4639e-01,\n"," 3.0870e-01, 1.3010e-01, 3.5241e-01, 2.7750e-01, -2.1555e-01,\n"," 1.7298e-01, -1.0104e-01, -1.7064e-01, -2.0225e-01, 1.9709e-01,\n"," -1.7428e-01, -1.9510e-01, 2.1222e-01, -1.7858e-01, 8.6600e-02,\n"," -2.3722e-02, 3.0900e-01, 1.5498e-01, -5.2871e-02, 7.3370e-03,\n"," 8.2684e-02, -4.0662e-01, 1.1735e-01, 4.3120e-01, -3.7486e-01,\n"," 1.2745e-01, 1.7090e-01, -2.6569e-01, 2.8949e-01, -1.0066e-01,\n"," -4.6580e-01, -1.8992e-01, 3.8023e-02, 3.2670e-01, -3.6175e-01,\n"," 8.0940e-02, -1.2309e-01, 6.0129e-01, 2.6492e-01, -4.3625e-01,\n"," -3.1731e-01, 8.4693e-02, 6.3122e-01, 1.2045e-01, -2.3020e-01,\n"," -3.2369e-01, -8.3557e-02, -4.0083e-02, 1.1912e-01, 2.6771e-01,\n"," 9.5548e-02, 1.4972e-01, 1.7384e-01, 2.6386e-01, -3.0032e-01,\n"," -1.6849e-01, 3.0826e-02, 5.6825e-02, -1.1214e-01, 1.2698e-01,\n"," 1.8411e-01, -5.1868e-01, -4.2227e-01, 2.3302e-01, -2.2436e-01,\n"," -2.9189e-01, -1.5412e-01, 8.1301e-02, 4.5186e-01, 2.2219e-01,\n"," 9.0394e-02, 4.2867e-01, -3.9982e-01, -4.3161e-01, -2.1304e-01,\n"," 1.7622e-01, -5.6119e-02, 2.6700e-01, -1.9357e-01, -3.3837e-01,\n"," -1.8167e-01, 1.0602e-01, 9.9006e-02, 2.2248e-01, 2.9639e-01,\n"," -2.1755e-01, 1.0685e-01, 4.4327e-01, 2.5960e-01, -4.9255e-01,\n"," -1.5118e-01, -1.1466e-01, -6.6102e-02, 6.6501e-02, -5.5138e-01,\n"," -3.8277e-01, -7.5653e-02, 2.6048e-02, -3.1544e-02, 7.9266e-02,\n"," 5.5761e-01, 4.5606e-01, -2.5246e-02, -6.7876e-02, 6.3132e-02,\n"," 1.5866e-01, -1.3771e-01, 6.4550e-02, -6.8924e-01, -3.4501e-01,\n"," 1.5596e-02, 1.0588e-01, -4.5295e-02, -2.8161e-01, 1.1145e-01,\n"," 1.7847e-01, -1.9490e-01, -5.9226e-02, 1.1366e-02, -1.1059e-01,\n"," 1.6069e-02, 5.5212e-01, 3.6308e-01, -3.0558e-01, 3.7737e-02,\n"," -1.4082e-01, 1.7890e-01, -3.1290e-01, 4.2557e-02, 3.8310e-01,\n"," -3.8418e-01, -4.6646e-01, -1.4330e-01, 1.0301e+00, 6.4320e-01,\n"," 9.7119e-04, -4.7876e-02, 1.7986e-01, -5.2537e-02, -3.2514e-02,\n"," 1.2626e-01, -2.4739e-01, -5.0174e-01, 2.4760e-01, -2.4998e-03,\n"," -1.2740e-01, 1.6881e-01, -1.5628e-01, 3.1934e-01, -2.1073e-01,\n"," 1.3408e-01, -1.3196e-01, -5.4410e-02, 9.5333e-03, 2.9091e-01,\n"," -2.2880e-02, -1.7467e-01, -1.3959e-01, 2.2671e-01, 1.8779e-01,\n"," -1.2192e-01, -3.4081e-02, -1.8791e-01, -4.2273e-01, 7.8159e-03,\n"," 1.8377e-01, 5.7901e-01, -5.2427e-01, 1.1887e-01, -2.1570e-02,\n"," -7.0563e-01, 1.2988e-02, 3.6932e-01, 7.4468e-02, -9.7015e-02,\n"," 4.5562e-01, 2.6459e-01, 2.7974e-01, 4.2216e-01, -4.1861e-01,\n"," -1.0997e-01, -8.3835e-02, 2.2016e-01, 2.8047e-01, 1.8557e-01,\n"," -3.9485e-02, 9.4461e-02, -2.0627e-02, -2.8453e-01, 4.9221e-01,\n"," 1.3789e-01, -4.5334e-02, -2.6907e-01, 6.6643e-02, -1.5488e-01,\n"," 2.1652e-01, -1.7084e-01, -2.3628e-01, 1.9727e-01, 2.6685e-01,\n"," -2.5822e-01, 1.6833e-01, 3.3876e-01, -1.9214e-01, -2.4016e-01,\n"," -2.6866e-01, 1.4820e-02, -9.6048e-02, -2.5784e-02, 2.6252e-01,\n"," 6.8069e-03, -1.5076e-01, -1.1650e+00, -2.3992e-03, -1.1080e-01,\n"," -8.4223e-02, -1.1103e-01, 1.9916e-02, 5.1828e-01, -7.0911e-02,\n"," -4.3290e-01, -3.9606e-01, -1.7253e-01, 4.2166e-01, 2.8385e-01,\n"," -8.1944e-03, 1.6479e-01, -2.7504e-02, 9.6598e-02, -2.4508e-01,\n"," 2.4894e-01, -5.2018e-01, -1.2270e-01, 1.2020e-01, -1.6786e-01,\n"," -1.0934e-01, -1.2798e-01, 7.2203e-01, -3.8388e-01, -1.1990e-01,\n"," 1.2747e-01, 5.6555e-02, -1.0838e-01, 2.9318e-01, -3.6272e-01,\n"," -8.9551e-02, -1.6008e-01, 7.7681e-02, 3.7154e-02, 1.0559e-01,\n"," -4.9233e-02, 3.6431e-01, 3.9935e-01, 5.4042e-01, -2.8476e-01,\n"," -7.5718e-02, 8.5280e-02, -2.1898e-01, -5.8851e-03, 6.0837e-01,\n"," -5.5587e-02, -3.4282e-01, -3.7962e-01, -1.5205e-01, 1.9568e-02,\n"," -1.2728e+00, 2.1061e-01, -1.5844e-02, -7.7556e-02, -1.4890e-01,\n"," 8.0038e-02, 7.4203e-02, -2.2921e-01, -8.1998e-02, -1.2515e-01,\n"," 4.1819e-02, 2.7443e-01, -2.4553e-01, 4.2946e-02, -3.9756e-01,\n"," 2.9469e-01, 1.9410e-02, 5.2630e-02, 1.6868e-02, 4.5058e-01,\n"," 5.3594e-04, 4.3460e-02, 5.5334e-02, -9.4930e-02, -2.0403e-02,\n"," -3.1468e-01, -2.1241e-01, -1.3706e-01, -1.3646e-01, -3.2011e-02,\n"," 2.8389e-01, -2.4696e-01, -3.0712e+00, -2.3109e-01, 2.2344e-02,\n"," -1.1713e-01, 1.2895e-01, -1.7355e-01, 3.3687e-01, 2.3640e-02,\n"," 1.5255e-02, -7.7109e-02, -1.4978e-01, -4.6125e-01, 1.4753e-01,\n"," 2.2373e-02, -2.0410e-01, -2.2948e-01]])\n","that: tensor([[ 1.2209e-01, 2.0227e-01, -4.6396e-01, 1.1151e-01, -2.4800e-01,\n"," -4.2227e-01, 1.5942e-01, 1.6196e-01, 3.2044e-01, -2.5150e-01,\n"," -2.1604e-01, -7.8793e-02, -1.0219e-01, 1.0145e-01, -3.3350e-01,\n"," -3.8904e-01, 3.4737e-01, -6.0807e-02, -1.5661e-01, 4.4627e-01,\n"," 1.1872e-01, 2.3147e-02, 3.4212e-02, 2.0038e-01, 1.1454e-01,\n"," 2.6590e-01, -3.3844e-01, -3.9735e-01, -2.7965e-01, 7.7839e-03,\n"," 1.2852e-01, -1.1539e-01, -2.4519e-01, 6.2287e-02, -6.3905e-01,\n"," -6.3548e-01, -9.6361e-03, 5.6857e-02, -8.0106e-01, -9.5345e-02,\n"," -2.5746e-01, -7.3814e-02, -1.7116e-02, -9.2448e-02, -1.2801e-01,\n"," 8.2550e-02, -3.4228e-01, 1.4577e-01, 4.5640e-02, -1.0627e-01,\n"," 3.9228e-02, 2.7096e-01, -4.7769e-02, 5.5392e-01, 5.0398e-01,\n"," 2.3001e-01, 2.2352e-01, 2.5047e-01, -2.7630e-01, -5.7667e-02,\n"," 3.0678e-01, 2.4965e-01, 2.4369e-01, -1.0790e-02, 4.7375e-01,\n"," 2.3751e-01, 2.7495e-01, -1.7936e-01, -3.9389e-01, 8.5030e-02,\n"," -3.1088e-01, -4.2074e-01, 5.4253e-02, -1.1907e-01, 4.6168e-01,\n"," 2.7867e-01, -3.6864e-01, 6.2718e-02, 2.2691e-02, -6.5641e-03,\n"," -1.4211e-01, 4.8548e-01, 2.5485e-01, 1.1405e-01, -7.1922e-02,\n"," 3.7013e-03, 1.3103e-03, -5.0556e-02, -9.5370e-02, 3.6722e-01,\n"," -1.1176e-01, 2.4136e-01, 3.6382e-01, 1.2752e-01, -4.6255e-02,\n"," -2.8116e-01, 1.5971e-01, 7.9536e-02, 3.9385e-02, -3.3432e-01,\n"," -5.4293e-02, -6.2433e-01, -4.0557e-01, 2.0980e-01, -3.2767e-01,\n"," 3.4641e-02, 1.5111e-02, 1.5266e-01, 3.1326e-01, -3.4487e-01,\n"," 2.3463e-01, -1.4920e-01, 1.0916e-01, -1.1501e-01, -1.1981e-01,\n"," 3.0668e-01, -1.7637e-01, 1.9107e-01, 3.2451e-01, 1.7497e-01,\n"," -2.8828e-01, -3.1970e-01, 2.9604e-01, 7.3425e-01, 3.8063e-01,\n"," 5.2640e-02, -3.9221e-01, -3.1778e-01, -5.8781e-01, -2.5995e-01,\n"," -1.7785e-01, 5.0993e-01, 3.5426e-01, 1.5197e-01, -3.6071e-01,\n"," -4.3265e-02, -1.5879e-01, -1.5462e-01, -2.7486e-01, -2.9848e-01,\n"," -7.2120e-03, 7.3522e-01, -9.2436e-01, -2.2026e-01, 1.1082e-01,\n"," -2.1544e-01, 2.9068e-01, -3.6962e-01, 2.2894e-01, 2.9927e-01,\n"," 3.5899e-01, 1.1346e-01, -2.9371e-01, -6.3113e-01, -4.8400e-01,\n"," -3.5549e-01, -4.1322e-01, 3.4687e-01, 3.8134e-01, 4.4205e-01,\n"," 5.7366e-02, 3.3273e-01, 1.8493e-02, 2.2648e-01, -2.1043e-01,\n"," -4.9244e-02, -3.2124e-01, 7.3267e-01, 1.7656e-01, -9.7662e-02,\n"," -1.3610e-01, -5.9176e-01, 4.0276e-01, 2.7823e-01, -1.0246e-01,\n"," 1.4064e-01, 1.2763e-01, -1.3729e-01, 1.8180e-01, -2.0888e-01,\n"," -2.7943e+00, 3.2486e-01, -9.7317e-02, 3.0682e-02, 7.9418e-02,\n"," 1.4576e-01, 1.8700e-01, -4.9795e-01, 2.1552e-01, -3.0110e-01,\n"," -2.6817e-01, -2.3147e-01, -2.1274e-01, 1.1619e-01, 1.6014e-01,\n"," -4.4135e-01, 1.5300e-01, 2.3965e-01, 1.0105e-01, 7.0958e-02,\n"," 2.5498e-01, -2.6946e-01, 2.8515e-02, 2.4656e-01, 1.6054e-01,\n"," 1.2625e+00, 1.5892e-01, -4.4927e-01, 2.3367e-01, 1.8909e-01,\n"," -6.3554e-01, 3.6589e-01, 2.3097e-01, -3.1212e-01, 5.6692e-01,\n"," -2.3678e-01, 4.9466e-02, -2.2700e-02, -2.7614e-01, -7.7217e-02,\n"," -3.9628e-02, -1.2694e-01, -5.0273e-01, -1.7374e-01, -1.2793e-01,\n"," -3.2893e-01, 6.9489e-02, -2.1191e-02, 4.4003e-01, 5.4319e-02,\n"," -2.4581e-01, 5.4987e-02, 7.2245e-02, 7.4528e-02, 2.7993e-01,\n"," -2.8658e-02, 9.0365e-02, 2.7024e-01, -1.8917e-01, -1.3224e-01,\n"," 3.6253e-03, 2.0602e-01, 5.5046e-01, 4.0389e-01, -2.1545e-01,\n"," 4.8946e-01, 4.4499e-01, -8.1959e-02, 5.5147e-01, -6.9752e-03,\n"," 8.3556e-02, -8.2326e-01, -2.5946e-01, -9.2258e-02, -1.8494e-01,\n"," -4.9391e-02, 6.2116e-02, -2.3385e-01, 4.4338e-01, 1.0608e-01,\n"," 1.5008e-01, 1.4735e-01, 2.0840e-01, -2.6130e-01, -4.1531e-01,\n"," 3.0197e-01, 9.6375e-02, -6.9722e-02, 2.1565e-02, 3.5205e-01,\n"," 1.9370e-01, 1.7048e-01, 1.4065e-01, -7.6184e-01, -5.3849e-03,\n"," -2.2014e-01, 3.5116e-01, 3.1440e-02, 5.1475e-03, -2.0233e-01,\n"," -4.4743e-01, 1.5001e-02, -4.0216e-01, 1.9546e-01, 8.0196e-01,\n"," -7.7327e-01, -2.0590e-01, -5.4245e-01, 5.1190e-01, -1.5756e-01,\n"," -3.7032e-01, 9.7683e-02, 1.5624e-01, -4.2737e-01, 1.8220e-01,\n"," 8.7733e-02, 1.7041e-01, 1.7687e-02, -4.6398e-01, -2.2742e-02,\n"," -1.8453e-01, -2.3671e-01, -4.7127e-02, -3.1378e-01, -1.3967e-01,\n"," 2.8951e-01, -3.5173e-02, -2.8944e-01, -1.7932e+00, 1.0108e-01,\n"," 3.6812e-01, -7.0310e-01, 7.0251e-02, 2.0672e-01, -1.6449e-01,\n"," 3.9092e-03, -5.0211e-01, -9.8375e-02, 1.4992e-01, -4.6463e-01,\n"," 9.9110e-02, 4.8967e-01, 4.3520e-01, -4.6595e-01, -4.0964e-01,\n"," -2.9125e-01, -2.1999e-01, 3.8818e-01, -1.0515e-01, -1.4738e-01,\n"," 4.1650e-01, -2.5213e-01, -8.7502e-03, 5.0689e-01, -3.1827e-01,\n"," 3.6792e-02, -4.2256e-01, -8.0453e-03, -1.8851e-01, -2.4664e-01,\n"," -3.1209e-02, 1.8139e-01, 4.1684e-01, -1.0267e-01, -3.8938e-01,\n"," 8.3374e-02, 7.3672e-01, -1.9621e-03, 1.3949e-01, 2.0295e-01,\n"," 2.0042e-01, -5.0484e-02, 1.9459e-01, 1.1365e-01, 7.8612e-02,\n"," -3.2604e-01, -6.8399e-02, 1.6778e-01, 2.7129e-01, 3.0614e-02,\n"," 1.6284e-01, -1.7520e-01, -2.1694e-01, -4.4883e-01, 2.8102e-01,\n"," -6.2880e-02, 6.2935e-02, -2.6350e-01, 7.4740e-02, 1.3058e-02,\n"," 2.7539e-02, 3.5778e-01, -4.7255e-01, -2.5249e-01, -5.0096e-02,\n"," -4.3147e-02, 7.7348e-02, 2.2157e-01, -2.8402e-02, -1.6748e-01,\n"," -2.8712e-01, -6.2836e-01, -1.6822e-01, 4.3424e-01, -4.2535e-01,\n"," -2.8445e-01, 5.8042e-01, -2.1030e-01, -2.2193e-01, -1.9926e-01,\n"," 3.7475e-01, 2.9723e-01, -1.2859e-01, 8.2080e-02, 1.4980e-01,\n"," -3.9077e-01, 7.8363e-02, -2.1886e-01, 9.2682e-02, 2.3119e-01,\n"," 3.9191e-01, 1.6103e-01, 3.4986e-01, 1.0090e-01, 1.2589e-01,\n"," -4.1394e-01, 1.2309e-01, -1.8175e-02, -3.5023e-01, -6.0320e-01,\n"," 6.7183e-02, 1.2228e-01, 1.7545e-01, 2.9773e-02, -9.8307e-01,\n"," -2.4690e-01, -2.2478e-01, -7.1077e-02, 1.6858e-01, -4.4481e-02,\n"," 4.8573e-01, 5.0355e-01, 1.0451e-01, -3.4461e-01, 1.1302e-01,\n"," 6.0199e-01, -3.9937e-01, 2.6138e-01, 2.0461e-01, 2.0569e-01,\n"," 1.2666e-01, 1.2679e-01, 7.1440e-01, -1.3338e-01, -6.8547e-02,\n"," -3.2186e-01, -2.3858e-01, 5.6101e-02, 2.2511e-01, -3.7609e-02,\n"," 9.4722e-02, -3.2722e-01, -2.3648e-01, 7.4251e-02, 1.0901e-01,\n"," 2.3481e-01, -1.2178e-01, 5.8858e-01, 5.4944e-01, 4.9110e-02,\n"," -3.9016e-01, 8.4125e-02, 1.5724e-02, 5.2079e-01, -1.5267e-01,\n"," 3.4883e-01, 2.1797e-01, 2.5407e-01, 3.4835e-01, -2.1278e-01,\n"," 3.1213e-01, -1.4882e-01, -1.6473e-01, -4.2014e-01, 2.3339e-01,\n"," -1.6736e-01, -2.5804e-01, -2.2727e-01, -1.3783e-01, 2.0376e-01,\n"," -2.1282e-01, 2.5797e-01, 8.4758e-02, 2.4127e-01, 1.3929e-01,\n"," 6.5433e-02, -2.5651e-01, 4.7500e-01, 7.1861e-01, -2.9811e-01,\n"," -1.3928e-01, 2.8473e-02, -3.2617e-01, 4.1917e-01, -2.0575e-01,\n"," 2.1641e-02, 7.7939e-02, -3.7716e-01, 2.5093e-01, 1.0241e-02,\n"," -6.5728e-02, -2.7432e-01, 4.2376e-01, 1.9696e-01, -6.7215e-01,\n"," -1.2311e-01, 4.0744e-01, 3.8005e-01, 1.9298e-01, -1.9367e-01,\n"," -5.0286e-01, -3.2770e-01, -2.2346e-01, 2.8448e-02, 4.1782e-01,\n"," -3.9732e-01, 3.0271e-01, 4.8310e-01, 3.5295e-01, -2.3216e-01,\n"," -5.1808e-01, 1.7917e-01, 6.0989e-02, -2.4833e-04, 5.1171e-01,\n"," 5.6771e-01, -4.2712e-01, -2.7870e-01, -2.7601e-01, -1.4638e-02,\n"," -5.6813e-01, -2.2688e-01, -1.8399e-03, 1.2382e-01, -2.8456e-02,\n"," 1.3156e-01, 6.0462e-01, -3.4138e-01, -5.9267e-01, -3.7038e-01,\n"," 1.2356e-01, -1.5624e-01, 2.0553e-01, -2.5273e-01, -3.0051e-01,\n"," -3.2120e-01, -3.4166e-01, 3.5886e-02, 4.7120e-01, 4.0028e-01,\n"," 1.4778e-01, 1.0971e-01, 4.6932e-01, -1.1931e-02, -5.6957e-01,\n"," 4.0057e-02, -2.1024e-01, -2.0418e-01, 2.7940e-01, -5.1398e-01,\n"," -4.3834e-01, 2.8162e-02, -2.3287e-02, -1.0573e-02, 4.2367e-02,\n"," 4.7052e-01, 5.4863e-01, 8.6211e-02, -3.4965e-01, -2.0106e-01,\n"," 5.9687e-02, -2.7369e-01, -3.5079e-01, -5.4734e-01, -4.5804e-01,\n"," -5.2296e-02, 2.4799e-01, -2.3152e-01, -2.3268e-01, 3.0436e-01,\n"," 2.5994e-01, -1.8251e-01, -4.2746e-02, 1.0314e-01, -2.0988e-01,\n"," -1.8526e-02, 2.8942e-01, 2.8935e-01, 2.6899e-02, 8.6824e-02,\n"," -2.2041e-01, 4.0306e-01, -2.0175e-01, -3.7917e-02, 2.3260e-01,\n"," -4.7865e-01, -3.0403e-01, -2.8421e-01, 6.6470e-01, 7.4141e-01,\n"," 1.4057e-01, -2.7549e-01, -8.7063e-02, -8.2002e-02, -1.3608e-01,\n"," 1.7483e-01, -1.5991e-01, -2.2402e-01, 1.4835e-01, 2.2797e-01,\n"," 2.4451e-01, 5.1431e-02, -2.1172e-01, 2.2232e-01, -3.6597e-01,\n"," 4.5632e-01, -4.8035e-01, 2.0963e-02, -4.0662e-02, 2.6247e-01,\n"," 3.7973e-01, 1.0802e-01, -1.8258e-01, 3.4382e-01, 4.3618e-01,\n"," -8.8679e-02, 2.9661e-02, -1.1438e-01, -3.2518e-01, -1.2431e-01,\n"," 1.3906e-01, 1.3826e-01, -7.9325e-01, -1.3275e-01, 2.6835e-01,\n"," -3.6547e-01, 4.2582e-02, 4.6496e-01, -7.6755e-02, -1.5607e-01,\n"," 1.6308e-01, 5.0951e-02, 4.1929e-01, 2.8690e-01, -6.9046e-01,\n"," -1.7224e-02, -1.9360e-02, 1.6652e-01, 2.1751e-01, 1.7530e-01,\n"," -2.1186e-01, 4.6240e-01, -7.7639e-02, -4.6936e-01, 9.4235e-02,\n"," -5.9845e-02, 3.6243e-02, -3.0488e-01, 2.9837e-01, 2.1184e-01,\n"," 2.6805e-01, 2.1225e-01, -1.3233e-01, 3.2806e-01, 1.9958e-02,\n"," -2.4155e-01, 3.1634e-01, 3.1022e-01, 4.1100e-02, 3.7789e-02,\n"," 5.4038e-02, -3.8945e-02, -9.7905e-02, 1.1459e-01, 3.5389e-01,\n"," 3.2329e-01, -4.1584e-01, -7.4286e-01, -1.6739e-01, 1.0173e-01,\n"," 8.7788e-02, -4.0068e-01, 1.0757e-01, 6.7391e-01, -3.6262e-01,\n"," -3.8923e-01, -2.9046e-01, -2.6226e-01, 5.1044e-01, 1.8121e-01,\n"," -1.2725e-02, -1.8843e-01, 2.2207e-01, 3.3366e-01, -2.8114e-01,\n"," 2.4640e-01, -7.2411e-01, 1.8139e-01, 3.7352e-01, -6.2151e-02,\n"," -2.0521e-01, -1.2320e-01, 5.7213e-01, -6.4441e-01, 3.0393e-02,\n"," -9.6469e-02, 1.8118e-01, 1.0034e-01, 5.9624e-01, -3.2368e-01,\n"," -5.1858e-02, -4.4355e-01, 1.3500e-01, 1.6743e-01, 3.9279e-01,\n"," -2.3551e-01, 3.7285e-02, 1.1154e-01, 4.1610e-01, -3.2465e-01,\n"," -1.2596e-01, -1.1887e-01, -4.6293e-01, 1.9889e-01, 5.5120e-01,\n"," -9.3269e-02, -1.5848e-01, -1.7174e-01, -1.8127e-01, 1.8145e-01,\n"," -1.4144e+00, 2.2096e-01, -3.7559e-01, -5.7402e-02, 1.9007e-01,\n"," 3.5617e-01, 7.5243e-02, -2.7107e-01, -2.3951e-01, -2.6165e-01,\n"," 2.6096e-02, 2.9580e-01, -8.3572e-02, -3.0049e-01, -5.4787e-01,\n"," 8.7370e-01, -7.6488e-02, 1.5647e-01, -8.5677e-02, 1.8563e-01,\n"," -2.8058e-01, -1.6794e-01, 5.5850e-02, 5.7870e-02, 7.3284e-02,\n"," -1.3417e-01, -1.7313e-01, -5.9202e-01, -3.5877e-02, 2.4029e-01,\n"," -5.1142e-03, -4.4537e-01, -2.1075e+00, -7.3954e-02, 2.9267e-02,\n"," -2.6571e-01, 1.0785e-01, -8.3721e-02, 3.7180e-01, -2.0962e-01,\n"," 3.7709e-01, -3.2266e-01, 7.2114e-02, -5.5826e-01, 1.6720e-01,\n"," 3.7614e-01, 1.1847e-01, 9.3670e-03]])\n","is: tensor([[ 1.8697e-03, -3.2151e-01, -7.7460e-02, 2.7740e-02, 6.2456e-02,\n"," -3.0456e-01, 4.1830e-01, -2.8992e-01, 2.6928e-01, -2.6196e-01,\n"," -1.4777e-01, -8.2192e-02, -5.2840e-02, 6.1550e-02, 1.4844e-02,\n"," -2.9886e-01, 1.1996e-01, 7.9637e-02, 6.1569e-02, 2.0292e-01,\n"," 1.9862e-01, 1.5923e-01, 3.9574e-04, -7.3993e-02, 3.8438e-01,\n"," 1.9591e-01, -1.8840e-01, -2.5852e-01, -2.4467e-01, 2.8185e-01,\n"," -1.1110e-01, -1.4497e-01, -3.6825e-01, 2.2947e-01, -4.0383e-01,\n"," -2.0087e-01, 2.9177e-01, -6.9990e-02, -3.6491e-01, -7.8553e-02,\n"," -2.9983e-01, -1.0799e-01, 1.0274e-01, 8.7958e-02, -1.8464e-01,\n"," -1.7401e-01, -2.6010e-01, 1.2287e-03, -2.6320e-01, 1.4533e-01,\n"," -2.7946e-01, 2.6213e-01, -1.6042e-02, 5.2499e-01, -1.1449e-03,\n"," 9.1524e-02, 2.7029e-01, -2.7303e-02, -1.7996e-01, -4.0311e-02,\n"," 2.1410e-01, 1.8204e-01, 2.3880e-02, -1.9675e-01, 2.2373e-01,\n"," 2.3156e-01, 3.0306e-01, -2.3258e-01, -4.3007e-01, 2.1494e-01,\n"," -1.2659e-01, -3.4914e-01, 1.9842e-01, -2.0177e-01, 2.6123e-01,\n"," -1.8415e-02, -1.3235e-01, 3.3458e-01, 1.4593e-02, -1.2124e-01,\n"," 8.9224e-02, 1.9894e-01, 5.5546e-03, 2.9379e-01, -1.3886e-02,\n"," 4.4121e-03, 8.7993e-03, -1.9347e-01, -2.2984e-01, 2.9285e-01,\n"," 1.9872e-01, -2.7407e-01, 2.2483e-01, -9.6574e-02, 2.5281e-01,\n"," -2.3031e-01, 5.0902e-02, 1.2539e-01, -4.0944e-02, -1.6317e-01,\n"," -3.2688e-01, -7.0987e-01, 1.3338e-01, 3.1315e-01, -2.3064e-01,\n"," -8.2985e-02, 3.6632e-02, 3.6983e-01, 1.6702e-01, -8.2823e-01,\n"," 1.8914e-01, 4.1402e-02, 1.0409e-01, -1.9764e-02, -1.5156e-01,\n"," 3.8722e-01, 4.8230e-02, 2.4031e-01, 1.1137e-01, 3.0857e-01,\n"," -2.7013e-01, -1.3414e-01, 2.4263e-01, 6.9010e-01, 1.9098e-01,\n"," 1.4073e-01, -1.0874e-01, -2.8252e-01, -2.0213e-01, -3.6445e-01,\n"," -3.4538e-01, 3.2266e-01, 3.0816e-01, 3.7494e-01, -2.4652e-02,\n"," 1.0611e-02, -8.2075e-02, -1.2609e-01, -4.1470e-01, -1.0074e-01,\n"," -1.2555e-01, 5.7480e-01, -8.6346e-01, -2.4227e-01, 2.2759e-01,\n"," -2.6719e-01, 1.1397e-01, -2.7495e-01, 3.7002e-01, 1.9933e-01,\n"," 3.0195e-01, -8.0814e-02, -3.9891e-01, -2.4465e-01, -3.2512e-01,\n"," -2.1890e-01, -8.9821e-02, 1.3372e-01, 2.1553e-03, 4.6271e-01,\n"," 3.4682e-01, 2.6688e-01, 3.3165e-01, -6.8560e-02, 6.6277e-02,\n"," -3.5954e-01, -4.0313e-01, 7.2013e-01, 2.5525e-01, 3.4894e-02,\n"," -2.2595e-01, -4.2219e-01, 4.6512e-01, 3.6027e-01, -2.6512e-01,\n"," 1.3482e-01, 1.3108e-01, -1.1716e-01, -1.8619e-02, -2.1586e-01,\n"," -2.6994e+00, 2.4360e-01, -1.7115e-01, -1.4231e-01, 1.4217e-01,\n"," 6.6598e-02, 7.1642e-02, -1.3172e-01, 3.8511e-01, -2.1052e-01,\n"," -1.9772e-01, -1.6144e-01, -3.3393e-01, 1.3404e-01, 9.1712e-02,\n"," -2.4543e-01, -6.9195e-02, -2.0488e-01, 1.5504e-01, -1.1512e-01,\n"," 3.4769e-01, -1.0439e-01, 1.8340e-01, 1.8045e-01, 3.2331e-02,\n"," 1.0881e+00, 2.0635e-01, -2.7674e-01, 3.2679e-02, 1.5499e-01,\n"," -7.2025e-01, 5.0436e-01, 2.8603e-01, -5.4240e-01, 3.4077e-01,\n"," -1.3731e-01, 2.2577e-01, -1.6461e-01, -3.1177e-01, 1.4409e-01,\n"," 1.5334e-01, -3.9225e-01, -3.2240e-01, 6.6480e-02, -3.2858e-01,\n"," -3.1871e-01, 3.0527e-01, 2.4267e-02, 2.5849e-01, -3.5991e-01,\n"," -8.4364e-02, -2.5220e-01, 1.9502e-01, 2.6347e-01, -3.1921e-01,\n"," 3.7543e-01, 2.2437e-01, -6.2851e-02, 8.0805e-02, -2.8033e-01,\n"," 7.5052e-02, 4.5296e-01, 5.1609e-01, 2.6392e-01, -3.2010e-01,\n"," -2.1473e-01, 4.5929e-01, -1.5447e-01, 2.4216e-01, -7.4336e-02,\n"," -3.2070e-01, -6.0355e-01, -6.2864e-02, -5.0746e-02, -1.5584e-01,\n"," -8.6392e-03, 3.2910e-02, -2.1421e-01, 3.9752e-01, -2.9374e-01,\n"," 3.3773e-01, 7.5409e-02, 4.4468e-01, -1.3732e-01, -1.7217e-01,\n"," 2.5120e-01, 1.6315e-02, 1.3016e-01, 8.2184e-02, 1.6439e-01,\n"," -8.7246e-02, -2.6074e-01, 2.0086e-01, -9.3485e-01, -2.7442e-01,\n"," -1.0608e-01, 6.3571e-01, -1.6626e-02, 3.0940e-02, -2.2704e-02,\n"," 8.6353e-02, 3.7748e-01, -3.9554e-02, -2.4750e-03, 4.3900e-01,\n"," -7.1655e-01, -2.7072e-02, -3.1258e-01, 3.4072e-01, -4.0797e-01,\n"," -1.6145e-01, 6.5377e-02, 1.7735e-01, -6.0703e-02, 2.6116e-01,\n"," 4.3492e-02, 8.9716e-02, 3.4105e-01, -5.0260e-01, -2.1158e-01,\n"," -6.0291e-02, -3.1999e-01, -2.6387e-01, -1.3731e-01, 2.3449e-01,\n"," 1.2332e-01, 4.4151e-02, 1.8659e-01, -2.0093e+00, -2.0058e-01,\n"," 2.3975e-01, -4.6089e-01, 9.8208e-02, -5.8506e-02, 2.2320e-02,\n"," -1.0994e-03, -2.9547e-01, 5.8799e-02, 4.6605e-02, -3.8993e-01,\n"," 3.7131e-01, 6.5619e-01, 1.7579e-01, 3.5621e-02, -2.9010e-02,\n"," 5.2902e-02, -4.9559e-01, 1.6817e-01, 1.7079e-02, -9.3977e-02,\n"," 3.9762e-01, -9.3852e-02, 3.3964e-01, 7.7576e-02, -3.1746e-01,\n"," 1.0219e-01, -3.1246e-01, -2.3716e-01, -2.5728e-01, -1.5917e-01,\n"," -1.3577e-01, 9.5219e-03, 1.9219e-01, 2.6939e-01, 1.8506e-01,\n"," 2.9638e-01, 8.2790e-01, -1.9400e-01, -1.2523e-02, 3.9636e-01,\n"," 2.6522e-01, -2.0681e-01, -1.2239e-01, -1.8549e-01, 6.4841e-02,\n"," -1.6309e-01, 4.0983e-02, 1.6435e-01, 1.9139e-01, -2.1484e-01,\n"," 7.1836e-02, -8.4125e-02, -5.4567e-02, -8.0429e-02, 3.1976e-03,\n"," 3.0498e-01, 1.1114e-01, -3.8087e-01, 3.6319e-01, -1.7593e-01,\n"," 7.2298e-02, 1.6631e-01, -5.6938e-01, 1.3773e-01, -7.0020e-02,\n"," 1.7213e-01, 5.2953e-02, 2.5434e-01, -1.7713e-01, -1.9017e-01,\n"," -1.3093e-01, -8.5987e-01, -3.0105e-01, 2.4698e-01, -2.7790e-01,\n"," 4.9439e-02, 3.4442e-01, -4.1068e-01, -1.3946e-01, -2.6809e-01,\n"," 4.1420e-01, 2.4348e-03, 1.6486e-01, 2.1774e-01, 2.1962e-01,\n"," -3.7282e-01, -4.8055e-02, -2.5581e-01, -8.0311e-02, 8.4998e-02,\n"," 4.9077e-02, 2.1729e-01, 6.9998e-02, 2.5035e-01, 3.6638e-01,\n"," -5.4563e-01, 3.8146e-01, -5.6758e-02, -1.4173e-01, -3.2236e-01,\n"," 1.0513e-01, 6.5995e-03, -1.5990e-01, 1.0247e-01, -8.0096e-01,\n"," -3.4851e-02, -7.9852e-02, -1.5575e-01, 3.2593e-01, -1.6044e-01,\n"," 2.5603e-01, 1.4140e-01, 2.1942e-01, -2.0685e-01, -2.8493e-01,\n"," 1.9528e-01, -1.5996e-02, 2.1575e-01, 4.8777e-02, 3.9468e-01,\n"," -2.0199e-01, -8.0605e-02, -2.8236e-01, 2.1750e-01, 2.3375e-02,\n"," -3.9214e-01, -5.3155e-01, -7.4678e-02, 2.0181e-02, -1.6100e-01,\n"," 1.1017e-01, -1.9483e-01, -2.5688e-01, 8.0502e-02, 1.7548e-01,\n"," 7.3325e-01, 2.4487e-01, 2.5128e-01, 4.8031e-01, 2.4326e-01,\n"," -4.2904e-01, -5.7729e-02, -1.1157e-01, 4.2170e-01, -3.5807e-01,\n"," -1.6398e-02, 2.6152e-01, 3.0963e-01, 2.7681e-01, -3.1257e-01,\n"," 6.4292e-01, -2.3799e-01, -5.2642e-02, -4.6144e-01, 1.4274e-01,\n"," -4.7081e-01, -4.0608e-01, 1.2654e-02, -1.0138e-01, 2.7303e-02,\n"," -3.2333e-01, 2.0613e-01, 5.5301e-02, 1.3190e-01, 4.3834e-02,\n"," 2.8985e-02, -1.1305e-01, 5.0564e-01, 4.1251e-01, -3.4767e-01,\n"," 4.1457e-01, 1.8430e-01, -9.9562e-02, 1.9372e-01, -3.7351e-03,\n"," -3.9657e-01, 2.4432e-01, -1.1603e-02, 2.5609e-01, -3.2050e-02,\n"," 5.2519e-03, 3.2480e-03, 1.8653e-01, 1.5037e-01, -2.3396e-01,\n"," -2.6237e-01, 2.9199e-01, 4.8939e-01, 3.2174e-01, -4.5484e-01,\n"," -3.8316e-01, -1.4486e-01, -2.2286e-01, -2.7317e-02, 3.2270e-01,\n"," -5.1186e-02, 2.2661e-01, 3.0729e-01, 4.6752e-01, -6.1053e-02,\n"," -3.6775e-01, 8.9749e-03, -9.5514e-02, -2.3237e-01, 1.1131e-01,\n"," 3.3019e-01, 2.7881e-03, -2.0579e-01, 6.6362e-02, -2.5834e-01,\n"," -3.4687e-01, -2.4419e-01, -4.0189e-03, 3.5229e-01, 2.7011e-01,\n"," 1.6936e-02, 4.1147e-01, -3.5420e-01, -4.8230e-01, -2.2401e-01,\n"," 4.3381e-02, -2.5263e-02, 2.1812e-01, -2.2043e-01, -2.6893e-01,\n"," -4.1569e-01, -8.5913e-02, -7.8470e-02, 1.8877e-01, 2.3622e-01,\n"," -3.0409e-01, -1.0295e-01, 2.5066e-01, -1.1850e-01, -4.2483e-01,\n"," -1.9921e-01, -3.9208e-01, -4.8236e-01, 9.7306e-02, -4.0721e-01,\n"," -5.3597e-01, -1.8237e-01, -3.6961e-02, 3.4132e-01, -1.1565e-02,\n"," 6.8570e-01, 3.6684e-01, 1.4704e-01, -1.9376e-01, 6.7605e-02,\n"," 1.9593e-01, -1.3733e-02, 1.8709e-01, -7.5263e-01, -1.5905e-01,\n"," -8.9051e-02, -7.5011e-02, -1.0840e-01, -1.2490e-01, 1.4668e-01,\n"," 1.2459e-01, -6.3242e-02, 7.9327e-02, 1.4409e-01, 4.8669e-02,\n"," 2.6192e-03, 2.5275e-01, 4.2298e-01, -3.3102e-01, 1.4964e-01,\n"," 1.7529e-01, 2.6218e-01, -3.3960e-01, 4.4573e-02, 5.1640e-02,\n"," -1.3057e-02, -2.8317e-01, 1.2903e-01, 1.0209e+00, 6.6357e-01,\n"," -2.9555e-01, -3.5495e-05, 2.1063e-01, -1.4781e-01, 3.9247e-02,\n"," 2.3618e-01, -8.7327e-02, -5.1372e-01, -9.7266e-02, -2.1151e-01,\n"," -1.9037e-01, -1.3693e-02, -8.4586e-02, 2.1561e-01, -1.8468e-01,\n"," 2.1060e-01, -3.8622e-01, -8.1579e-02, -8.0516e-02, 1.8653e-01,\n"," -1.1430e-01, 2.0596e-02, -3.2029e-01, 9.8316e-02, 1.7938e-01,\n"," -2.3479e-01, -8.8719e-02, -2.3090e-01, -3.5579e-01, 6.9056e-02,\n"," 2.8082e-01, 5.9478e-01, -5.7686e-01, -7.0712e-02, -7.1670e-02,\n"," -6.8886e-01, 2.8716e-01, 4.6037e-01, 8.5511e-02, -1.5773e-01,\n"," 5.7352e-01, 2.5527e-01, 3.1434e-01, 2.4952e-01, -2.8375e-01,\n"," -1.6349e-01, -2.5004e-01, 4.2881e-01, 3.8245e-01, 7.1545e-02,\n"," -1.5492e-01, 5.5823e-01, -2.9444e-01, -4.0516e-01, 2.9365e-01,\n"," 2.4712e-01, -2.4901e-01, -4.1190e-01, 2.2186e-01, 5.7751e-02,\n"," 1.5777e-01, 7.5507e-02, -2.1608e-02, 4.5435e-03, 1.0407e-01,\n"," -3.0175e-01, -4.0616e-02, 2.2791e-01, 2.1490e-01, 7.0052e-02,\n"," -3.4287e-01, 8.8782e-02, -1.1014e-01, -1.1654e-01, -1.7771e-02,\n"," 6.5245e-02, -1.0739e-01, -9.7636e-01, 1.3144e-02, 3.7066e-04,\n"," 1.2365e-02, -3.6228e-01, 1.1752e-01, 2.8827e-01, 3.0365e-01,\n"," -4.1336e-01, -2.0176e-01, -1.2524e-01, 2.5792e-01, 2.4093e-01,\n"," -7.9870e-03, -1.6644e-01, 1.8708e-02, 1.6321e-01, -4.1054e-01,\n"," 3.8808e-01, -5.7599e-01, -9.3410e-02, 7.5947e-02, 3.9543e-02,\n"," -1.5001e-01, -1.1766e-01, 5.4193e-01, -6.4604e-01, -5.0309e-02,\n"," -6.2907e-02, 1.8551e-01, 5.1217e-02, 2.3072e-01, -3.6149e-02,\n"," -2.3456e-02, -3.9047e-01, 3.4240e-01, -1.2439e-02, 2.3032e-01,\n"," 2.2514e-01, 4.3220e-01, 3.7389e-01, 4.8468e-01, -3.1992e-01,\n"," -2.9266e-01, -2.2074e-01, -1.7781e-01, 1.4267e-01, 3.0812e-01,\n"," 2.8772e-03, -2.4614e-02, -3.8921e-01, 1.9679e-01, 1.2218e-01,\n"," -1.1499e+00, 2.4324e-01, -1.0012e-01, -7.8817e-02, -2.7842e-02,\n"," 1.8674e-01, -1.2989e-02, -1.7676e-01, -1.5938e-01, -3.3805e-01,\n"," 1.0930e-01, 2.0728e-01, -2.5851e-01, -1.9172e-02, -3.7778e-01,\n"," 2.8461e-01, -2.1312e-01, 3.6264e-02, 1.3177e-01, 6.0335e-01,\n"," 9.7145e-02, 3.0143e-01, 2.2475e-01, -4.1595e-01, 2.4370e-02,\n"," -2.8742e-01, -1.7549e-01, -1.1151e-01, -1.2572e-01, 2.4712e-01,\n"," -1.7420e-02, 5.8104e-02, -2.7543e+00, 5.5879e-02, 6.8826e-02,\n"," -1.9035e-01, 6.9779e-02, -3.3699e-01, 4.0038e-01, -1.7857e-01,\n"," 7.4339e-02, -6.6231e-02, -1.1496e-02, -4.7582e-01, 3.9001e-01,\n"," 1.7502e-01, -5.7692e-03, 1.0571e-01]])\n","unusual: tensor([[ 6.4464e-02, -3.4013e-02, -3.3912e-01, 7.5163e-02, -5.2474e-02,\n"," -2.7475e-01, 1.8149e-01, -6.7264e-02, 3.0967e-02, -2.7567e-01,\n"," -6.3827e-02, -1.4769e-01, 3.6248e-02, 9.8215e-02, -3.2965e-01,\n"," -1.1069e-01, 8.9107e-02, -1.8657e-02, 7.9898e-02, 9.4999e-02,\n"," 1.2357e-01, -4.9598e-02, 1.0488e-01, -2.0964e-01, -2.4742e-02,\n"," 1.0692e-01, -2.6287e-01, -9.2929e-02, -3.8314e-01, 2.7880e-01,\n"," -1.7635e-01, -5.8926e-02, 6.2025e-02, 5.1714e-01, -1.9695e-02,\n"," -8.7521e-02, 4.2550e-02, -8.7594e-02, -3.3308e-01, -2.4094e-01,\n"," 8.3701e-02, -9.8729e-02, 8.1445e-02, -9.4598e-02, -1.0342e-01,\n"," -2.3787e-01, -2.9704e-01, 8.3370e-02, -2.5950e-01, 2.2658e-01,\n"," -1.4876e-01, 1.9920e-01, 3.5171e-02, 2.9138e-01, 1.4731e-01,\n"," 2.1313e-02, 1.4613e-01, 7.3460e-02, 1.0229e-01, -1.9069e-01,\n"," 1.8321e-01, 1.7455e-02, 2.5807e-02, 8.0755e-02, 1.2588e-01,\n"," 1.2591e-01, 3.5506e-01, -1.9598e-01, -2.2669e-01, 1.1542e-01,\n"," -5.9150e-02, -4.2422e-01, 2.1844e-01, -5.3419e-02, 1.8565e-01,\n"," 5.8685e-02, 2.3543e-02, 1.5152e-01, 2.1407e-01, 1.4521e-01,\n"," 2.9959e-01, 1.2149e-01, 1.5879e-01, 2.1157e-01, -6.4079e-02,\n"," 1.2502e-01, -1.8071e-01, 1.5279e-02, -2.3663e-01, 3.8935e-02,\n"," 1.9487e-01, 3.2695e-03, 1.5150e-01, 4.6295e-02, 5.2882e-02,\n"," -5.1236e-02, -1.6216e-01, 5.2623e-02, -1.0842e-01, -1.5162e-01,\n"," -3.7357e-02, -2.9193e-01, -1.4136e-01, 4.7468e-01, -8.4539e-02,\n"," 3.4516e-02, -8.2532e-02, -1.1806e-02, 2.4755e-02, -6.6317e-01,\n"," 2.8501e-01, -2.0662e-02, 1.2321e-01, -1.2099e-01, -1.5876e-01,\n"," 3.6816e-01, 1.7011e-01, 7.0303e-02, 2.2895e-01, 1.2792e-01,\n"," -7.7891e-02, -2.0920e-01, -1.0861e-02, 7.4922e-01, 1.4834e-01,\n"," 7.0919e-02, -5.2123e-02, -4.3959e-01, -1.0794e-01, -2.9160e-01,\n"," -4.9456e-01, 3.7443e-01, 2.4623e-01, 3.1715e-01, -1.8695e-02,\n"," -2.3747e-02, -1.0918e-01, -1.4628e-01, -3.6356e-01, -5.1671e-02,\n"," -9.4246e-02, 4.2027e-01, -1.0176e+00, -3.1891e-01, 2.8020e-02,\n"," 6.1655e-02, 3.0418e-01, -1.0166e-01, 5.6163e-02, -1.0611e-01,\n"," 1.0976e-01, 8.7541e-02, -3.1066e-01, -5.0108e-02, -2.7656e-01,\n"," -2.1018e-01, 9.9534e-03, 1.5942e-03, 2.9343e-01, 2.7799e-01,\n"," 1.2830e-01, 4.6399e-01, 1.7282e-02, 1.3920e-01, -3.2410e-01,\n"," -5.7648e-02, -2.1222e-01, 6.3390e-01, 1.4911e-01, 1.5098e-02,\n"," -2.6372e-01, -1.0738e-01, 1.8333e-01, 4.5962e-01, -3.8950e-01,\n"," 2.8457e-01, 2.1841e-01, 1.6496e-01, 9.7465e-03, -1.5412e-01,\n"," -2.8904e+00, 1.0381e-01, -9.1481e-02, -1.7601e-01, 5.5940e-02,\n"," -4.6533e-02, 7.5234e-02, -2.8699e-01, 1.7759e-01, -3.3838e-01,\n"," -1.2880e-02, 4.2578e-02, -2.4567e-01, 1.3146e-01, 1.7560e-01,\n"," -1.4347e-01, -2.6394e-02, -2.1558e-02, 1.7342e-01, 3.0309e-02,\n"," 2.5081e-01, 1.6591e-01, 2.0080e-01, 3.4322e-01, 7.2882e-02,\n"," 7.8157e-01, 1.7057e-01, -2.4079e-01, 8.8311e-02, -4.8137e-02,\n"," -4.9711e-01, 3.3792e-01, 2.8833e-01, -2.4824e-01, 4.0599e-01,\n"," -2.0900e-01, 3.1813e-01, -2.4341e-01, -4.3327e-01, 1.4298e-01,\n"," 2.4411e-02, -1.1482e-01, -1.2202e-01, 2.2471e-01, -1.2566e-01,\n"," -5.1247e-01, 2.8771e-01, -1.4505e-02, 1.7378e-01, -4.6369e-02,\n"," -2.1865e-01, -2.7905e-01, 1.4551e-01, 2.7990e-02, -2.2413e-01,\n"," 1.3317e-01, 1.0272e-02, 8.6055e-03, 3.2282e-02, -1.9228e-01,\n"," -4.2921e-02, 1.7512e-01, 2.9928e-01, 3.5278e-01, -2.4741e-01,\n"," -1.3225e-01, 2.5058e-01, 2.7063e-01, 4.2424e-01, -2.1691e-01,\n"," -9.1270e-02, -2.9672e-01, 9.5753e-02, -1.0649e-01, 2.0498e-03,\n"," -7.9208e-02, 1.1895e-02, -2.4338e-01, 2.4328e-01, -7.4836e-02,\n"," 1.4195e-01, 3.0820e-01, 4.8693e-01, -4.4754e-01, -1.2086e-01,\n"," 2.1923e-01, 3.7339e-01, -1.3963e-01, -7.3453e-02, 1.1350e-01,\n"," 8.6085e-02, 2.6713e-02, 1.1466e-01, -1.3240e+00, 2.1944e-01,\n"," -2.1762e-01, 3.2553e-01, 1.1884e-01, 1.6868e-01, -1.8068e-01,\n"," -2.4658e-02, 8.1826e-02, -1.0671e-01, 9.7295e-02, 3.9845e-01,\n"," -3.6709e-01, -3.0207e-01, -3.3139e-01, 3.4258e-02, -4.1060e-01,\n"," -2.3519e-01, 1.1701e-01, 1.0684e-01, 9.3163e-02, 2.7189e-01,\n"," 6.5004e-02, 4.2711e-03, 1.1997e-01, -4.7572e-01, -2.5986e-01,\n"," -3.9909e-03, 1.6127e-01, -8.6419e-02, -2.6726e-01, 1.4846e-01,\n"," 7.9445e-02, 3.5701e-02, 3.1543e-02, -2.3420e+00, -1.3687e-01,\n"," 2.4152e-01, -3.7858e-01, 2.7988e-02, -1.0845e-01, 1.0456e-01,\n"," -4.1190e-02, -2.2818e-02, 3.5516e-02, 2.4556e-01, 5.0009e-02,\n"," 6.9581e-02, 2.5449e-01, 3.4327e-02, -8.5649e-02, -5.5129e-02,\n"," -1.0490e-01, -5.1831e-01, 2.6198e-01, -1.7349e-01, 1.6505e-03,\n"," 1.7090e-01, -2.8350e-01, 9.3965e-02, 1.3112e-01, -3.1201e-01,\n"," 2.2279e-01, -4.4075e-01, -7.6461e-02, -3.7187e-02, -3.5273e-01,\n"," -2.4408e-01, 3.0572e-02, 1.5376e-01, 1.3190e-01, 2.5066e-01,\n"," 1.3895e-01, 9.8721e-01, 4.5357e-02, 2.8641e-01, 2.2402e-02,\n"," 1.7234e-01, -3.3666e-02, -2.3191e-01, -4.8718e-02, 6.9786e-02,\n"," -2.2085e-01, 8.3589e-02, 2.6435e-01, 3.5710e-01, 2.8395e-02,\n"," 2.1023e-01, -2.0225e-01, -1.9738e-01, 8.8014e-04, 1.8169e-01,\n"," 2.9112e-01, -1.8721e-02, -1.9358e-01, 1.6283e-01, -1.6552e-01,\n"," 2.0568e-01, 2.9863e-01, -6.9105e-01, 2.1715e-01, -1.0663e-01,\n"," 1.0486e-01, -8.7537e-03, -8.2752e-02, 3.4078e-02, -3.1801e-02,\n"," 7.5785e-02, -6.9002e-01, -3.3276e-01, 3.2658e-01, -3.0826e-01,\n"," -2.2000e-02, 3.4089e-01, -2.4144e-01, -5.3606e-02, -2.1455e-02,\n"," 1.7105e-01, 2.7479e-01, 1.2496e-01, -3.9301e-02, 2.1749e-01,\n"," -1.6918e-01, 1.4120e-01, -1.6665e-01, 9.8983e-02, 2.4240e-02,\n"," 5.8584e-02, 1.4906e-01, 3.2358e-01, 1.6611e-01, 4.3292e-01,\n"," -3.9821e-01, 2.3019e-01, 2.6998e-01, -4.4549e-01, -2.7402e-01,\n"," 3.7719e-02, -3.9569e-03, -4.3462e-02, 1.1438e-01, -5.2358e-01,\n"," -9.6180e-02, -8.8869e-04, -2.3196e-01, 2.7507e-01, -1.4706e-01,\n"," 4.8766e-01, 1.7715e-01, 1.3181e-01, -1.1070e-01, -2.0332e-02,\n"," 3.0439e-01, -2.7240e-02, 3.4311e-01, 1.0456e-02, 3.2307e-01,\n"," 1.8481e-01, 2.4421e-01, -2.3990e-02, 3.2002e-02, -7.6515e-02,\n"," -3.6562e-01, -2.5549e-01, -3.5209e-02, 3.5675e-02, -8.1288e-02,\n"," -5.2368e-02, -2.7886e-01, -1.3602e-01, 2.1579e-01, 1.9926e-01,\n"," 3.1879e-01, 2.4325e-01, 4.7457e-01, 4.0500e-01, -2.1082e-02,\n"," -5.7988e-01, 7.2504e-02, 2.2105e-01, 2.3232e-01, 6.0325e-02,\n"," 2.8035e-01, 3.2246e-01, 1.6524e-01, 3.3171e-01, -2.5228e-01,\n"," 3.4063e-01, -1.0751e-01, -2.5434e-01, -1.3638e-01, 6.3455e-02,\n"," -7.5630e-02, -3.7117e-01, 2.1866e-01, -1.4968e-01, 2.9395e-02,\n"," 1.0017e-01, 5.3689e-02, -1.2898e-01, 3.2237e-02, 9.8427e-02,\n"," 6.6170e-02, -4.2192e-01, 1.3779e-01, 3.5366e-01, -1.0219e-01,\n"," 1.6805e-01, 1.5891e-01, -4.7075e-02, 2.1798e-01, -6.2121e-02,\n"," -3.3440e-01, 3.3554e-02, 1.0976e-01, 3.2555e-02, -3.5603e-01,\n"," 7.5953e-02, -1.5449e-01, 3.1532e-01, 3.9956e-02, -3.7739e-01,\n"," -2.2454e-01, 3.0221e-01, 3.5349e-01, 1.3299e-01, -2.0689e-01,\n"," -2.0284e-01, -1.4256e-01, -9.9464e-02, 7.0002e-02, 3.3103e-01,\n"," -1.9898e-01, 1.1474e-01, 1.1589e-02, 3.8737e-01, -2.6109e-01,\n"," -2.7279e-01, 3.5899e-02, -6.8538e-03, -6.5444e-02, 1.3820e-01,\n"," 1.0499e-01, -4.8080e-01, -3.6351e-01, 6.0033e-02, -1.8893e-01,\n"," -1.6904e-01, -6.6318e-02, -9.5019e-03, 4.1941e-01, 2.9836e-02,\n"," 8.3258e-02, 3.2561e-01, -1.9404e-01, -3.9320e-01, -1.6591e-01,\n"," 1.6838e-01, 4.6146e-02, 1.5683e-01, -1.6726e-01, -3.4664e-01,\n"," -3.3071e-01, 1.8642e-01, 1.6663e-01, 1.2957e-01, 4.7443e-01,\n"," -2.6354e-01, -8.1887e-02, 2.6584e-01, 1.5487e-01, -5.0884e-01,\n"," -1.7701e-01, -2.3842e-01, -4.1209e-02, -1.0768e-02, -2.1533e-01,\n"," -5.0068e-01, -5.0565e-03, -6.7459e-02, 1.3506e-03, 2.7431e-01,\n"," 4.8736e-01, 1.3797e-01, 6.7397e-02, -3.3616e-01, 7.0555e-02,\n"," 1.4981e-01, -3.6031e-02, 2.7680e-02, -5.7460e-01, -1.5513e-01,\n"," -2.7792e-02, 7.3335e-02, -3.1639e-02, -6.4395e-03, 1.2891e-01,\n"," 1.6457e-01, -2.5703e-01, 2.4250e-02, 2.9403e-02, -1.0981e-01,\n"," 7.0152e-02, 2.8698e-01, 3.9926e-01, -2.5044e-01, 2.6452e-01,\n"," 3.7069e-02, 2.5376e-01, -3.6107e-01, 3.3725e-02, 2.7694e-01,\n"," -4.2177e-01, -4.5889e-01, 5.9709e-02, 9.6707e-01, 5.6122e-01,\n"," -9.9493e-02, -2.1089e-01, 1.5341e-01, -1.0099e-01, -1.9841e-01,\n"," -6.6644e-02, -2.3983e-01, -4.6000e-01, 3.4577e-01, 1.3529e-02,\n"," -8.5610e-02, 7.5082e-02, -1.1039e-01, 1.6956e-01, -4.4041e-01,\n"," 3.4498e-01, -3.3049e-01, -8.6051e-02, -1.5341e-01, 1.9530e-01,\n"," 1.0746e-01, -2.0635e-01, -8.1443e-02, 1.7349e-01, 1.8294e-01,\n"," -1.1284e-01, -2.5191e-02, -2.2373e-02, -4.0475e-01, -1.2590e-01,\n"," 1.7169e-01, 4.6479e-01, -5.2123e-01, 8.3693e-02, 8.2559e-02,\n"," -7.8211e-01, 3.6895e-02, 3.7417e-01, 3.6908e-02, 1.3314e-01,\n"," 2.3775e-01, 1.0824e-01, 1.7798e-01, 2.3443e-01, -3.8813e-01,\n"," -7.8100e-02, -1.0778e-01, 1.8526e-01, 4.1595e-01, 2.7562e-01,\n"," -1.3774e-01, 2.0981e-01, 1.3353e-01, -2.2524e-01, 3.7430e-01,\n"," 3.8161e-02, -1.4871e-01, -9.4604e-02, 2.7052e-02, -2.1299e-01,\n"," 1.8438e-01, 7.2867e-03, -1.0170e-01, 1.6525e-01, 2.3289e-01,\n"," -2.8544e-01, 6.0687e-02, 1.4457e-01, -9.5034e-02, -8.2853e-02,\n"," -2.7896e-01, 2.4410e-02, -1.3070e-01, -4.8123e-02, 1.4906e-01,\n"," 1.1208e-01, -1.1411e-01, -1.1839e+00, -3.2346e-02, -1.6269e-01,\n"," -2.7687e-01, -1.5618e-01, -6.7597e-02, 4.8891e-01, 2.0787e-01,\n"," -3.2796e-01, -2.1690e-01, -1.7745e-01, 3.8453e-01, 7.0023e-02,\n"," 4.5355e-03, 2.3528e-02, 2.3966e-02, -5.8391e-04, -7.4982e-02,\n"," 4.7399e-01, -3.4239e-01, -2.2566e-01, 2.6605e-02, -1.6456e-01,\n"," -1.6506e-01, -1.5214e-01, 5.5805e-01, -3.7424e-01, -1.2006e-01,\n"," -7.0067e-02, 6.8045e-02, -9.3787e-02, 2.7134e-01, -3.5173e-01,\n"," -3.3600e-02, -1.7018e-01, 1.6585e-01, -4.7530e-02, 2.0257e-01,\n"," -1.3129e-01, 3.3110e-01, 2.2937e-01, 5.2770e-01, -2.4688e-01,\n"," -7.2587e-02, -1.0617e-02, -9.9357e-02, -7.0512e-02, 4.2908e-01,\n"," -2.1915e-01, -2.2945e-01, -2.8233e-01, -1.4750e-01, 4.3904e-02,\n"," -1.2680e+00, 3.5709e-01, 3.9257e-02, -1.6089e-01, 1.1746e-02,\n"," 1.3371e-01, 1.0405e-01, -3.0915e-01, -1.0032e-01, -8.5018e-02,\n"," 1.9742e-01, 9.4230e-02, -1.3937e-01, -2.0746e-01, -4.0613e-01,\n"," 2.4422e-01, -6.5410e-02, 1.1783e-01, 1.1851e-01, 3.9204e-01,\n"," -5.0269e-02, -3.0048e-02, 1.5168e-01, -2.9108e-01, 7.9652e-02,\n"," -5.2698e-03, -1.9140e-01, -1.5343e-01, 2.7433e-02, 3.6809e-03,\n"," 1.4644e-01, -4.0275e-01, -2.8605e+00, -1.6291e-01, 2.9833e-02,\n"," -3.5776e-02, -5.3433e-03, -2.3370e-01, 3.2348e-01, -1.0491e-01,\n"," 3.0535e-03, -1.3573e-01, 3.9637e-02, -4.9795e-01, 3.0375e-01,\n"," 1.5191e-01, -1.4535e-01, -1.9471e-01]])\n","in: tensor([[-1.0469e-02, -3.4887e-01, -3.9906e-01, -1.0612e-01, 6.1948e-02,\n"," -1.0872e-01, 1.6045e-01, -2.3786e-02, -8.4369e-03, -3.0320e-01,\n"," 2.0577e-01, -2.1507e-02, 1.7677e-01, -8.3829e-02, -2.3816e-01,\n"," -7.7797e-02, 4.4353e-03, 1.3983e-01, 1.6558e-01, -2.6958e-03,\n"," 8.0272e-02, 9.3942e-03, 2.4963e-01, 2.7434e-01, 1.1856e-01,\n"," 2.8712e-01, -1.5177e-01, 2.6251e-01, -2.7147e-01, -4.0402e-02,\n"," -5.4683e-02, -2.8251e-01, -6.4366e-02, 3.8945e-01, -5.2794e-02,\n"," -1.6888e-01, 1.4126e-01, -2.3491e-01, -3.1927e-01, 1.5932e-01,\n"," -4.8828e-02, -1.8718e-01, -1.1196e-01, -1.1908e-01, -1.0914e-01,\n"," 1.1975e-01, -4.0840e-01, 1.5753e-01, -1.2965e-01, 6.1302e-02,\n"," -3.1301e-01, 3.1141e-01, 1.9204e-01, 2.4873e-01, 3.9456e-02,\n"," 2.5985e-01, 2.3399e-01, 3.1777e-01, -1.0433e-01, -1.5133e-01,\n"," 8.2563e-03, 2.8997e-01, -1.5824e-02, -1.2877e-01, 3.4367e-01,\n"," 1.4795e-01, 2.0879e-01, -1.6377e-01, -5.4858e-01, -1.0054e-01,\n"," -2.7534e-01, -2.0530e-01, 1.3866e-01, 1.5652e-01, 2.3298e-01,\n"," 1.6632e-01, -4.6278e-02, 3.9412e-01, 9.7893e-02, 7.8762e-02,\n"," 2.4237e-01, 9.9038e-02, -1.1035e-01, 3.2687e-01, 7.9727e-02,\n"," -3.6802e-02, -1.3585e-01, -1.3175e-01, 1.0498e-02, -2.2310e-02,\n"," -5.5055e-02, -1.2224e-01, 4.1740e-02, 1.6062e-01, 1.0895e-01,\n"," 3.9505e-02, -1.3682e-01, 1.6154e-02, -1.8732e-01, -2.0208e-01,\n"," 8.7010e-02, -3.0361e-01, -5.1802e-02, 4.9419e-01, -1.9523e-01,\n"," -1.1930e-01, 3.7979e-02, 1.1840e-01, 5.6054e-02, -8.2909e-01,\n"," 2.5055e-01, 3.2828e-02, 2.9812e-01, -3.8002e-02, -1.4081e-02,\n"," 1.6850e-01, 2.6146e-01, 1.9247e-01, 2.0080e-01, 2.2591e-01,\n"," -3.8329e-01, -1.4640e-01, 6.4893e-02, 8.0498e-01, -1.0449e-02,\n"," 1.5718e-01, -2.1008e-03, -3.8983e-01, -1.8234e-01, -7.0638e-02,\n"," -2.9796e-01, 2.4292e-01, 3.3073e-01, 2.7160e-01, -6.5514e-02,\n"," -5.8862e-02, 5.2382e-02, -9.0124e-02, -3.1123e-01, -1.2620e-01,\n"," -1.3323e-01, 3.8649e-01, -9.0235e-01, -5.9301e-01, -1.4318e-02,\n"," -2.6898e-01, 3.4750e-01, -2.2360e-01, 3.5516e-01, -2.5770e-01,\n"," 2.2842e-01, -1.4775e-01, -3.2382e-01, -1.0954e-01, -2.4329e-01,\n"," -5.4530e-02, 2.1789e-01, 1.9403e-01, 2.2117e-01, 3.7876e-01,\n"," 2.7611e-01, 1.8109e-01, 2.2719e-01, 6.7545e-02, -1.3594e-01,\n"," -2.1537e-01, -3.5116e-01, 4.0856e-01, 3.4789e-01, 2.7489e-01,\n"," -4.7655e-01, -4.1025e-01, 3.8783e-01, 2.1588e-01, -3.9584e-01,\n"," 3.7275e-02, 2.3073e-01, 8.0775e-02, -8.2826e-02, -1.7322e-01,\n"," -2.6806e+00, -1.4115e-01, -2.2523e-01, -1.8209e-01, 4.8946e-01,\n"," -4.3283e-02, 8.0882e-02, -3.5729e-01, 2.4210e-01, -3.2844e-01,\n"," -2.4132e-01, -1.4793e-01, -5.5560e-01, 2.4806e-01, 1.3966e-01,\n"," -1.8439e-01, 6.3824e-02, 1.3365e-02, -3.9366e-02, 2.5094e-02,\n"," -1.1998e-01, -1.2045e-01, 4.6770e-01, 3.4016e-01, -1.6739e-01,\n"," 9.9141e-01, -1.3422e-01, -4.8594e-01, 1.4262e-02, 2.9214e-01,\n"," -5.2545e-01, 2.4196e-01, 1.2542e-01, -3.4431e-01, 1.5645e-01,\n"," -3.7388e-01, 9.0583e-02, -3.0887e-01, 7.1036e-03, 2.7729e-02,\n"," 3.4548e-01, -1.2203e-01, -4.3174e-02, 1.3752e-01, -7.3621e-02,\n"," -2.2842e-01, 1.8478e-02, 2.5509e-01, 1.9981e-01, -1.1122e-01,\n"," -1.4208e-01, -3.3403e-01, 1.0462e-01, 9.4808e-02, -3.0230e-02,\n"," 3.1686e-01, 1.1821e-01, -1.8647e-02, 7.5108e-02, -9.8017e-02,\n"," -1.0948e-02, -1.5121e-02, 4.3705e-01, 1.8078e-01, -4.1447e-02,\n"," -1.5369e-01, 2.0542e-02, -1.2186e-01, 1.8281e-01, -3.1614e-01,\n"," 1.7858e-02, -4.2345e-01, -5.3145e-02, -5.2760e-01, -1.2031e-01,\n"," -9.9715e-02, -3.0681e-01, -2.7647e-01, 3.2986e-01, 6.5519e-02,\n"," 1.9550e-01, 2.1136e-01, 4.0438e-01, 4.0746e-02, -2.4565e-01,\n"," 4.4374e-01, 6.0326e-02, 3.1910e-02, -1.3530e-01, 1.9383e-01,\n"," -8.8862e-02, 5.6658e-02, -1.3945e-01, -1.3239e+00, -2.6938e-01,\n"," -1.9100e-01, 3.0537e-01, 2.4916e-02, 1.3102e-01, 6.4190e-03,\n"," -1.2541e-01, -3.7238e-03, -2.8021e-02, 3.4874e-02, 4.1664e-01,\n"," -1.7664e-01, -4.9067e-01, -2.8561e-01, 1.0556e-01, -2.9339e-01,\n"," -1.0953e-01, 1.8034e-01, 2.2489e-01, 7.3144e-02, 2.4496e-02,\n"," 2.1137e-01, 2.1750e-01, 1.4218e-01, -4.4467e-01, -2.7275e-01,\n"," -1.0118e-01, 1.0670e-01, -2.4194e-02, 8.6090e-02, 1.9195e-01,\n"," 3.4682e-01, 1.6324e-01, 2.4639e-01, -1.6992e+00, -1.3542e-01,\n"," 1.9082e-01, -5.6291e-01, 1.2015e-01, -4.7667e-02, -2.8383e-02,\n"," -5.6935e-02, -2.7588e-01, 7.9304e-02, 4.8785e-02, -4.4433e-01,\n"," 3.3945e-01, 1.7760e-01, 2.3666e-01, 1.6153e-01, -1.7683e-02,\n"," -1.1214e-01, -6.2408e-01, -2.9673e-02, 5.7167e-02, -8.5221e-02,\n"," 1.9394e-02, -8.0933e-02, 2.3255e-01, 2.6026e-01, -4.1164e-01,\n"," 2.4707e-01, -4.8751e-01, -1.0590e-01, -1.8433e-01, -2.7313e-01,\n"," -2.2613e-01, 2.5233e-01, 1.8193e-01, 2.0720e-01, 1.1839e-01,\n"," 5.2460e-02, 7.5206e-01, -1.8871e-01, -3.1842e-02, 5.6449e-01,\n"," 1.8152e-02, -1.3957e-02, -6.9589e-02, -1.6250e-01, 2.6149e-01,\n"," -3.2580e-01, -1.3970e-01, 8.5003e-02, 2.9803e-01, -2.2122e-01,\n"," 1.3848e-01, 1.9826e-01, 1.3976e-01, -9.1678e-02, 4.6271e-02,\n"," 2.1715e-01, -1.0598e-01, -3.3291e-01, 9.0496e-02, -3.3487e-01,\n"," 2.3762e-01, 1.6550e-01, -7.8682e-01, 2.2636e-01, -3.2688e-01,\n"," 3.3455e-02, 1.9556e-01, 2.2426e-02, -4.0004e-02, -7.4537e-02,\n"," -4.1161e-01, -8.8128e-01, -3.8869e-01, 2.1453e-01, -4.3663e-01,\n"," -2.5847e-02, 4.2232e-01, -3.1822e-01, -9.9932e-03, 9.7858e-04,\n"," -1.5048e-01, 4.1922e-02, 7.4174e-02, 1.1165e-02, -1.6409e-02,\n"," -4.6075e-01, -1.0155e-01, -4.1946e-01, -1.0061e-01, 1.2029e-01,\n"," 5.9952e-02, 1.6593e-01, 4.1526e-01, 2.6003e-01, 4.0045e-01,\n"," -1.0099e-01, 4.3621e-01, 2.8063e-02, -1.0384e-01, -2.6095e-01,\n"," 9.5671e-02, -1.7374e-02, 7.7613e-02, 8.6647e-02, -6.7996e-01,\n"," 2.3735e-02, -1.4304e-01, -3.2480e-01, 4.6043e-01, -3.2521e-01,\n"," 2.8075e-01, 4.1783e-02, 3.1568e-01, -1.5818e-02, -6.1440e-02,\n"," 2.5004e-01, 3.6424e-03, 2.3642e-01, 2.3057e-03, 3.2288e-01,\n"," -7.0587e-02, -3.7934e-02, 3.1477e-02, 5.9118e-02, -8.2543e-02,\n"," -2.9553e-01, -4.2139e-01, -1.9397e-01, 4.8917e-02, 4.7579e-02,\n"," 1.8667e-01, -3.7198e-01, -1.5408e-01, -4.9469e-02, 6.8507e-02,\n"," 6.4160e-01, 8.4254e-02, 4.7807e-01, 4.4916e-01, 2.4089e-01,\n"," -4.0327e-01, -1.9931e-01, 1.0374e-01, 1.2485e-01, -2.6044e-02,\n"," 1.2351e-01, 5.4537e-01, 4.3808e-01, 2.7755e-01, -1.7042e-01,\n"," 4.5841e-01, -1.0482e-01, 1.7960e-01, -4.4239e-01, 1.3610e-01,\n"," -1.1436e-01, -1.5472e-01, 1.3619e-01, -1.5821e-01, 2.0639e-01,\n"," 6.5254e-02, 2.2214e-01, 9.1405e-02, 2.3587e-02, 1.1597e-01,\n"," 1.5345e-01, -3.0277e-01, -4.1800e-02, 4.2774e-01, -2.8140e-01,\n"," -1.8040e-01, 7.7400e-02, -1.8986e-01, 2.2534e-02, -4.1197e-02,\n"," -2.7629e-01, 1.3267e-01, 2.2933e-01, 1.3260e-01, -1.7390e-01,\n"," 1.0630e-01, 1.7680e-01, 2.1748e-01, 1.5591e-01, -3.1644e-01,\n"," -2.8875e-01, 5.7646e-02, 5.2537e-01, 2.3142e-01, -1.2487e-01,\n"," -2.1870e-01, -1.5532e-01, -3.7585e-01, 2.0453e-01, 3.1722e-01,\n"," -1.1916e-01, 3.1571e-01, 2.4586e-01, 1.7613e-01, -4.3456e-02,\n"," -2.0703e-01, 2.4756e-01, -1.1400e-01, -2.1716e-01, 7.2209e-02,\n"," 1.5120e-01, -3.1913e-01, -3.3840e-01, 1.6670e-01, -1.8234e-01,\n"," -1.1828e-01, -8.8734e-02, 2.3588e-01, 4.5979e-01, 3.4798e-01,\n"," 1.7037e-01, 3.2740e-01, -3.3840e-01, -3.2937e-01, -2.5181e-01,\n"," 1.1250e-01, 7.9926e-02, 2.2442e-01, -1.4604e-02, -1.5474e-01,\n"," -9.7625e-02, -1.1479e-01, 3.4731e-02, 4.9065e-02, 2.6151e-01,\n"," -3.2013e-01, 4.3837e-02, 5.5782e-01, 5.1297e-02, -3.6348e-01,\n"," 1.1299e-02, -2.3320e-01, -1.3601e-01, -4.4621e-03, -4.6788e-01,\n"," -5.8689e-01, 8.6400e-02, 3.7801e-02, 2.4166e-01, 1.7041e-01,\n"," 5.8925e-01, 3.1390e-01, 3.1943e-01, -3.1607e-01, -2.5575e-01,\n"," 8.6704e-02, -1.1021e-01, 1.2883e-02, -5.0520e-01, -2.6901e-01,\n"," 9.3307e-02, 1.4313e-01, -8.9304e-02, -1.8896e-01, 1.0288e-01,\n"," 2.2518e-01, -2.8419e-01, 8.7507e-02, -1.8980e-02, -7.7692e-02,\n"," 2.1326e-03, 2.7148e-01, 2.3272e-01, 1.2150e-01, 5.8984e-02,\n"," -2.7156e-01, 5.6519e-02, -3.2262e-01, 1.6046e-01, 3.1626e-01,\n"," -3.3156e-01, -3.9348e-01, 2.1931e-01, 7.6203e-01, 6.4126e-01,\n"," -4.5321e-01, -6.2349e-02, 3.0930e-01, -1.9395e-01, -2.2196e-01,\n"," 9.2664e-02, -1.4823e-02, -5.4005e-01, 8.8917e-02, 1.0734e-01,\n"," -2.8078e-01, 2.7518e-01, -1.0070e-01, 2.5316e-01, -1.7982e-01,\n"," -4.1409e-02, -2.1380e-01, -1.3055e-01, -4.7909e-02, 2.8083e-01,\n"," -2.7096e-01, 4.4539e-02, -4.8489e-02, 1.0843e-01, 2.7364e-01,\n"," -1.8682e-01, 7.8132e-02, -3.0210e-01, -3.3502e-01, -1.3398e-01,\n"," 2.7216e-01, 4.0110e-01, -4.3704e-01, -1.4026e-01, -1.1378e-01,\n"," -3.7480e-01, 2.3906e-01, 2.6842e-01, -9.5164e-02, -7.0068e-02,\n"," 2.9149e-01, 1.6925e-01, 3.9769e-01, -7.3776e-02, -5.5548e-01,\n"," -2.6454e-01, -2.2534e-01, 1.7565e-01, 1.7574e-01, 6.2024e-01,\n"," -3.3271e-02, 4.8366e-01, -7.1704e-02, -1.8839e-01, 2.6914e-01,\n"," -3.6342e-02, 7.8381e-02, -4.2242e-01, 1.0533e-01, 2.2615e-02,\n"," 7.7299e-02, 3.0341e-01, 1.2768e-01, -3.8403e-02, -2.1225e-01,\n"," -1.5284e-01, 2.3525e-02, 2.6678e-01, -4.9136e-02, 2.4615e-01,\n"," -1.5811e-01, -4.0980e-03, -2.1463e-01, -1.2129e-01, 9.1273e-02,\n"," 8.7419e-03, -2.2229e-01, -1.0538e+00, -5.2330e-02, -1.9005e-03,\n"," -1.5382e-01, -2.3830e-01, 2.8236e-01, 5.1899e-01, 3.1745e-01,\n"," -3.6952e-01, -3.2795e-01, -3.0019e-01, 3.4370e-01, 1.9178e-01,\n"," -6.5139e-02, -3.3842e-02, 2.2393e-01, 1.6260e-01, -1.2297e-01,\n"," 5.3135e-01, -5.4326e-01, -1.1459e-02, 1.3833e-01, -1.8314e-01,\n"," -1.7674e-01, 2.0577e-01, 3.7441e-01, -6.9147e-01, -2.1123e-02,\n"," 9.0057e-02, 7.8166e-02, -9.1146e-02, 3.5850e-01, -7.4843e-02,\n"," 1.1717e-01, -3.7411e-01, 2.1711e-02, -7.1854e-02, 2.3200e-01,\n"," 2.0908e-01, 3.9111e-01, 3.0637e-01, 5.3270e-01, -2.4063e-01,\n"," -3.2935e-01, -2.0023e-02, -8.0822e-02, 4.9889e-02, 3.7334e-01,\n"," -8.7782e-02, -1.8629e-01, -6.2356e-01, -1.2815e-01, 2.2614e-01,\n"," -1.1377e+00, 2.1884e-01, -1.0677e-01, 8.5709e-02, -1.5418e-02,\n"," 1.9039e-02, 6.1657e-02, 2.5742e-02, -1.6399e-01, 3.9331e-02,\n"," 3.7002e-01, -1.4516e-01, 6.7154e-02, 1.1036e-02, -1.6228e-01,\n"," 3.9854e-01, 6.1839e-02, -6.7198e-02, 3.1496e-02, 3.1144e-01,\n"," 1.5441e-02, 1.3723e-01, 3.9687e-01, -2.2312e-01, -1.6643e-01,\n"," -2.2159e-01, -1.9899e-01, -1.9659e-01, -3.0170e-01, 3.9665e-03,\n"," -1.1545e-01, -3.5223e-01, -2.9236e+00, -1.3167e-01, 6.1604e-02,\n"," 7.2104e-03, 1.8204e-01, -2.5502e-01, 1.7326e-01, -1.0882e-01,\n"," -2.8429e-01, -1.0022e-01, 1.4909e-01, -4.2708e-01, -9.9090e-03,\n"," 2.3801e-01, -2.6077e-01, -1.5291e-01]])\n","bigger: tensor([[ 1.6904e-02, -3.8730e-02, -1.2516e-01, 3.0450e-02, -1.4179e-01,\n"," -1.7481e-01, 3.2437e-01, 5.4859e-02, -7.7683e-02, -2.0621e-01,\n"," -1.2275e-01, -3.3005e-02, 8.6325e-02, 1.3560e-02, -3.6569e-01,\n"," -3.3380e-01, 8.2672e-02, 6.6676e-03, -7.3273e-02, 2.5914e-01,\n"," 2.9305e-01, -8.6702e-02, 2.4196e-01, 1.4027e-01, 5.2685e-02,\n"," 2.8054e-01, -1.2670e-01, -1.8378e-01, -2.1068e-01, 1.9655e-01,\n"," -2.0418e-01, -1.6339e-01, -4.6543e-02, 3.6863e-01, -6.3222e-03,\n"," -2.1979e-01, -4.1922e-02, -2.1634e-02, -3.4672e-01, -1.9969e-01,\n"," -5.1050e-02, 3.2514e-02, 6.0175e-03, -1.6289e-02, -6.3553e-03,\n"," -1.5969e-01, -8.5157e-02, 1.1170e-01, -2.7861e-01, 6.7137e-02,\n"," -2.1550e-01, 2.1621e-01, -1.9650e-01, 1.4606e-01, 1.6628e-01,\n"," -1.5689e-01, 2.0062e-01, 1.8335e-01, -5.0184e-02, -1.2462e-01,\n"," 4.2887e-02, -8.8767e-02, 5.3367e-02, 5.2536e-02, 1.2519e-01,\n"," 8.3072e-02, 3.4247e-01, 4.4326e-02, -4.9772e-01, 2.8124e-01,\n"," -1.3089e-01, -4.5339e-01, 2.8875e-01, -7.8125e-02, 2.5238e-01,\n"," -1.1437e-02, -9.9305e-02, 1.7947e-01, 1.4711e-01, -5.7225e-02,\n"," 1.2771e-01, 4.0409e-02, -1.6411e-02, 4.4569e-01, -3.1596e-02,\n"," 1.4510e-01, -1.9467e-01, 6.4606e-02, -3.3438e-01, 4.0471e-01,\n"," 2.4148e-02, 1.9838e-01, 1.9001e-01, 1.6721e-01, 6.1720e-02,\n"," -5.1429e-02, -5.6222e-02, 1.9232e-02, 6.3849e-02, -4.1689e-01,\n"," -7.8032e-02, -3.3646e-01, -1.8135e-01, 2.0325e-01, -3.1818e-01,\n"," -2.9656e-04, -5.3568e-02, 3.1041e-02, 1.2304e-01, -5.7795e-01,\n"," 2.8787e-01, 2.0887e-03, 5.1198e-02, 8.5932e-03, -8.1166e-02,\n"," 3.2022e-01, -2.4509e-02, -7.3208e-02, 8.9661e-02, 1.8568e-02,\n"," -2.4213e-01, -2.2306e-01, 4.8425e-02, 7.7943e-01, 2.9764e-01,\n"," -4.7308e-02, -2.0984e-01, -4.0879e-01, -9.7251e-02, -3.6013e-01,\n"," -7.7931e-03, 2.2434e-01, 1.8116e-01, 3.9718e-01, -2.2547e-01,\n"," 3.4189e-02, -6.8486e-02, -1.6198e-02, -2.2173e-01, -2.7919e-01,\n"," 1.5906e-01, 5.4983e-01, -8.8732e-01, -2.2307e-01, 3.1448e-01,\n"," -8.7047e-02, 2.6789e-01, -2.4962e-01, 9.9675e-02, -1.1827e-01,\n"," 2.4278e-01, 2.9465e-01, -4.2006e-01, -2.4163e-01, -2.6231e-01,\n"," -2.0597e-01, -1.1439e-01, -1.0031e-02, 1.7507e-01, 4.8629e-01,\n"," 1.4302e-01, 1.3502e-01, 1.2252e-01, 7.6244e-02, -9.4450e-02,\n"," 3.9010e-02, -2.1643e-01, 7.0617e-01, 2.9542e-01, 1.2910e-01,\n"," -3.6768e-01, -1.4635e-01, 4.4350e-01, 3.9877e-01, -3.6646e-01,\n"," 2.7227e-01, 2.0863e-01, 1.4553e-01, 8.5016e-02, -1.5106e-01,\n"," -2.8934e+00, 1.2338e-01, 6.7610e-02, -2.1708e-02, 1.2056e-01,\n"," -2.6258e-01, 1.2111e-01, -5.1578e-01, 4.2722e-01, -2.2485e-01,\n"," -1.4345e-01, 1.8093e-01, -1.8861e-01, 2.5350e-01, 2.1023e-01,\n"," -2.0262e-01, 1.8749e-01, -2.3341e-01, 3.5335e-02, -2.1485e-02,\n"," 2.5912e-01, 6.8034e-02, 1.8062e-01, 2.0976e-01, 9.9957e-02,\n"," 7.8348e-01, 6.4623e-02, -4.1198e-01, 2.5199e-02, -2.2599e-03,\n"," -7.9188e-01, 2.5197e-01, 7.8102e-02, -1.5043e-01, 2.7205e-01,\n"," -2.3042e-01, 3.0985e-01, -1.5978e-01, -5.2351e-01, 4.2436e-02,\n"," 2.1450e-02, -9.0776e-03, -2.8213e-01, 2.7743e-01, -8.6005e-03,\n"," -4.9489e-01, 4.9514e-01, 5.5829e-02, 4.6722e-02, -2.7502e-01,\n"," -1.0831e-01, -1.7993e-01, 1.3767e-01, 2.4780e-01, -1.3346e-01,\n"," 1.0021e-01, 2.7576e-02, -1.6306e-01, -8.8804e-02, -3.6852e-01,\n"," -2.1743e-01, 5.4958e-02, 5.5363e-01, 3.1120e-02, -2.2789e-01,\n"," -3.1308e-02, 3.4893e-01, 5.8103e-02, 4.6609e-01, -1.5730e-01,\n"," -3.0373e-02, -4.6307e-01, 4.3180e-02, -3.9822e-01, 1.2099e-02,\n"," -2.5078e-01, 1.0179e-02, -3.3918e-02, 2.5209e-01, -5.2687e-02,\n"," 4.7797e-02, 3.0032e-01, 3.9802e-01, -4.1523e-02, -1.7040e-01,\n"," 4.0317e-01, 1.7332e-01, -9.4751e-02, -2.3973e-02, -1.2515e-01,\n"," 5.6918e-02, 2.4952e-02, -3.1902e-02, -1.3741e+00, 3.2229e-02,\n"," -3.7027e-01, 3.4830e-01, 1.8999e-01, 2.8387e-01, -7.5228e-02,\n"," -9.2240e-02, 8.0542e-02, -2.7424e-01, 2.6012e-02, 5.2796e-01,\n"," -4.1762e-01, -3.5751e-01, -4.1083e-01, 3.1724e-01, -5.3567e-01,\n"," -1.8426e-01, 4.4281e-02, -1.5143e-02, 1.2399e-01, 1.8085e-01,\n"," -2.8985e-02, 5.8929e-02, 2.2597e-01, -2.0120e-01, -2.6774e-01,\n"," 1.8541e-02, 7.6794e-03, 3.0104e-02, -1.3479e-01, -4.2309e-02,\n"," 2.5318e-02, 8.1640e-03, 9.2179e-02, -1.9505e+00, -1.1478e-01,\n"," 2.5425e-01, -3.9209e-01, 1.6762e-01, -3.1008e-01, -2.5714e-01,\n"," 9.2420e-02, -2.3590e-01, -2.9908e-02, 2.2736e-01, -2.7558e-01,\n"," 4.7857e-02, 1.9425e-01, -1.9928e-02, -1.2785e-01, 2.1764e-01,\n"," 3.0306e-02, -6.4276e-01, 9.0401e-02, -1.2202e-01, -1.5239e-01,\n"," 3.4817e-01, -1.6209e-01, 1.9240e-01, 3.1285e-01, -7.9009e-02,\n"," -2.7455e-02, -3.8826e-01, -9.7647e-02, -2.6540e-01, -3.0273e-01,\n"," 6.4112e-02, -4.0886e-02, 1.9528e-01, 1.4536e-01, 2.6918e-01,\n"," -3.6963e-02, 8.0665e-01, -3.6632e-02, 2.6950e-01, 1.1413e-01,\n"," 1.9994e-01, 2.9158e-03, -6.1248e-02, -2.4478e-01, 1.2217e-01,\n"," -2.3548e-01, -4.4136e-02, 2.4512e-01, 3.6037e-01, 1.3116e-03,\n"," -4.1250e-02, -1.0480e-01, -8.4391e-02, -1.0624e-01, 2.3002e-01,\n"," 2.7880e-01, -9.5236e-02, -2.6132e-01, 1.7479e-01, -1.0960e-02,\n"," 1.2915e-02, 4.5520e-01, -4.7322e-01, 1.0700e-01, -2.8420e-01,\n"," -3.0563e-01, 4.9667e-03, 1.7014e-01, -1.3782e-01, -1.0605e-01,\n"," 1.5567e-01, -6.4980e-01, -4.0591e-01, 2.2598e-01, -3.2754e-01,\n"," 2.5419e-01, 2.9243e-01, -2.2513e-01, 2.8068e-01, -6.0246e-02,\n"," 2.7861e-02, 2.7139e-01, 1.1256e-01, -7.4804e-02, 2.3649e-01,\n"," -1.3429e-01, 1.6509e-01, -8.8884e-02, -8.1824e-02, -2.0161e-02,\n"," 2.7793e-01, 8.7890e-02, 3.6578e-01, 5.6520e-02, 1.5815e-01,\n"," -2.2721e-01, 2.2895e-01, 1.3408e-01, -6.4742e-01, -4.2573e-01,\n"," -1.4843e-01, 1.3714e-03, -8.0881e-02, 2.8528e-01, -5.6005e-01,\n"," 9.2115e-02, -3.0649e-01, -2.1895e-01, 2.5493e-01, -1.1810e-02,\n"," 3.6937e-01, 7.8543e-02, 9.9705e-02, -2.1803e-01, -1.8107e-01,\n"," 3.6239e-01, -1.8611e-01, 5.0797e-01, 4.4171e-03, 3.4521e-01,\n"," 1.4248e-01, 6.5037e-02, 5.1281e-02, -4.6586e-02, 4.4361e-02,\n"," -4.0670e-01, -2.4358e-01, -3.2650e-02, -8.7492e-02, -1.4847e-01,\n"," 1.2772e-01, -3.7101e-01, -1.3065e-01, 1.5036e-01, 8.3044e-02,\n"," 2.7592e-01, 9.6215e-02, 4.9269e-01, 2.5399e-01, 1.3063e-01,\n"," -3.7718e-01, -1.7254e-01, 3.0072e-01, 4.6683e-01, -1.9006e-01,\n"," 1.7336e-01, 5.8401e-01, 4.2334e-01, 1.9083e-01, -3.1844e-01,\n"," 1.0495e-01, -1.4373e-01, -2.4963e-01, -2.8757e-01, -1.0086e-01,\n"," -1.4253e-01, -3.6726e-01, -1.8612e-02, -1.4753e-01, -2.9282e-02,\n"," -4.8701e-03, 2.5237e-01, 4.1819e-03, 9.2499e-03, 1.0847e-01,\n"," 6.9568e-02, -6.2264e-01, 1.7904e-01, 4.8755e-01, -3.4720e-01,\n"," -7.2610e-02, 5.7849e-02, -1.6999e-01, 2.1239e-01, -3.0047e-02,\n"," -4.0406e-01, 2.5423e-03, -3.2763e-02, 9.4988e-02, -2.6161e-01,\n"," -6.5119e-03, -5.9689e-02, 4.5670e-01, 1.5322e-04, -3.8751e-01,\n"," -2.5201e-01, 3.5236e-01, 2.8157e-01, 3.2302e-01, -2.8704e-01,\n"," -2.7931e-01, -1.7809e-02, -1.5636e-01, 1.1554e-01, 3.9896e-01,\n"," 7.1515e-02, 2.3688e-01, 5.1641e-01, 2.6460e-01, -2.8023e-01,\n"," -8.1334e-02, -1.9864e-03, -1.9412e-03, 1.9885e-02, 2.3049e-01,\n"," 2.3616e-01, -3.3134e-01, -2.3480e-01, 3.3869e-02, -3.4125e-01,\n"," -5.8549e-01, -1.2104e-01, 6.4855e-03, 2.0707e-01, 3.8328e-02,\n"," 1.2814e-01, 2.8127e-01, -3.8797e-01, -4.8003e-01, -3.1068e-01,\n"," 1.1522e-02, 5.6307e-02, 1.0336e-01, -7.3480e-02, -5.2074e-01,\n"," -8.8133e-02, 1.4136e-01, -1.0846e-01, 2.1022e-01, 2.6140e-01,\n"," -2.0540e-01, -1.5137e-02, 5.8027e-01, 3.8001e-01, -4.9495e-01,\n"," 1.9900e-01, -3.7498e-01, 6.4629e-02, 7.5842e-03, -1.8652e-01,\n"," -5.5442e-01, -1.0977e-01, -7.8948e-02, 1.7850e-01, 2.2238e-01,\n"," 5.4008e-01, 3.3657e-01, 1.4067e-03, -2.4648e-01, 7.9554e-03,\n"," -3.5131e-02, 1.0847e-01, 2.7862e-03, -8.2385e-01, -3.5846e-01,\n"," -2.2926e-02, 1.2360e-01, -1.0267e-01, -2.3390e-01, 1.1652e-01,\n"," 2.6236e-01, -9.0734e-02, 2.6079e-01, 1.6292e-01, -8.2640e-02,\n"," 1.4285e-01, 3.8260e-01, 3.7625e-01, -3.2768e-01, 2.3876e-01,\n"," -1.1753e-01, 1.6023e-01, -4.7565e-01, 7.9175e-02, 1.1077e-01,\n"," -3.6248e-01, -2.3070e-01, 7.0517e-02, 9.9725e-01, 5.6287e-01,\n"," 1.2241e-01, -1.6463e-01, 2.5237e-01, -1.4434e-01, -1.6752e-01,\n"," 5.3729e-02, -2.6992e-01, -4.3917e-01, 2.5951e-01, 8.9696e-02,\n"," -1.1047e-01, 2.6973e-01, 1.1860e-01, 4.1769e-01, -2.5405e-01,\n"," 2.2499e-01, -3.6056e-01, 4.5890e-02, 1.1613e-01, 1.1131e-01,\n"," 2.1438e-02, -1.8782e-01, 5.5598e-02, 2.8108e-01, 1.6448e-01,\n"," 4.3293e-02, 4.1442e-02, -2.2571e-01, -5.1616e-01, -1.1154e-01,\n"," 3.5880e-02, 4.4958e-01, -6.1464e-01, 2.0990e-01, 1.3593e-01,\n"," -5.1941e-01, 5.3784e-02, 3.5719e-01, -3.4669e-02, 1.9829e-02,\n"," 3.6595e-01, 2.1938e-01, 3.0795e-01, 3.5752e-01, -6.1526e-01,\n"," 6.5303e-02, -5.6056e-02, 1.4344e-01, 3.7160e-01, 2.6015e-01,\n"," -2.1859e-01, 2.5768e-01, 1.9052e-01, -4.5240e-01, 3.6612e-01,\n"," 3.6853e-01, -1.2011e-01, -3.9836e-01, 1.1241e-01, -1.9146e-01,\n"," -4.2871e-03, -2.4513e-02, -2.5739e-01, 4.4200e-02, 1.9119e-01,\n"," -3.5419e-01, 2.4547e-01, 3.8601e-01, -2.1093e-02, -2.9493e-01,\n"," -3.0483e-01, 1.9242e-01, -1.7988e-01, -1.3046e-01, 2.9456e-01,\n"," 1.7381e-01, -2.4198e-01, -1.2726e+00, 1.2764e-01, 7.8343e-02,\n"," -1.4945e-01, -2.1118e-01, 5.7377e-02, 4.3879e-01, -2.1811e-02,\n"," -1.0192e-01, -4.2281e-01, -8.5336e-02, 1.2905e-01, 3.2012e-01,\n"," 2.9208e-01, -1.7799e-01, 1.5249e-01, 1.7951e-01, -4.1356e-01,\n"," 2.9959e-01, -5.0260e-01, -1.2399e-01, 2.7659e-02, -1.8894e-01,\n"," 3.8363e-03, -2.4766e-01, 6.0637e-01, -2.3893e-01, -4.3050e-03,\n"," -1.6099e-01, 1.8050e-01, 4.0410e-02, 3.7786e-01, -1.7295e-01,\n"," -2.3918e-01, -2.0494e-01, -5.3633e-03, -1.3724e-02, 2.1399e-01,\n"," -1.6394e-01, 1.7280e-01, 5.0588e-01, 5.2124e-01, -7.5576e-02,\n"," -2.9320e-01, 1.1502e-01, -8.0936e-02, 1.1538e-01, 5.6268e-01,\n"," -1.7426e-01, 5.3436e-02, -2.5296e-01, -9.7788e-02, -7.5391e-03,\n"," -1.1350e+00, 2.1502e-01, -7.0127e-02, -1.0075e-01, -8.2483e-03,\n"," -4.8526e-02, 1.2602e-01, -1.8236e-01, 1.3438e-03, -7.6525e-02,\n"," 2.9335e-01, 2.1745e-01, 3.3446e-02, -8.6317e-05, -4.9512e-01,\n"," -5.3648e-02, -9.8601e-02, 9.4220e-02, -1.2452e-01, 4.5219e-01,\n"," -1.2346e-01, -1.1159e-01, 9.8914e-02, 4.2672e-02, 8.7744e-02,\n"," -8.5121e-02, -1.5213e-01, -2.4974e-01, 2.0692e-02, 1.0588e-01,\n"," 1.1214e-01, -2.9239e-01, -2.7216e+00, -1.9136e-01, -6.7291e-02,\n"," -8.5647e-02, 2.4957e-01, -2.0549e-01, 3.9778e-01, 1.0009e-01,\n"," 1.2579e-01, -2.1657e-01, 5.1320e-02, -4.5240e-01, 2.1513e-01,\n"," 7.4267e-02, -1.1990e-01, -6.6715e-02]])\n","city: tensor([[ 9.7565e-02, 4.0549e-03, -5.5472e-02, 8.4485e-02, -3.1341e-01,\n"," -1.4903e-01, 4.8570e-01, 2.4914e-01, -5.4778e-02, -3.6799e-01,\n"," -1.9637e-01, -1.0090e-01, -2.9542e-02, 5.6613e-01, 1.0718e-02,\n"," -2.4285e-01, 2.7174e-03, 3.3732e-02, 2.3518e-01, -5.7187e-02,\n"," 4.1149e-02, -1.3886e-01, 2.7979e-01, 9.6652e-02, 1.2974e-01,\n"," 6.1293e-02, -2.6963e-01, -1.0194e-01, -2.6889e-01, 4.0480e-02,\n"," 1.1987e-01, -1.7713e-01, -1.3635e-01, 3.3392e-01, 1.1693e-01,\n"," -1.7227e-01, 4.5946e-02, -2.2697e-01, -2.6970e-01, -4.2899e-02,\n"," -1.9164e-01, -2.2336e-02, 2.1932e-01, -3.7853e-02, 3.1057e-01,\n"," -6.6347e-02, 1.2984e-02, -7.4027e-02, -2.6209e-01, 2.6690e-01,\n"," -2.8636e-01, 1.7059e-01, -9.6722e-02, 3.6101e-01, 2.0818e-01,\n"," 2.3056e-01, 1.3801e-01, 2.1693e-01, 1.5999e-01, 1.7430e-01,\n"," 1.1422e-01, 9.1574e-02, -3.0715e-01, 1.1791e-01, 3.6155e-01,\n"," 2.2587e-01, 4.2097e-01, 1.5455e-01, -3.7614e-01, 3.3887e-01,\n"," -2.5856e-01, -2.0347e-01, 2.9172e-01, -7.0400e-02, 2.4099e-01,\n"," 5.0042e-02, -4.3671e-03, 1.8561e-01, 1.0139e-01, 1.6074e-02,\n"," -2.1024e-02, 2.0221e-01, 3.0933e-01, 1.4019e-02, -2.6156e-02,\n"," 1.5374e-01, -3.4463e-01, -2.1055e-01, -1.7915e-01, 2.5808e-01,\n"," -3.2754e-01, 1.7878e-01, -4.2307e-02, 1.0019e-01, -1.0836e-01,\n"," -2.0485e-02, -1.0359e-01, 1.5925e-01, 5.1588e-02, -3.4569e-02,\n"," -7.4927e-02, -2.6692e-01, 5.4014e-03, 2.2686e-01, -3.5721e-02,\n"," 2.0015e-01, 3.5814e-02, -1.4281e-01, 3.3327e-01, -6.0541e-01,\n"," 2.2915e-01, 2.9808e-02, 4.1673e-02, 1.1369e-02, -5.7437e-02,\n"," 2.3894e-01, 5.2596e-02, 2.1700e-01, -1.0638e-01, 1.7680e-01,\n"," -4.4152e-01, -4.2947e-01, -1.6253e-02, 4.8785e-01, -1.6287e-01,\n"," 3.1963e-02, -1.3548e-01, -3.5082e-01, 1.5378e-01, -1.7991e-01,\n"," -1.3351e-01, 4.1425e-01, 3.5855e-02, 3.7190e-01, -1.4929e-01,\n"," 1.1466e-01, -9.0673e-02, 3.0043e-01, -3.0980e-01, -3.3750e-01,\n"," -2.3741e-01, 5.1303e-01, -9.2094e-01, -5.5598e-01, 7.4841e-02,\n"," 1.1359e-01, 2.2311e-01, -8.5005e-03, 2.7041e-01, -2.1456e-02,\n"," 2.1174e-01, 2.6674e-01, -3.4778e-01, 3.0289e-02, -5.2117e-01,\n"," -5.0485e-01, 2.6652e-02, -8.6195e-02, 4.9324e-01, 5.5715e-01,\n"," 2.3350e-01, 1.2589e-01, 1.8467e-01, 4.4332e-01, -5.0879e-01,\n"," -5.8399e-02, -8.8752e-02, 5.0095e-01, 2.2406e-01, -3.7185e-02,\n"," -5.6110e-01, -5.1102e-01, 2.6963e-01, 7.1667e-03, -4.9696e-03,\n"," 1.7494e-01, 9.3096e-02, 1.6852e-01, -5.0201e-02, -1.1044e-01,\n"," -2.9265e+00, 8.9145e-02, 1.0170e-01, 1.8802e-01, 3.6103e-01,\n"," -1.2835e-01, 2.3540e-01, -8.1496e-02, -3.5478e-02, -1.5223e-01,\n"," -1.4427e-01, -9.8152e-02, -4.4929e-01, 4.4686e-01, 7.4136e-02,\n"," -2.4612e-05, -1.6273e-01, -2.3318e-01, 1.3428e-01, 8.8852e-03,\n"," 1.9565e-01, -2.3815e-01, 2.0741e-01, 2.6210e-01, -4.0100e-01,\n"," 8.5217e-01, 9.4376e-02, -3.3815e-01, 6.6989e-02, 8.5023e-02,\n"," -6.8046e-01, 3.8425e-01, 1.5000e-02, -3.0018e-01, 3.4435e-01,\n"," -3.0280e-01, 1.8904e-01, -1.5424e-01, -2.5046e-01, -5.3041e-02,\n"," 8.6258e-02, -8.6025e-02, -9.9887e-03, 7.7727e-02, -5.7333e-02,\n"," -3.7498e-01, 2.1617e-01, 1.5811e-01, 1.0071e-01, -1.8806e-01,\n"," 6.7100e-02, -1.7517e-01, 1.1313e-01, -1.2415e-02, -3.2667e-01,\n"," 4.7945e-02, 1.1410e-01, -5.4353e-02, -1.6693e-01, -1.1447e-01,\n"," -1.0119e-01, 9.9737e-02, 2.1567e-01, 1.4232e-02, -5.5527e-03,\n"," -7.8645e-02, 2.0326e-01, 1.6959e-01, 4.1663e-01, -2.1360e-01,\n"," 2.3324e-01, -3.9780e-01, 1.5780e-01, -3.2770e-01, 1.9286e-02,\n"," -2.5596e-02, -6.5021e-02, -2.5253e-01, 3.9182e-01, -9.5231e-02,\n"," 4.8915e-02, 3.0900e-01, 2.7438e-01, 4.9050e-02, -5.1955e-01,\n"," 2.2211e-01, 3.5973e-01, -3.0895e-01, -2.6964e-01, -2.6943e-01,\n"," -1.5427e-01, -1.9934e-01, -1.1509e-01, -1.3118e+00, 6.6489e-02,\n"," 5.0887e-02, 1.9070e-01, 3.0976e-01, 1.0308e-01, 2.6401e-01,\n"," -3.4430e-02, 5.2522e-01, -2.5897e-01, 1.2640e-01, 4.9992e-01,\n"," -2.2633e-01, -4.0639e-01, -2.7267e-01, 1.7534e-01, -5.3960e-01,\n"," -2.6814e-01, -7.9126e-02, -2.1113e-01, 1.9663e-01, 1.6692e-01,\n"," -2.7670e-01, 2.3355e-01, 1.1878e-01, -7.5143e-02, -1.7473e-01,\n"," -2.8222e-01, 6.8024e-02, -1.5694e-01, -5.9684e-02, 5.3592e-03,\n"," 9.0129e-02, 2.9738e-01, 1.0172e-01, -1.5625e+00, 4.7858e-01,\n"," 5.4091e-02, -4.4860e-01, 1.5651e-01, -1.1039e-01, 2.8968e-01,\n"," -1.9247e-01, -2.4453e-01, -6.1673e-02, 2.1246e-01, -4.2871e-01,\n"," 1.6622e-01, 4.4453e-01, 1.8174e-01, 1.2861e-01, -1.5308e-01,\n"," -2.1337e-01, -4.0112e-01, -1.6065e-01, -8.7920e-04, -1.1521e-01,\n"," 9.9958e-03, -2.5647e-02, 3.3922e-01, 8.4968e-02, -2.4215e-01,\n"," 1.1117e-02, -6.1636e-01, 8.7648e-02, -1.0176e-01, -2.0689e-01,\n"," -5.3960e-02, -6.5134e-02, 1.7204e-01, 2.2675e-01, 8.1797e-02,\n"," 1.6667e-01, 5.9704e-01, -6.3083e-02, 1.5942e-01, 3.5049e-01,\n"," 1.2895e-01, -2.1617e-01, 3.1992e-02, -1.0338e-01, -1.9002e-01,\n"," -1.4474e-01, -2.7823e-01, 2.1775e-01, 3.2529e-01, -1.9267e-01,\n"," 2.8317e-01, 5.9233e-02, -2.2867e-01, -1.4598e-01, 2.2228e-01,\n"," 1.7157e-01, -1.6003e-01, -1.9891e-02, 8.0389e-03, -2.2211e-01,\n"," -1.8502e-01, 3.5748e-01, -5.3598e-01, -1.5590e-01, -6.4864e-02,\n"," -1.9399e-01, -5.6983e-02, 1.1108e-01, -3.3147e-01, -2.2596e-01,\n"," -3.2807e-01, -7.1529e-01, -6.2692e-01, 1.7715e-01, -4.2944e-01,\n"," -6.4891e-02, 2.8686e-01, -9.9255e-02, 5.3655e-02, -2.6036e-02,\n"," -2.0315e-01, 3.4009e-01, -1.5218e-02, -1.8835e-02, 1.2750e-01,\n"," -2.9799e-01, -2.3973e-01, -2.6265e-01, 1.0439e-01, -8.7526e-02,\n"," 5.5231e-01, 1.6230e-01, -8.0562e-02, 1.4088e-01, 2.8499e-01,\n"," -7.3408e-02, 2.0836e-01, 4.6717e-02, -3.5161e-01, -3.0776e-01,\n"," 6.6616e-02, -9.4461e-02, -1.3067e-01, -7.9976e-02, -5.4221e-01,\n"," 6.4611e-03, -5.3490e-01, -1.4665e-01, 1.1148e-01, -1.4252e-01,\n"," 2.1761e-01, 7.2645e-02, 1.5937e-01, -1.8915e-01, 7.8981e-02,\n"," 4.4528e-01, 1.6545e-01, 3.8308e-01, 8.5895e-02, 5.4796e-01,\n"," 2.1666e-01, 6.0269e-03, -6.1313e-02, -1.1141e-01, -2.2961e-01,\n"," -3.4695e-01, -1.6949e-01, -1.6676e-01, 2.7910e-01, -1.2114e-01,\n"," -2.5438e-02, -4.8870e-01, -4.1773e-01, 1.0132e-01, 1.9711e-01,\n"," 4.5764e-02, 2.0124e-01, 4.0981e-01, 3.7013e-01, 8.1666e-02,\n"," -5.0451e-01, -1.0334e-01, -1.6595e-01, 2.6621e-01, -1.9647e-01,\n"," 2.6452e-01, 3.5195e-01, 2.9788e-01, 4.6920e-02, -4.0085e-01,\n"," 2.3970e-01, -2.3397e-01, -1.3124e-01, -3.8254e-01, -1.4385e-02,\n"," 1.3001e-01, 9.1350e-02, 5.2163e-02, -1.1431e-01, 2.8985e-02,\n"," 2.6183e-02, 1.9309e-01, -5.4476e-02, -6.6342e-02, 2.0692e-01,\n"," -9.0088e-02, -1.5511e-01, 2.3532e-01, 3.4158e-01, -2.9381e-01,\n"," -1.2404e-02, -3.1719e-01, -6.1684e-02, 7.6146e-02, 4.8459e-02,\n"," -4.1944e-01, -2.7671e-02, 1.2933e-01, 1.0928e-01, -3.3081e-01,\n"," -2.6981e-01, 1.9682e-01, 3.4162e-01, 3.0753e-01, -4.7364e-01,\n"," -1.3255e-01, 4.9926e-01, 5.0514e-01, 2.2558e-01, -1.8867e-01,\n"," -1.8823e-01, -2.1200e-01, -3.4352e-01, -1.3453e-01, 2.5666e-01,\n"," -8.0164e-03, 2.0640e-01, 2.1423e-01, 2.3456e-01, 2.1601e-02,\n"," -9.8296e-02, 2.0366e-01, 2.9629e-01, -7.5688e-02, -3.8353e-03,\n"," 1.1760e-01, -3.2662e-01, -2.2820e-01, 7.8947e-02, -2.2480e-01,\n"," -3.8251e-01, -2.9521e-01, 1.4773e-01, 3.5240e-01, 1.7457e-01,\n"," 1.5873e-01, 2.2984e-01, -4.4084e-02, -4.0710e-01, -1.8715e-01,\n"," 2.7768e-01, -8.7013e-02, -1.6677e-03, 3.3052e-02, -4.0332e-01,\n"," -4.0735e-01, 2.2249e-02, -1.0771e-01, 9.6825e-02, 3.4495e-01,\n"," -1.3029e-01, 1.1239e-01, 6.9371e-01, 1.5619e-01, -5.0164e-01,\n"," -6.8701e-02, -5.1672e-02, 8.6943e-03, -2.0302e-01, -3.5867e-01,\n"," -2.7493e-01, -1.0831e-01, 6.0862e-03, -6.4747e-02, 7.4181e-02,\n"," 5.7693e-01, 2.4318e-01, 1.7769e-02, -2.4800e-01, -1.7271e-01,\n"," 7.6075e-02, -4.5842e-01, 1.5949e-01, -6.3782e-01, 3.9258e-02,\n"," 3.3248e-01, 3.2967e-01, -6.4068e-02, -3.1198e-01, -1.4475e-01,\n"," 3.3055e-01, 4.1223e-01, -5.6365e-03, 3.7052e-03, 8.7272e-02,\n"," 5.2179e-02, 4.1937e-01, 9.8503e-02, -5.8744e-02, 2.0391e-01,\n"," -1.2306e-01, 5.8633e-02, -4.4961e-01, 1.8556e-02, 4.8460e-01,\n"," -4.5937e-01, -3.7090e-01, -1.0569e-01, 8.9865e-01, 5.2896e-01,\n"," -9.3893e-02, -1.7308e-01, 3.3830e-01, -8.8538e-02, -1.0838e-02,\n"," 7.2850e-02, -4.3787e-01, -2.9519e-01, 2.4360e-01, -1.2008e-01,\n"," -8.9556e-03, 1.0375e-02, -1.3252e-01, 2.7989e-01, -2.2338e-01,\n"," 2.4410e-01, -2.9764e-01, 3.1846e-02, -3.3385e-01, 6.2269e-01,\n"," -1.7479e-03, -1.3874e-01, 2.0045e-01, 1.5485e-01, 2.0061e-01,\n"," -1.9013e-01, 6.1568e-02, 8.4722e-02, -3.8697e-01, 1.1519e-02,\n"," 2.0168e-01, 7.3339e-01, -8.3494e-01, 2.2196e-01, -3.7561e-02,\n"," -4.5345e-01, 1.1189e-01, 2.3846e-01, -1.2189e-01, -2.5804e-01,\n"," 2.6551e-01, 1.5691e-01, 1.6558e-01, 4.3737e-01, -2.9775e-01,\n"," -2.3784e-01, 6.7237e-02, 4.1720e-01, -1.8817e-02, -1.9251e-02,\n"," -2.0949e-01, 3.0568e-01, -3.4132e-02, -1.7074e-01, 1.6810e-01,\n"," -5.8184e-02, -3.1281e-01, -3.6829e-01, 8.4532e-03, 2.5947e-01,\n"," 6.2673e-02, 2.2722e-01, 1.1645e-01, -2.4414e-02, -3.4665e-02,\n"," -1.8847e-01, 3.9765e-02, 2.9171e-02, -3.2623e-03, 1.1180e-01,\n"," -5.6836e-02, 2.0797e-01, -4.9864e-02, -1.1917e-01, 3.3812e-02,\n"," 1.3588e-01, -1.5717e-01, -1.0549e+00, -9.6124e-03, -7.5894e-02,\n"," 9.4542e-02, -2.0816e-01, 9.9753e-02, 5.3985e-01, 9.6205e-02,\n"," -1.3531e-01, -6.2185e-01, 1.6573e-01, 1.9278e-01, 3.2458e-01,\n"," 1.0004e-02, -3.0498e-02, 1.6599e-02, 4.5458e-01, -1.4786e-01,\n"," 1.9692e-01, -5.7486e-01, -2.4346e-02, 1.8672e-01, -1.6404e-01,\n"," -2.0172e-01, -1.4482e-01, 3.5525e-01, -3.8628e-01, -3.3673e-01,\n"," -4.6435e-02, 2.1909e-01, -2.4703e-01, 1.1580e-01, -1.6115e-01,\n"," -5.4107e-02, 1.1493e-01, 2.2763e-01, -7.2004e-02, 3.1812e-02,\n"," -6.6241e-02, 3.9888e-01, 5.0630e-01, 9.1150e-01, -2.2802e-01,\n"," -4.2602e-01, 1.6570e-01, 4.1350e-02, 2.7551e-01, 3.9441e-01,\n"," 1.2207e-01, -1.9498e-01, -2.2060e-01, -5.0708e-01, -6.5489e-03,\n"," -1.1121e+00, 2.8840e-01, -3.7084e-02, -1.4813e-01, 5.2060e-02,\n"," 3.1444e-01, -1.6906e-01, -2.1473e-01, 2.1398e-01, -1.7993e-01,\n"," 1.3970e-01, 4.4840e-01, -7.9205e-02, -3.0698e-01, -3.2793e-01,\n"," 3.0821e-01, 2.7152e-01, -7.1823e-02, -5.3214e-02, 7.0550e-03,\n"," -7.4108e-02, -4.6005e-02, 4.7662e-02, 2.9812e-01, -3.5473e-02,\n"," 2.2245e-01, 1.3832e-01, -1.2874e-01, -5.4964e-02, 1.3706e-01,\n"," 2.0267e-01, -1.0338e-01, -3.0676e+00, -3.5641e-01, -4.2746e-04,\n"," -1.7078e-01, 1.4617e-01, 2.1336e-01, 2.5473e-01, -2.0221e-01,\n"," 1.5246e-01, -3.1861e-01, 2.0312e-01, -4.0504e-01, 3.3342e-01,\n"," -2.1787e-01, -2.1454e-01, -2.0649e-01]])\n","4: tensor([[ 1.4372e-01, 1.5270e-01, 2.4131e-01, -6.9664e-02, -2.7103e-01,\n"," -2.6695e-01, 4.0733e-01, -2.7378e-01, 6.6391e-02, -3.0194e-01,\n"," 4.4053e-03, -1.5541e-01, 9.2695e-02, 8.3998e-02, -1.7917e-01,\n"," 1.3287e-01, -1.4409e-01, -9.1436e-02, -1.4845e-01, 1.1903e-01,\n"," 5.1463e-01, 5.7692e-02, 1.5126e-01, 1.4677e-01, 3.7280e-01,\n"," 4.2800e-01, -1.7182e-01, 9.6115e-02, -2.8452e-02, 9.9515e-02,\n"," -2.0470e-01, -5.2359e-02, -8.3856e-02, 3.3243e-01, 2.3429e-02,\n"," -2.2720e-02, 1.4888e-02, -2.7297e-01, -4.0338e-01, -1.0384e-01,\n"," 6.4399e-02, 9.1103e-02, -2.4250e-01, -1.8606e-01, 2.4055e-01,\n"," -1.5063e-02, -5.0907e-01, 1.2987e-01, -6.6550e-02, -8.9741e-02,\n"," -3.4640e-01, 3.1522e-02, -7.9425e-02, 1.7753e-01, 2.5739e-01,\n"," -3.0462e-01, 1.1952e-01, 1.1062e-02, -1.2134e-01, -3.0400e-01,\n"," 8.2881e-02, -5.0133e-02, -1.0412e-02, 1.0648e-01, 2.1607e-01,\n"," 4.7565e-02, 2.2069e-01, 1.4181e-01, -3.8422e-01, 8.0345e-02,\n"," -2.4524e-01, -3.0903e-01, 4.7425e-01, 1.0033e-01, 3.4118e-01,\n"," 7.9084e-02, -1.5808e-01, 1.2627e-01, 3.8779e-01, 2.0160e-01,\n"," 1.9690e-01, 1.8946e-01, 1.5489e-01, 4.1661e-01, -4.4318e-03,\n"," 1.9998e-01, -5.9547e-02, -1.5596e-01, 1.2190e-02, 1.3798e-01,\n"," -2.3583e-01, -1.8739e-02, -2.5567e-01, 1.3427e-01, -8.0426e-02,\n"," -6.6841e-02, -2.9471e-01, -1.5822e-01, -1.3051e-01, -1.9806e-01,\n"," 3.7516e-02, -1.7406e-01, 1.6530e-02, 2.5659e-01, -2.6796e-01,\n"," -9.7912e-02, -3.7017e-03, 1.0449e-01, 8.9260e-02, -4.0290e-01,\n"," 2.7218e-01, 3.7272e-01, -5.4995e-02, -1.9700e-02, -1.1479e-01,\n"," 2.3100e-01, -1.2173e-01, -3.7194e-02, -1.9398e-01, 3.5643e-01,\n"," -5.5972e-01, 8.8335e-02, 2.1672e-01, 5.5382e-01, 1.1712e-03,\n"," -1.4783e-01, -2.0519e-02, -4.7057e-01, -7.1452e-02, -2.6446e-01,\n"," 7.6747e-02, 1.6924e-01, 3.7852e-01, 1.9631e-01, -2.5788e-01,\n"," -2.5394e-01, -2.4489e-01, -3.8283e-02, -3.2391e-01, -4.1164e-02,\n"," 1.0634e-01, 5.4478e-01, -5.9433e-01, -5.0297e-01, -3.5427e-02,\n"," 1.3844e-01, 2.2371e-01, 1.1574e-01, 2.4554e-02, -8.7020e-02,\n"," 3.4395e-01, 5.4346e-01, -4.1168e-01, -3.4535e-01, -3.2702e-01,\n"," -2.5674e-01, -1.9822e-01, 2.5351e-01, 3.8015e-01, 3.9158e-01,\n"," 1.3642e-01, 3.1505e-01, 1.4043e-01, 3.0917e-01, -4.1089e-02,\n"," 3.0802e-01, -2.2278e-01, 3.5619e-01, 2.0303e-01, 7.3016e-02,\n"," -3.9539e-01, -2.1420e-01, 3.0128e-01, -3.8688e-02, -6.1343e-02,\n"," 6.2798e-02, 2.1389e-01, 1.1895e-01, -7.3058e-02, -2.0887e-01,\n"," -2.8593e+00, 1.5200e-01, -1.2269e-01, -3.6294e-01, -2.6253e-01,\n"," 4.0353e-02, 2.9283e-01, -3.5778e-01, 3.5347e-01, -1.4389e-01,\n"," -1.6263e-04, -2.7828e-01, 1.7744e-01, 1.4140e-01, 1.8693e-01,\n"," -2.7943e-02, 2.8972e-01, -4.7199e-01, -2.6189e-01, -3.5464e-01,\n"," 1.5152e-01, -8.1428e-02, 2.7012e-01, 3.1351e-01, -1.0495e-01,\n"," 7.9566e-01, -5.2903e-02, -2.7874e-01, 1.9338e-01, 2.1632e-01,\n"," -5.7724e-01, 7.8377e-01, -1.2557e-01, -2.7503e-01, 3.2554e-01,\n"," -2.1037e-01, 4.7496e-02, -3.6205e-01, -3.6639e-01, -1.2666e-01,\n"," -2.1995e-01, -6.7785e-02, -2.4990e-01, 1.4138e-01, -2.7664e-01,\n"," -2.4580e-01, 1.3256e-01, -5.4900e-02, 1.6740e-01, 5.6780e-02,\n"," -3.2045e-01, 1.6966e-02, 1.3040e-01, 3.1142e-01, -1.3090e-01,\n"," 4.3494e-01, -1.8191e-01, -1.7604e-01, -5.9547e-02, -3.4092e-01,\n"," 6.0141e-03, -1.5916e-01, 2.3811e-01, -1.7939e-01, -1.8349e-01,\n"," 1.4626e-01, 2.3311e-01, 9.6461e-02, 3.4547e-01, -7.1923e-02,\n"," 1.8251e-01, -3.5212e-01, 3.2447e-02, -4.7872e-01, 3.3935e-01,\n"," -7.8379e-03, 9.0899e-03, -4.3629e-01, 4.5317e-01, 4.1650e-01,\n"," 1.0903e-01, 2.9608e-01, 1.6155e-01, -3.5664e-01, 1.6223e-02,\n"," 5.9893e-01, -1.8970e-02, -1.2956e-01, 7.3759e-02, -7.6905e-02,\n"," -1.0431e-01, -8.9264e-02, -4.2304e-01, -1.1640e+00, -1.7691e-01,\n"," -2.9004e-01, 4.0281e-01, 1.0454e-02, 2.7135e-01, 1.2593e-01,\n"," -4.6309e-01, 1.2270e-01, -3.3244e-01, 3.9066e-01, 1.8301e-01,\n"," -1.1770e-01, -1.7132e-01, -7.5280e-01, 2.7139e-01, -4.6680e-01,\n"," -2.8977e-01, -1.4555e-02, 9.0127e-02, 2.0269e-01, 3.1661e-01,\n"," -2.1811e-02, 1.1659e-01, 2.0175e-02, -3.2395e-02, -2.0124e-01,\n"," -2.1129e-01, -9.7173e-02, -2.7186e-01, -2.1003e-01, 2.3338e-02,\n"," 4.2872e-01, -1.6456e-01, 8.9981e-02, -1.7337e+00, -1.4008e-01,\n"," -3.7648e-01, -1.0341e-01, 2.6074e-01, 1.3659e-01, 2.2192e-01,\n"," -2.6240e-01, 3.3346e-01, -2.3083e-01, 2.9134e-01, -3.6770e-01,\n"," 1.0487e-01, 2.7166e-01, 4.4728e-02, 1.4574e-01, -2.2325e-01,\n"," -3.0678e-01, -4.3902e-01, 4.4862e-01, 1.5819e-02, 8.6182e-02,\n"," 5.3351e-01, -5.1060e-01, 2.0627e-01, 5.4929e-02, -3.9416e-01,\n"," 1.3248e-01, -2.9274e-01, 1.7961e-02, -3.6921e-01, -3.2246e-01,\n"," -2.3955e-01, 9.9404e-02, 2.7190e-02, 1.7161e-01, 1.0348e-01,\n"," 3.9195e-02, 5.7434e-01, 3.4783e-02, -1.4916e-01, 4.4018e-01,\n"," 9.1932e-02, 7.1614e-02, 1.1798e-01, -7.3978e-02, 4.5681e-02,\n"," -4.8140e-01, -1.5101e-01, 5.0167e-01, 1.1644e-01, 1.6681e-02,\n"," 1.8352e-01, -8.9203e-02, 1.3965e-01, -2.0261e-02, 6.8722e-02,\n"," 1.8553e-02, -9.7045e-02, -1.2551e-01, 1.5984e-01, -2.2538e-01,\n"," -1.7417e-01, 2.8017e-01, -6.5093e-01, -2.9347e-02, -1.7431e-01,\n"," 3.3796e-02, -1.8713e-01, -3.0813e-01, -2.4399e-01, 1.2527e-01,\n"," 3.8974e-02, -5.4384e-01, -4.2647e-01, 4.7544e-01, -4.0015e-01,\n"," -1.6522e-03, 5.4680e-01, 6.7714e-02, 4.5438e-02, -1.6284e-01,\n"," 2.5780e-02, 2.1296e-01, -7.3802e-02, 3.3140e-01, -3.1106e-02,\n"," -3.0973e-01, -3.1110e-02, -1.4657e-01, -7.4335e-02, 1.6210e-01,\n"," 4.7235e-01, -2.3911e-01, 1.5029e-01, 6.3438e-02, 2.3911e-01,\n"," -5.2692e-01, -5.1959e-02, 1.5054e-02, -5.3314e-01, -1.9149e-01,\n"," -1.6915e-01, 4.2658e-02, 1.9504e-01, -6.4390e-02, -4.8487e-01,\n"," 9.0178e-02, -7.2234e-01, -1.5735e-01, 5.6376e-01, -1.6120e-01,\n"," 2.9277e-01, -2.9321e-01, 4.8295e-01, -2.9926e-01, -4.1523e-02,\n"," 2.0738e-01, -1.4459e-01, -6.0407e-02, -2.0851e-01, 4.4935e-01,\n"," -1.2059e-01, 1.7210e-01, -5.3204e-01, -1.1049e-01, 8.4436e-02,\n"," -5.7446e-01, -1.3228e-01, 2.3758e-01, 1.3626e-01, 6.0630e-02,\n"," 1.6782e-01, -6.3781e-01, -3.0147e-01, 1.4648e-01, 4.2604e-01,\n"," 2.8237e-01, 9.3413e-02, 1.6418e-01, 3.6882e-01, 3.2992e-01,\n"," -5.9550e-01, 4.4938e-01, 5.1788e-01, 3.1840e-01, 3.8932e-02,\n"," 2.7064e-01, 3.9544e-01, 6.2783e-01, 4.6835e-02, -3.2905e-01,\n"," 6.3368e-01, -1.6904e-01, -2.3818e-01, -7.1211e-01, 9.6838e-02,\n"," 7.5521e-02, -2.6024e-01, 1.9698e-01, 1.2197e-01, 3.2710e-01,\n"," -3.5774e-02, -3.7642e-02, 2.5839e-02, 6.8550e-02, 1.8612e-01,\n"," -1.1212e-01, -2.3011e-01, 1.7205e-01, 6.2175e-01, 1.8936e-02,\n"," 1.4899e-01, 6.2772e-02, -9.7795e-02, 2.5738e-01, -1.1773e-01,\n"," -7.1959e-01, 4.2380e-02, 2.3227e-01, 2.8429e-01, -3.0644e-01,\n"," -1.9423e-01, 3.7913e-02, 6.3272e-01, 4.9849e-02, -2.4351e-01,\n"," -5.1694e-01, 3.6001e-01, 2.4383e-01, 2.5070e-01, -9.5266e-02,\n"," -2.8270e-01, -2.9825e-01, -1.5233e-01, 3.4698e-01, 3.5703e-01,\n"," 2.5354e-01, 2.1177e-01, 3.4404e-01, 4.3510e-01, -3.7868e-01,\n"," -9.5449e-02, 9.2271e-02, -6.6478e-02, -2.2979e-01, 3.9944e-01,\n"," 2.0427e-01, -3.1439e-01, -1.5797e-01, 2.4403e-01, -3.0117e-01,\n"," -3.0974e-01, -3.0128e-01, 1.7407e-01, 7.2640e-02, 6.4492e-02,\n"," 2.2294e-01, 2.8952e-01, -3.5746e-01, -3.1911e-01, -3.2260e-01,\n"," 1.5105e-01, -2.4025e-02, 1.6121e-01, -2.9198e-01, -5.6600e-01,\n"," -1.6964e-01, -3.3997e-01, -3.0448e-02, -3.9984e-02, 1.3506e-02,\n"," -1.7384e-01, 1.3862e-01, 6.4986e-01, 1.4770e-01, -2.2942e-01,\n"," 3.5280e-01, 7.1653e-02, 1.2103e-01, -2.4789e-01, -2.4513e-01,\n"," -3.9133e-01, -3.2352e-01, 5.2393e-01, -1.3351e-02, 2.1927e-03,\n"," 4.6060e-01, 1.4228e-01, -8.0325e-02, -2.0315e-02, -2.2391e-01,\n"," 1.5622e-01, -2.1808e-01, 5.1600e-02, -5.7983e-01, -3.5552e-01,\n"," -2.0607e-01, 1.4304e-01, -4.4083e-03, -4.0058e-01, -1.0976e-01,\n"," 4.2306e-01, -2.0331e-01, 2.8215e-01, -4.0330e-02, 1.6139e-01,\n"," 5.4913e-02, 3.3148e-01, 1.9069e-01, -3.2080e-01, 3.3625e-01,\n"," -3.0794e-01, 2.8779e-01, -3.0068e-01, 1.8774e-01, 2.8195e-01,\n"," -3.7653e-01, -5.7248e-01, -1.0889e-02, 7.1206e-01, 7.6275e-01,\n"," -2.6702e-01, -1.8121e-01, 1.7497e-01, -1.1442e-01, -2.1099e-01,\n"," 2.9193e-01, -8.7390e-02, -4.8446e-01, 4.2704e-01, -7.2526e-02,\n"," 3.1291e-02, 6.9506e-02, -2.4147e-01, 3.5460e-01, -2.5448e-01,\n"," 2.0231e-01, -4.0086e-01, 2.6643e-01, -1.0278e-01, 2.8087e-01,\n"," 1.1017e-01, -1.7966e-01, 2.6155e-01, 3.6210e-01, 3.9786e-01,\n"," -2.3134e-01, -1.7778e-03, 2.2224e-02, -6.6807e-01, 2.6089e-01,\n"," 3.2568e-01, 1.7133e-01, -5.3540e-01, -1.8078e-01, -4.6256e-02,\n"," -5.2264e-01, -5.9329e-02, 2.7114e-01, 1.1751e-01, 2.0666e-01,\n"," 2.6315e-01, 2.6359e-01, 4.4779e-01, 2.1477e-01, -1.8758e-01,\n"," -1.3193e-01, -1.7501e-01, -7.9440e-02, 2.8076e-01, 3.3405e-01,\n"," -1.5889e-03, 6.0187e-01, 1.4751e-01, -2.0325e-01, 9.4740e-02,\n"," 3.4586e-01, 1.5664e-01, -2.3871e-01, -6.5295e-02, 1.9541e-01,\n"," -1.0110e-01, 1.5283e-01, -1.7032e-01, 2.8351e-01, -9.4824e-02,\n"," -1.8327e-01, 5.1742e-02, 2.6521e-01, 4.0890e-02, 1.1414e-01,\n"," -3.1734e-01, 1.2534e-01, -2.3619e-01, 1.1304e-01, 2.7675e-01,\n"," 4.6104e-01, 9.8682e-02, -1.0959e+00, 2.1249e-01, 7.3772e-03,\n"," -4.4492e-01, 7.2612e-03, 9.3805e-02, 1.9840e-01, -1.0369e-01,\n"," -1.1757e-01, -3.3771e-01, -1.2509e-01, 1.4479e-01, 2.8065e-01,\n"," -3.1347e-01, -2.4807e-01, 1.3657e-01, 3.2290e-01, -2.1317e-01,\n"," 6.3424e-02, -2.9640e-01, -3.1879e-03, 3.2992e-01, -1.5354e-01,\n"," -1.7102e-01, -3.6804e-01, 1.7604e-01, -4.8442e-01, 5.0297e-02,\n"," -1.7808e-01, 7.6641e-02, -2.4768e-01, 2.8126e-01, -3.2884e-01,\n"," -1.6447e-01, -2.7347e-01, 1.1488e-01, 1.7271e-01, 1.4660e-01,\n"," 3.1749e-01, 5.0220e-01, 1.1037e-01, 3.1862e-01, 2.1792e-01,\n"," -1.4004e-01, -6.5812e-02, -1.9215e-01, 1.0413e-01, 2.1987e-01,\n"," -4.9967e-02, 1.4654e-01, -2.8810e-01, -2.2794e-01, -2.7359e-02,\n"," -1.0722e+00, -1.0813e-01, -2.8119e-02, -1.4672e-01, -2.6597e-01,\n"," -9.0721e-02, -1.2326e-01, -2.5824e-01, -1.7012e-01, 3.5358e-02,\n"," 1.0803e-01, 1.9695e-01, -2.1638e-01, -2.3235e-01, -5.4397e-01,\n"," 1.4322e-01, -2.9160e-01, -1.2255e-01, 4.9158e-01, 2.4520e-03,\n"," -2.4856e-01, 2.7421e-01, 2.3838e-01, -4.5021e-01, -2.0612e-01,\n"," -4.4548e-01, -2.8623e-01, -8.6317e-02, -2.5045e-01, 2.6330e-01,\n"," 1.9341e-01, -2.7378e-01, -2.7250e+00, 3.0125e-01, 2.3864e-01,\n"," -9.3118e-02, 1.5710e-01, 1.8249e-01, 4.2867e-01, 2.4945e-01,\n"," -3.4481e-01, -1.9328e-01, 1.1227e-01, -4.7625e-01, 3.4681e-01,\n"," 1.9968e-01, 1.3859e-01, 1.1096e-01]])\n","-: tensor([[ 3.0881e-01, -1.8431e-02, -1.8723e-01, -2.0743e-03, -1.3487e-01,\n"," -4.9475e-02, 4.3985e-01, -2.4973e-02, 3.3502e-01, -5.3035e-01,\n"," 9.7750e-03, 1.0307e-02, 7.6879e-03, 8.0298e-02, -8.7145e-02,\n"," -7.2275e-02, 6.6143e-02, 3.4019e-01, 4.5770e-01, 2.2446e-02,\n"," 4.7634e-01, -5.2016e-02, 2.2895e-01, 8.1737e-02, 1.2476e-01,\n"," 1.3980e-01, -2.7710e-01, 1.5021e-01, -2.4448e-01, 2.0755e-02,\n"," 1.9976e-01, 1.7917e-01, -6.6373e-01, 6.0277e-01, 1.3352e-01,\n"," -1.8082e-01, 3.3583e-01, -1.9302e-01, 2.4297e-01, -3.6388e-02,\n"," -1.5318e-02, -5.9102e-02, -2.6925e-01, -1.7659e-01, 1.9031e-04,\n"," -9.3259e-02, -5.6735e-01, -8.8457e-02, -4.9099e-01, -1.9993e-01,\n"," -3.3283e-01, 7.9535e-02, 4.8903e-01, 5.6563e-01, -1.7308e-01,\n"," 3.6665e-01, 1.1027e-01, 1.4337e-01, -2.3334e-01, 2.7151e-01,\n"," 1.0027e-01, 4.7967e-01, 1.4626e-01, 1.1997e-01, 4.6199e-01,\n"," 2.8828e-01, 1.3253e-01, 1.3095e-01, -3.0922e-01, 3.8638e-01,\n"," -4.4984e-01, -5.7286e-01, 1.7795e-01, 2.0185e-01, 3.7316e-01,\n"," -5.2352e-02, -1.0832e-01, 3.8096e-01, 1.5721e-01, -4.3419e-02,\n"," 4.4761e-01, 2.1262e-01, 1.6401e-01, 1.8217e-01, 4.2928e-01,\n"," 2.4439e-01, -2.3081e-01, -1.4977e-01, 1.4295e-01, -2.2510e-01,\n"," -2.3632e-01, -3.0739e-01, -1.4158e-02, 2.4953e-01, -2.8313e-02,\n"," -2.1629e-01, -2.6970e-01, -9.2278e-02, 2.3390e-01, -2.5901e-01,\n"," 3.8780e-03, -5.0197e-01, -1.7892e-01, 2.4655e-02, -2.4109e-01,\n"," -2.8732e-01, -1.4773e-01, -3.2083e-01, 1.5485e-01, -9.4527e-01,\n"," 4.2784e-02, 4.0101e-01, 6.4385e-02, 1.7875e-02, -8.8187e-02,\n"," 5.1481e-01, 1.6086e-01, 1.7307e-01, 3.2073e-01, 5.0476e-01,\n"," -3.2060e-01, 2.0526e-01, -6.6513e-02, 4.9185e-01, -6.0099e-02,\n"," 3.6929e-01, 2.5052e-01, -3.3704e-01, -2.3335e-01, -1.9160e-01,\n"," 6.3221e-02, 5.3876e-01, 1.6195e-01, -1.3072e-01, -2.6529e-01,\n"," -1.3970e-01, 3.2382e-01, 1.7605e-01, -5.3121e-01, -3.8378e-02,\n"," -1.2451e-01, 2.2193e-01, -1.1207e+00, -2.9178e-01, 6.1909e-01,\n"," 1.5995e-01, 1.6181e-01, -7.2952e-02, 5.7034e-01, -2.4582e-01,\n"," 3.1664e-01, 4.4156e-02, -1.0142e-01, 1.0701e-01, -7.7426e-01,\n"," -2.5601e-01, 1.7534e-01, 8.7972e-02, 3.8632e-01, 5.7367e-01,\n"," 5.3502e-01, 2.6261e-01, 5.5710e-01, 3.6893e-01, -2.7515e-02,\n"," 9.8149e-02, -2.2874e-01, 5.5041e-01, 3.5332e-01, 1.3156e-02,\n"," -2.6012e-01, -5.5077e-01, 2.3858e-01, 4.2729e-02, -2.9299e-01,\n"," 4.3785e-01, 1.9440e-01, 1.5930e-01, -3.4150e-02, -4.4707e-01,\n"," -2.7735e+00, -4.8181e-02, 4.7313e-02, -2.4471e-01, 1.8528e-01,\n"," -3.8483e-01, 4.5337e-02, -1.6357e-01, -6.2813e-02, 1.6328e-01,\n"," -1.3078e-01, -1.1456e-01, -2.1758e-01, 5.4536e-01, 4.1796e-01,\n"," -1.3591e-01, -2.7533e-03, -5.1131e-01, 4.3371e-02, -9.0913e-02,\n"," 4.3065e-02, -1.3867e-01, 4.7574e-02, 2.2984e-01, -2.0350e-01,\n"," 1.4777e+00, -2.0221e-01, -4.3939e-01, 2.7812e-01, -5.4217e-02,\n"," -6.2090e-01, 4.4726e-01, 4.4734e-01, -5.7979e-01, 6.4312e-02,\n"," -2.8265e-01, 3.6540e-01, -3.0646e-01, -3.3377e-02, -8.3762e-02,\n"," -1.4298e-01, -7.7321e-03, 1.4864e-02, 2.1774e-01, -3.4082e-01,\n"," -3.6549e-01, 1.8373e-01, 3.5785e-01, 1.2703e-02, -5.8164e-01,\n"," -2.1877e-01, -3.5604e-01, 1.2492e-01, 2.8744e-01, -2.1492e-02,\n"," 2.1360e-02, 9.0692e-02, -1.5428e-01, -6.4428e-02, -2.3393e-01,\n"," 5.7481e-02, 1.6744e-01, 1.2930e-01, 3.6524e-01, -4.5820e-01,\n"," 1.4073e-01, 2.9452e-01, -1.0094e-01, 2.0882e-01, -7.8174e-02,\n"," -9.5813e-02, -4.7136e-01, -4.6895e-02, -3.4572e-01, 4.3377e-02,\n"," 1.9695e-01, 7.0562e-02, -1.6429e-01, -3.7607e-03, 5.2542e-02,\n"," -1.5150e-01, 1.4484e-01, 2.7844e-01, -8.1543e-02, -3.7834e-01,\n"," 6.4515e-02, 2.0875e-01, -4.1447e-01, -8.8050e-02, 1.3991e-01,\n"," -1.0528e-01, -6.1875e-02, -1.0741e-01, -1.2388e+00, -2.4134e-01,\n"," -3.2277e-01, 5.5973e-01, 1.3245e-01, -7.8635e-02, 8.3189e-02,\n"," 1.3357e-01, 3.9026e-01, -1.7185e-01, 2.5468e-01, 2.5899e-01,\n"," -4.3948e-01, -2.6243e-01, -5.3407e-01, 3.3849e-01, -3.3655e-01,\n"," -2.7990e-01, 1.0349e-02, 1.4530e-01, 3.3844e-01, 1.2926e-02,\n"," -7.0957e-02, 4.4945e-01, -8.6354e-02, -3.8247e-01, 3.0030e-02,\n"," 5.8441e-02, -2.7072e-01, -4.0820e-01, -3.4088e-01, -1.1057e-01,\n"," 6.9281e-02, 1.4232e-03, 1.1199e-01, -2.1359e+00, -8.4013e-02,\n"," 8.6298e-04, -3.1330e-01, -3.1417e-02, -2.0773e-02, 2.5969e-01,\n"," -3.1765e-01, -2.6191e-01, -1.9374e-02, 1.2681e-01, -2.3586e-01,\n"," 2.0729e-01, 2.3280e-01, 5.4218e-01, 3.1464e-01, -4.1739e-02,\n"," 8.8836e-02, -1.8059e-01, 3.1180e-02, -8.8437e-02, 1.0642e-01,\n"," 3.9288e-01, -4.4002e-01, 2.9638e-01, 1.4696e-01, -2.6648e-01,\n"," 1.6345e-01, -5.8564e-01, -7.9970e-02, -8.0786e-02, -4.2115e-01,\n"," -1.5261e-01, 2.6673e-01, -1.3879e-01, 4.9749e-02, 1.1419e-01,\n"," -7.3311e-02, 7.7170e-01, 2.4730e-01, -1.0701e-01, 3.0918e-01,\n"," 1.3267e-01, 2.3126e-01, -1.1653e-01, 4.7934e-01, -2.0004e-01,\n"," -3.1478e-01, -3.5324e-02, -1.8873e-01, 2.5209e-02, -3.1662e-01,\n"," 3.2575e-01, -1.3358e-01, -2.0875e-01, -2.9592e-01, 3.2679e-01,\n"," 4.0825e-02, -3.1138e-01, -9.7667e-02, 1.0777e-01, -4.7067e-01,\n"," 2.9488e-02, 7.3456e-03, -4.5606e-01, 3.5407e-01, -9.8753e-02,\n"," 6.3368e-02, -2.6063e-01, -1.9631e-01, 2.1140e-02, 7.4937e-02,\n"," 8.9374e-03, -7.3127e-01, -3.0261e-01, 6.6611e-02, -6.7388e-01,\n"," -4.2806e-02, 5.9818e-01, -4.7534e-01, -5.8988e-02, -1.9419e-02,\n"," -2.3791e-01, 3.2545e-01, 1.6591e-01, 4.6574e-02, 5.5026e-01,\n"," -1.8627e-01, -2.0221e-01, -1.6992e-01, 2.9499e-01, 1.5326e-01,\n"," 1.9270e-02, 2.4621e-01, 1.2050e-02, 5.2469e-01, 1.6512e-01,\n"," -2.6104e-01, 9.2767e-02, 2.3603e-02, -8.8077e-02, -8.8156e-02,\n"," -2.4892e-02, 1.3019e-01, 1.1889e-02, 1.4010e-01, -7.1788e-01,\n"," 2.6608e-02, 3.6268e-02, -2.5298e-01, 4.2888e-01, -6.4859e-01,\n"," 9.8205e-02, 3.5307e-01, 5.0112e-01, -5.4153e-01, -6.6189e-02,\n"," 2.6129e-02, -1.9491e-02, 2.7243e-01, 3.3352e-01, -3.1321e-02,\n"," 9.8212e-02, -1.8364e-01, 2.1382e-01, 2.3711e-01, 2.1198e-01,\n"," -5.1263e-01, -5.3737e-01, -9.8104e-02, 2.9240e-01, 2.7386e-01,\n"," 1.4614e-01, -7.6071e-01, -1.2294e-01, 5.5545e-02, -9.1988e-02,\n"," 6.0640e-01, 4.6874e-02, 5.5175e-01, 5.5830e-01, 1.6957e-01,\n"," -4.5140e-01, 2.2449e-01, 2.0423e-01, 3.0442e-01, -9.1970e-02,\n"," 2.0044e-01, 1.2277e-01, 4.3866e-01, 1.4634e-01, -3.8025e-01,\n"," 5.7555e-01, -3.6780e-01, -1.4852e-01, -2.9311e-01, 1.8530e-01,\n"," -5.4767e-01, -3.1603e-01, 1.8686e-01, -2.4414e-01, 1.8953e-01,\n"," -2.6241e-01, 3.2963e-01, 2.1885e-01, -8.2357e-03, 2.0849e-01,\n"," -7.0639e-02, -6.1242e-01, 2.8057e-01, 3.2841e-01, 1.5015e-02,\n"," -1.9113e-01, 6.3136e-02, 2.5264e-01, -7.0410e-02, -6.2326e-03,\n"," -2.8874e-02, 3.9968e-01, 1.1005e-01, -1.2466e-01, -3.1321e-01,\n"," -8.1496e-02, 7.1259e-02, 2.4384e-01, -9.1276e-03, -2.9388e-01,\n"," -3.9513e-01, 1.2320e-01, 4.2580e-01, 2.7149e-01, -3.8357e-01,\n"," -3.9259e-02, -1.9710e-01, -4.7921e-01, -4.0352e-01, 3.6449e-01,\n"," 2.6308e-02, 7.3807e-02, 2.1356e-01, 3.0931e-01, 1.1677e-01,\n"," -4.9016e-02, 1.3813e-01, 1.4178e-01, -1.2268e-01, 2.5576e-01,\n"," 5.1400e-01, -2.7425e-01, -1.8913e-01, 1.0101e-01, -3.3838e-01,\n"," -2.9238e-01, -5.5262e-01, 2.8674e-01, 1.9634e-01, 3.7120e-01,\n"," 1.7354e-01, 4.2791e-01, -1.9697e-01, -5.9127e-01, -3.6937e-01,\n"," -1.9443e-01, 1.0262e-01, -1.0176e-01, 3.5622e-04, -3.4120e-01,\n"," -5.4022e-01, -5.0228e-01, -4.1879e-01, -3.9689e-01, 3.2575e-01,\n"," 1.2836e-01, -5.1145e-03, 3.3047e-01, -1.4841e-01, -2.8841e-01,\n"," 1.3860e-01, -9.3225e-02, 2.4217e-01, 2.2177e-01, -3.9906e-01,\n"," -2.3422e-01, 8.1297e-02, -3.4354e-01, 6.7377e-03, 1.5799e-01,\n"," 2.7954e-01, 2.0366e-01, 2.4677e-01, -3.1699e-01, -3.6054e-01,\n"," 1.9518e-01, -3.6106e-01, -5.6279e-02, -4.3485e-01, 1.5595e-01,\n"," 7.3996e-02, 9.8081e-02, -2.1425e-01, -1.8261e-01, 5.6920e-02,\n"," 8.2795e-02, -2.0711e-01, 6.9064e-02, 2.2939e-01, -9.3168e-02,\n"," 5.8189e-01, 1.2109e-01, 5.0591e-01, -1.0948e-01, 1.5804e-01,\n"," -4.2084e-01, 1.6607e-01, -4.0567e-01, -1.8787e-01, 1.5802e-01,\n"," -2.8762e-01, -6.4372e-01, -1.6994e-01, 1.0742e+00, 6.0754e-01,\n"," -1.2398e-01, -2.3258e-01, 3.9317e-02, -2.6285e-01, -5.0107e-01,\n"," 2.4170e-02, 2.4937e-01, -3.6157e-01, 4.4621e-01, 2.4640e-01,\n"," 3.4309e-02, 3.4567e-01, -3.8077e-01, 1.1273e-01, -4.5777e-01,\n"," -2.5005e-01, -6.6396e-01, 2.6011e-01, -2.9320e-01, 6.6699e-01,\n"," -3.6833e-01, 3.3794e-02, -2.0355e-02, 1.6663e-01, 6.6694e-01,\n"," 1.4021e-01, 2.5975e-01, -1.7444e-02, -1.3142e-01, 4.3643e-01,\n"," 8.4788e-02, 5.8767e-01, -5.7058e-01, -1.0283e-01, -3.5304e-01,\n"," -6.6969e-01, -1.0152e-01, 1.7763e-01, -1.7186e-01, -1.1462e-01,\n"," 2.6949e-01, 3.6778e-01, 1.3292e-01, 1.1114e-01, -4.2783e-01,\n"," -2.0638e-01, -3.5399e-01, 1.0316e-01, 1.4024e-01, 2.1931e-01,\n"," -2.3168e-01, 3.1902e-01, -2.9244e-01, -3.7271e-01, 2.4853e-01,\n"," 3.2360e-01, -1.9291e-01, -9.9434e-02, 5.9524e-02, 9.4724e-02,\n"," 6.3932e-02, 2.7129e-01, 1.3411e-01, -1.4441e-01, -3.0720e-01,\n"," 2.4942e-01, -4.9376e-02, -3.9676e-01, 1.1472e-01, 9.4558e-02,\n"," 2.7924e-02, -1.6204e-01, -3.5314e-01, -6.3576e-01, -5.6745e-02,\n"," 1.4032e-01, -2.2482e-01, -1.1739e+00, 1.5968e-01, -8.4789e-02,\n"," -2.2310e-01, -5.3320e-02, 4.9960e-01, 3.4601e-01, -1.2102e-01,\n"," -1.8815e-01, -3.2725e-01, -7.0873e-02, 4.8036e-02, 2.0354e-01,\n"," -4.2389e-02, -2.6361e-02, 1.3182e-01, 6.5451e-02, 1.4911e-01,\n"," 2.8582e-01, -2.6823e-01, 3.5206e-01, 2.7665e-01, -5.7584e-02,\n"," -7.3346e-02, 2.0605e-01, 2.2716e-01, -8.2873e-01, -3.0445e-01,\n"," -1.5500e-01, 4.6156e-01, -1.0073e-01, 7.4445e-01, -9.4295e-02,\n"," 6.6074e-02, -1.8402e-01, -2.9506e-01, 8.1425e-02, 1.7701e-01,\n"," 1.8796e-01, 6.5443e-01, -3.3569e-02, 6.6976e-01, 1.3333e-01,\n"," -3.0119e-01, -1.0617e-01, -3.3671e-01, 9.6051e-02, -1.4850e-03,\n"," 4.6755e-01, -3.3934e-01, -7.8341e-01, -9.4983e-02, 2.5593e-01,\n"," -1.1166e+00, 7.7357e-01, -8.6369e-02, -2.5843e-01, -8.2375e-02,\n"," 1.6280e-01, -7.4769e-02, -6.1348e-01, 2.4280e-01, -6.2289e-01,\n"," 1.1129e-01, 3.0934e-03, -2.9315e-01, -2.6015e-01, -6.4838e-01,\n"," 5.8760e-01, 5.5165e-01, -2.2982e-01, 2.3379e-01, 2.2738e-01,\n"," 3.2897e-01, -2.1704e-01, 5.6538e-01, -3.5777e-01, 3.5868e-01,\n"," -1.4628e-02, 1.7756e-01, -5.6393e-01, -5.4452e-01, -1.5569e-01,\n"," 4.0129e-01, 9.1878e-02, -2.9235e+00, -2.1916e-01, 1.0543e-01,\n"," -2.9480e-01, 1.7017e-01, 2.5921e-02, 5.4776e-01, -6.6025e-02,\n"," 2.8036e-01, -1.1701e-01, 1.3038e-01, -3.1908e-01, -5.0228e-02,\n"," 1.7403e-01, 1.4155e-01, 3.2593e-01]])\n","diamond: tensor([[ 1.6155e-01, -6.2006e-02, -1.5000e-01, 3.0886e-02, 1.6777e-02,\n"," -2.9198e-02, 2.4209e-01, -2.3379e-01, 5.3452e-02, -2.3526e-01,\n"," -9.6149e-02, 8.7985e-02, 1.4318e-01, 1.3678e-01, -3.0620e-01,\n"," -4.6677e-02, -2.7219e-02, -9.1051e-03, 9.1234e-03, 8.8166e-02,\n"," 7.7598e-02, -8.4719e-02, 1.3375e-01, 1.0031e-01, 2.5690e-02,\n"," 2.3563e-01, -2.2137e-01, -1.0481e-01, -2.0500e-01, 1.6794e-01,\n"," 1.2290e-02, -1.3172e-01, 1.1735e-01, 3.1996e-01, -2.7419e-02,\n"," -1.3261e-01, 6.9343e-02, -1.0631e-01, -2.8758e-01, -1.3452e-01,\n"," 1.1645e-02, -3.6717e-02, 1.4572e-01, -1.0871e-01, 6.7752e-02,\n"," -9.1051e-02, -3.3869e-01, -3.1073e-02, -9.0417e-02, 1.2567e-01,\n"," -1.9024e-01, 1.4569e-01, -3.8745e-02, 3.3764e-01, 1.4760e-01,\n"," 5.0370e-02, 2.2879e-01, 3.2504e-02, -1.1580e-01, -6.6777e-02,\n"," 6.6056e-02, 9.7825e-03, -1.0010e-01, 1.4854e-01, 1.8629e-01,\n"," 5.8362e-02, 4.1709e-01, -1.5232e-01, -3.4063e-01, 4.8405e-02,\n"," 5.8052e-02, -2.6320e-01, 2.3537e-01, -1.3473e-01, 2.1460e-01,\n"," 3.5210e-02, -2.0203e-01, 3.0658e-01, 3.5111e-01, 1.2765e-01,\n"," 2.8540e-01, 1.7238e-01, 1.7749e-01, 2.5244e-01, -9.8107e-02,\n"," 1.9131e-01, -1.3892e-01, -1.8316e-02, -1.0845e-01, 2.1901e-01,\n"," 3.6928e-03, -1.6223e-02, 1.5503e-01, 2.1549e-01, 7.7459e-02,\n"," -9.1703e-02, -2.7171e-01, 5.0915e-02, 1.4361e-01, -2.5122e-01,\n"," -1.3461e-01, -1.9500e-01, -1.8262e-01, 3.6907e-01, -3.1924e-01,\n"," 7.2243e-02, -7.5017e-02, 7.7848e-02, 1.1544e-01, -8.8202e-01,\n"," 3.9885e-01, -6.2385e-02, -3.1391e-02, -1.4352e-01, -1.0472e-01,\n"," 1.3788e-01, 1.5366e-01, 1.4801e-01, 1.8624e-01, 1.9576e-01,\n"," -2.3702e-01, -2.1261e-01, 1.3194e-01, 6.4998e-01, 1.4062e-02,\n"," 1.1957e-01, -1.9939e-01, -3.5114e-01, -2.7650e-03, -3.8376e-01,\n"," -3.1642e-01, 1.6965e-01, 2.1439e-01, 4.3543e-01, -5.8537e-02,\n"," -6.8431e-02, -3.3889e-02, -6.3625e-02, -1.1258e-01, -8.5980e-02,\n"," -4.1167e-02, 4.5939e-01, -1.0091e+00, -4.0449e-01, 1.7593e-01,\n"," -4.1240e-02, 3.0619e-01, 2.4596e-02, 2.8869e-01, -6.0369e-02,\n"," 2.7029e-01, 3.2369e-01, -3.7970e-01, -2.2171e-01, -2.3308e-01,\n"," -2.1764e-01, 4.3358e-02, -1.3117e-02, 2.5879e-01, 4.1362e-01,\n"," 2.9991e-01, 3.5048e-01, 3.0319e-02, 1.8770e-01, -1.5346e-01,\n"," -1.4167e-02, -2.4166e-01, 5.1696e-01, 1.0828e-01, 2.1880e-02,\n"," -3.7915e-01, -3.3599e-01, 2.0425e-01, 3.7316e-01, -2.1216e-01,\n"," 1.6552e-01, 1.7652e-01, 1.6671e-01, -1.9825e-01, -2.5311e-01,\n"," -2.7847e+00, -9.9542e-02, -1.0271e-01, -9.0576e-02, 3.3444e-01,\n"," -6.9123e-02, 1.7905e-01, -2.1512e-01, 3.4969e-01, -2.2629e-01,\n"," -3.7289e-01, -1.7309e-01, -1.0192e-01, 2.2423e-01, 7.7583e-02,\n"," -1.3439e-01, -1.2030e-01, -2.1322e-01, 1.3032e-01, 8.3531e-02,\n"," 1.3636e-01, -7.6187e-02, 2.0385e-01, 2.1101e-01, -1.3745e-01,\n"," 8.3567e-01, 1.5643e-01, -3.5256e-01, 1.6974e-01, 1.1594e-03,\n"," -5.4599e-01, 3.8616e-01, 2.0408e-01, -2.3741e-01, 3.7920e-01,\n"," -1.8009e-01, 3.1296e-01, -2.6296e-01, -2.5109e-01, 1.3402e-02,\n"," 1.2154e-01, 5.0769e-02, 2.2573e-03, 1.4103e-03, -1.4490e-01,\n"," -4.2951e-01, 1.9985e-01, 9.4503e-02, 6.1141e-02, -8.7380e-02,\n"," -2.4632e-01, -3.0656e-01, 2.9041e-01, -1.9808e-02, -1.1227e-01,\n"," 2.0792e-01, 1.6686e-01, 1.4599e-01, -3.8115e-02, -1.6481e-01,\n"," -9.0445e-02, 1.1601e-01, 2.1240e-01, 2.0106e-01, -2.9176e-01,\n"," -1.3053e-01, 3.1890e-01, 3.7415e-02, 3.5731e-01, -2.4931e-01,\n"," -7.1683e-02, -4.3466e-01, -8.8263e-02, -1.3551e-01, -1.7927e-01,\n"," 5.8203e-02, -1.2975e-01, -2.0773e-01, 3.5970e-01, 4.0680e-02,\n"," 1.3878e-01, 2.0321e-01, 4.5236e-01, -1.8268e-01, -1.3206e-02,\n"," 3.8553e-01, 3.1719e-01, 5.0518e-02, -1.0016e-01, 4.0758e-02,\n"," -8.5421e-02, -5.2012e-04, 6.0038e-02, -1.4116e+00, -1.1775e-01,\n"," -6.1927e-02, 3.0228e-01, 4.3233e-02, 1.3895e-01, 1.4152e-02,\n"," -1.6804e-01, 1.3765e-01, -3.7362e-02, 6.4547e-02, 2.8603e-01,\n"," -1.6678e-01, -3.6179e-01, -4.9810e-01, 1.3687e-01, -3.1914e-01,\n"," -8.3354e-02, 1.1649e-01, 1.0426e-02, 1.3492e-01, 2.9956e-01,\n"," -1.1194e-02, 5.6056e-02, 9.0633e-02, -6.4260e-01, -2.1332e-01,\n"," -2.0331e-02, 8.8627e-02, -1.8637e-01, -1.4972e-01, 2.3080e-01,\n"," 2.5664e-01, 1.0753e-01, 1.1893e-02, -1.9986e+00, -1.2929e-01,\n"," 1.1760e-01, -4.7291e-01, 1.4547e-01, -3.1767e-01, 1.6647e-01,\n"," 3.9899e-02, -4.1275e-02, -1.6145e-02, 1.1434e-01, -2.2873e-01,\n"," 3.5291e-01, 1.1446e-01, 8.3882e-02, 1.1774e-02, -1.7421e-01,\n"," -2.4409e-01, -3.9251e-01, 1.6896e-01, 8.8537e-03, -2.0875e-01,\n"," 2.7864e-01, -1.3921e-01, 2.3089e-02, 1.5487e-01, -1.0211e-01,\n"," 1.8610e-01, -5.6059e-01, 2.1383e-02, -3.5948e-01, -2.7307e-01,\n"," -2.8188e-01, 1.1330e-01, 2.2731e-01, 1.0505e-01, 1.8506e-01,\n"," 7.9843e-02, 7.9518e-01, -2.7031e-02, 2.7724e-01, 2.7292e-01,\n"," 1.6114e-01, -2.0382e-01, -1.9601e-01, -7.7445e-02, 5.5307e-02,\n"," -3.4659e-01, 1.2376e-02, 2.0118e-01, 4.1644e-01, -1.3287e-01,\n"," 1.7172e-01, -1.2916e-01, -3.0420e-01, -2.1040e-01, -9.5013e-02,\n"," 3.1264e-01, -7.8368e-02, -4.9758e-02, 6.1746e-02, -2.4088e-01,\n"," 3.1686e-01, 3.8709e-01, -7.8150e-01, 7.8537e-02, -7.3150e-02,\n"," -9.1013e-02, -3.7428e-02, -1.4620e-01, -9.2994e-02, -3.7137e-01,\n"," -3.4075e-02, -8.5667e-01, -5.1011e-01, 2.2376e-01, -3.7160e-01,\n"," -6.5752e-02, 1.8427e-01, -1.7117e-01, 2.4116e-01, -2.7424e-02,\n"," 8.4986e-02, 1.8369e-01, 2.0374e-01, -1.7834e-02, 1.7031e-01,\n"," -2.5706e-01, 1.2295e-01, -1.2203e-01, 2.7260e-02, 5.7436e-02,\n"," 2.2619e-01, 1.0386e-01, 2.3086e-01, 1.4760e-01, 3.6100e-01,\n"," -2.1782e-01, 2.7142e-02, 1.7698e-01, -3.7589e-01, -2.8124e-01,\n"," 1.3302e-01, -1.2577e-01, -4.7649e-02, 8.7537e-02, -4.7663e-01,\n"," -1.6076e-01, -1.0944e-01, -1.8792e-01, 1.5006e-01, -1.8122e-01,\n"," 2.4751e-01, 1.6087e-01, 8.5157e-02, -2.8510e-01, -2.1377e-01,\n"," 1.5715e-01, -1.4482e-01, 1.8342e-01, -2.1588e-02, 1.9625e-01,\n"," 2.5457e-01, 1.0668e-01, 2.1085e-02, 3.6033e-02, 4.3402e-02,\n"," -4.3830e-01, -2.7535e-01, 3.0799e-02, 1.1966e-01, 1.5044e-01,\n"," 9.6739e-02, -4.3612e-01, -2.7303e-01, 9.8734e-02, 1.2048e-01,\n"," 2.1290e-01, 2.1660e-01, 3.8917e-01, 4.5810e-01, 1.7736e-01,\n"," -4.5409e-01, 2.4038e-01, 1.4458e-01, 2.5858e-01, -1.3291e-01,\n"," 1.2081e-01, 1.9987e-01, 2.6053e-01, 2.6510e-01, -1.9645e-01,\n"," 3.8082e-01, -4.6392e-02, -2.4017e-02, -2.0708e-01, 2.1349e-02,\n"," -2.0304e-01, -3.1355e-01, 2.5605e-01, -1.5252e-01, -4.2663e-02,\n"," 8.2841e-02, 1.4852e-01, 4.3171e-02, -2.5515e-02, 5.9696e-02,\n"," 3.1954e-02, -3.8974e-01, 1.4721e-01, 5.4626e-01, -1.4231e-01,\n"," 1.4410e-01, 1.1249e-01, -1.1134e-01, 2.8159e-01, 5.7671e-02,\n"," -4.4984e-01, 9.1915e-02, 1.4619e-01, 9.5846e-02, -3.4576e-01,\n"," 4.8444e-02, 5.5058e-02, 2.8162e-01, 1.3359e-01, -4.1147e-01,\n"," -2.2814e-01, 2.2646e-01, 5.9465e-01, 3.4965e-01, -3.8291e-01,\n"," -2.6475e-01, -4.3818e-02, -1.2649e-01, 8.8705e-02, 3.5307e-01,\n"," -7.6790e-02, 1.7741e-01, 3.1729e-01, 1.5065e-01, -2.1113e-01,\n"," -2.7623e-01, 2.1714e-01, 1.6124e-01, -1.5851e-01, 1.4791e-01,\n"," 4.3121e-01, -4.1026e-01, -2.9160e-01, 1.3234e-01, -2.3545e-01,\n"," -2.5787e-01, -1.6319e-01, 3.6354e-02, 4.1241e-01, 1.0721e-01,\n"," 1.9513e-01, 2.6139e-01, -1.5938e-01, -2.5043e-01, -2.6829e-01,\n"," 2.5153e-01, 5.7163e-02, 1.2275e-01, -5.5238e-02, -3.6964e-01,\n"," -2.4181e-01, -3.4939e-02, 4.9968e-02, 1.3704e-01, 2.5634e-01,\n"," -2.0681e-01, -3.9144e-02, 4.8878e-01, 1.7427e-01, -6.8812e-01,\n"," 9.9883e-02, -3.0734e-01, -2.1347e-01, -3.1412e-01, -3.7722e-01,\n"," -3.7671e-01, -4.3934e-02, 1.9778e-02, -2.2081e-01, 1.7804e-01,\n"," 6.1392e-01, 2.6825e-01, 2.4625e-01, -2.0385e-01, -1.8708e-01,\n"," 2.9943e-01, -1.8142e-01, 5.5168e-04, -3.6227e-01, 5.9422e-02,\n"," 6.3952e-02, 1.0054e-01, -6.2633e-02, -1.3071e-01, 1.9196e-01,\n"," 2.7584e-01, -1.7983e-01, 2.1253e-02, 6.6244e-02, -4.0689e-02,\n"," -9.4789e-02, 2.1489e-01, 3.4149e-01, -3.7516e-02, 1.7910e-01,\n"," -7.6141e-02, 2.9747e-01, -3.1768e-01, 9.7735e-02, 3.7721e-01,\n"," -2.9060e-01, -4.1847e-01, 1.2051e-02, 9.2768e-01, 5.0307e-01,\n"," -1.9633e-01, -7.0922e-02, 1.4282e-01, -2.5699e-01, -6.5048e-02,\n"," 8.5316e-02, -8.0577e-02, -3.8652e-01, 3.2823e-01, 1.7272e-02,\n"," -1.9758e-01, 8.8534e-02, -2.0298e-01, 2.0466e-01, -2.7140e-01,\n"," 1.5935e-01, -4.2760e-01, 6.2103e-02, -1.0143e-01, 2.3680e-01,\n"," -4.4769e-02, -1.1840e-02, -1.3973e-01, 7.9882e-02, 1.9626e-01,\n"," -9.6507e-02, 6.7166e-02, -9.5862e-02, -4.8592e-01, 3.1385e-03,\n"," 1.9411e-01, 3.8237e-01, -5.3866e-01, 1.1092e-01, 5.7812e-02,\n"," -5.6236e-01, 1.8260e-01, 3.8107e-01, 5.6748e-03, -1.3619e-01,\n"," 4.0926e-01, 2.7191e-01, 2.8821e-01, 2.5143e-01, -4.6042e-01,\n"," -2.1689e-01, -3.9808e-02, 2.6291e-01, 3.1902e-01, 1.5881e-01,\n"," 9.0327e-02, 3.5406e-01, 1.7696e-01, -1.7525e-01, 3.1081e-01,\n"," 4.9704e-02, -2.1773e-01, -2.2470e-01, 3.8713e-02, -6.8153e-02,\n"," 1.7886e-01, 2.4056e-02, 2.5037e-02, -1.5545e-01, 3.8074e-03,\n"," -8.2626e-02, 1.5410e-02, 1.4101e-01, 4.3115e-02, -2.9053e-01,\n"," -2.9652e-01, 1.5493e-01, -4.2695e-02, -1.8727e-01, 1.3930e-01,\n"," 1.0442e-01, -2.4539e-01, -1.1451e+00, -5.5929e-02, -1.1946e-01,\n"," -5.5293e-02, -8.4008e-02, -9.9077e-02, 3.0845e-01, 2.4989e-02,\n"," -2.9476e-01, -2.2857e-01, -7.1070e-02, 2.4382e-01, 2.2943e-01,\n"," -1.6535e-02, 5.8608e-02, -1.1309e-01, -1.4129e-01, -3.9074e-02,\n"," 4.3498e-01, -4.7297e-01, 2.1886e-02, 4.2312e-03, -1.7632e-01,\n"," -1.0953e-01, 1.3565e-02, 4.7293e-01, -4.7238e-01, -7.1958e-02,\n"," -9.5515e-02, 1.4450e-01, -1.4632e-02, 3.3539e-01, -2.4305e-01,\n"," -5.7962e-02, -6.5108e-02, 1.3570e-01, 1.7703e-01, 1.1686e-01,\n"," -1.3157e-01, 3.1411e-01, 2.9696e-01, 2.8327e-01, -2.2373e-01,\n"," -1.6743e-01, 1.4353e-01, -9.5142e-02, -4.9715e-02, 4.8305e-01,\n"," -3.4590e-01, 6.7829e-03, -5.5110e-01, -7.1140e-02, 1.3638e-01,\n"," -1.1708e+00, 3.6722e-01, -1.9811e-02, -2.4107e-01, -1.4952e-01,\n"," 2.9152e-01, 1.1852e-02, -3.4777e-01, 3.1889e-02, -1.3998e-01,\n"," 1.4143e-01, 1.1046e-01, -7.7125e-02, -1.1550e-01, -4.3812e-01,\n"," 2.1294e-01, 1.1019e-01, 1.0932e-01, 1.9545e-01, 2.0674e-01,\n"," -3.1174e-03, 1.4706e-01, 1.1089e-01, -1.2874e-01, -4.4977e-02,\n"," -8.1229e-02, -1.9227e-01, -1.2100e-01, -2.8690e-01, 1.4305e-01,\n"," 2.7572e-02, -2.7691e-01, -3.0675e+00, -1.2856e-01, 2.4486e-01,\n"," -4.9501e-02, 1.0879e-01, -8.5592e-02, 2.1765e-01, 2.9262e-03,\n"," 1.2153e-02, -2.3550e-01, 1.0965e-01, -4.4805e-01, 7.2454e-02,\n"," 6.0577e-02, -1.9104e-01, -2.3315e-01]])\n","hotels: tensor([[ 2.1570e-01, -3.6560e-03, 2.2070e-02, 1.1095e-01, 2.5285e-01,\n"," -1.9882e-01, 2.5208e-01, 1.1614e-01, -3.8234e-02, -7.0603e-02,\n"," -2.3725e-01, -1.0097e-01, -3.6462e-02, 1.5268e-01, -1.3794e-01,\n"," -1.8959e-01, -1.0833e-01, 3.3954e-02, 3.3592e-02, 6.3228e-02,\n"," 1.3950e-01, 3.2192e-02, 1.2301e-01, 3.0005e-02, -2.2232e-04,\n"," 3.1592e-02, -3.9093e-01, 1.3103e-01, -4.0480e-01, -8.1852e-02,\n"," -2.4360e-02, -6.0579e-02, -1.0232e-01, 3.7015e-01, 6.6290e-02,\n"," -2.1151e-01, 1.7951e-01, -3.5618e-01, -1.0347e-01, -1.6530e-01,\n"," 5.7957e-02, -1.8272e-01, 1.8002e-01, 5.7539e-02, -5.7325e-02,\n"," -2.5141e-01, -2.6370e-01, -2.3859e-02, -4.1974e-01, 5.0567e-02,\n"," -1.7736e-01, 1.9365e-01, 2.6921e-01, 2.1845e-01, 2.6959e-01,\n"," 4.4859e-01, 9.2731e-02, 3.4062e-02, 2.0704e-01, -4.2809e-02,\n"," 1.5843e-01, 2.8457e-01, -1.6724e-01, -6.8417e-02, 4.5857e-01,\n"," -3.7095e-02, 2.7349e-01, -8.1998e-02, -3.7398e-01, 2.8256e-02,\n"," 8.6303e-03, -2.6784e-01, 3.8161e-01, 1.3063e-01, 1.2557e-01,\n"," 3.9083e-02, -1.9260e-01, 2.4832e-01, 4.8675e-02, -9.7626e-02,\n"," 1.4296e-01, 1.8805e-01, 2.5871e-01, 2.6985e-01, 6.6015e-02,\n"," 2.8838e-01, -3.8947e-02, -1.4851e-01, -2.4454e-01, -1.8010e-01,\n"," 5.5977e-02, 6.3045e-02, 2.2144e-01, 9.6634e-02, -5.9859e-02,\n"," -1.0602e-01, -2.8694e-01, -7.9329e-02, 1.2900e-01, -7.8515e-02,\n"," -7.5361e-03, -5.0134e-02, -1.8004e-01, 1.5112e-01, -1.1779e-01,\n"," -1.2647e-01, -1.0062e-01, 2.2550e-01, 1.0960e-01, -7.2830e-01,\n"," 5.5442e-02, -2.2093e-02, 9.0858e-02, -1.5698e-01, -1.6904e-01,\n"," 1.6879e-01, 3.1694e-01, 1.9068e-01, 6.8256e-02, -2.0193e-02,\n"," -3.0307e-01, -1.9163e-01, 3.2432e-01, 5.0430e-01, 1.0770e-01,\n"," 1.8309e-01, 8.5545e-02, -3.4417e-01, 1.0324e-02, -3.6015e-01,\n"," -3.4387e-01, 4.0733e-01, -1.7967e-01, 3.1672e-01, -1.1553e-01,\n"," 3.6285e-02, 1.9377e-01, 6.8579e-02, -2.7265e-01, -1.3898e-01,\n"," -1.5290e-01, 4.6389e-01, -1.0282e+00, -3.0548e-01, 1.6732e-01,\n"," -1.1143e-01, 3.3695e-01, -1.1625e-01, 1.3198e-01, -2.7722e-01,\n"," 2.4101e-01, 2.9062e-01, -2.5042e-01, 4.5858e-02, -3.9232e-01,\n"," 6.9966e-02, 2.3269e-01, -2.7016e-01, 2.2791e-01, 3.2623e-01,\n"," 3.5344e-01, 2.4199e-01, 1.5735e-01, 2.4001e-01, -5.0976e-01,\n"," -1.0288e-01, -3.5309e-01, 4.8604e-01, 1.7118e-01, 7.6825e-02,\n"," -5.8884e-01, -1.9424e-01, 8.0746e-02, -4.9592e-02, -1.3407e-01,\n"," 9.6672e-02, 6.7221e-02, 2.0306e-01, 2.0445e-01, 5.2293e-02,\n"," -2.9323e+00, -9.8120e-02, 3.9653e-02, -3.0875e-02, 3.8918e-01,\n"," -2.2295e-01, 6.4385e-02, -5.5887e-02, 3.5564e-01, -3.1393e-01,\n"," 2.7911e-02, 5.2292e-03, -2.7949e-01, 2.5896e-01, 2.9909e-01,\n"," -1.5645e-01, -6.6614e-02, -1.4716e-01, 1.3896e-02, -3.2215e-02,\n"," 2.4755e-03, -7.9098e-03, 1.0726e-01, 3.3981e-01, -2.8338e-01,\n"," 8.1519e-01, 2.1378e-01, -3.1875e-01, 1.3456e-01, 5.1999e-02,\n"," -2.4553e-01, 6.4865e-02, 2.0653e-01, -3.8864e-01, 3.1717e-01,\n"," -3.6816e-01, 2.0379e-01, -3.3624e-03, -3.7629e-01, -1.2752e-01,\n"," 3.5937e-01, -6.3614e-02, -1.6655e-01, 2.5790e-01, -1.0386e-01,\n"," -3.7854e-01, 3.2419e-01, 9.1966e-02, 3.4107e-01, -4.0249e-03,\n"," 1.3570e-01, -1.7789e-01, 6.8757e-02, 1.0811e-01, -1.9535e-01,\n"," 2.3298e-01, -1.0943e-01, -2.3920e-02, -2.1872e-01, -2.8408e-01,\n"," -1.1572e-01, -1.5993e-01, 1.5863e-01, 4.7460e-02, 4.0635e-03,\n"," -2.4289e-01, 4.9126e-02, 1.2022e-01, 2.8167e-01, -1.5977e-01,\n"," 1.4688e-01, -4.3731e-01, 1.3364e-01, -2.7100e-01, 3.2295e-01,\n"," 1.1755e-01, 2.2072e-01, -3.4294e-02, 1.6573e-01, -3.1135e-03,\n"," 1.2076e-02, 3.8071e-01, 2.0388e-01, -1.0366e-01, -2.7496e-01,\n"," 8.1956e-02, 1.7138e-01, -1.6189e-01, 8.5068e-02, 7.1523e-03,\n"," -9.4681e-02, -1.1791e-01, -2.4895e-01, -1.1682e+00, 3.4507e-02,\n"," -2.6511e-01, 1.6986e-01, 2.4967e-01, 3.0307e-01, 1.5750e-01,\n"," -4.6939e-05, 2.1036e-01, -7.3852e-02, -1.2204e-02, 9.2119e-02,\n"," -4.2223e-01, -3.7698e-01, -1.7462e-01, 1.6576e-02, -2.9434e-01,\n"," -3.8980e-02, 5.3365e-02, 9.2417e-02, 2.6443e-02, 1.9231e-01,\n"," -1.7320e-01, 1.2355e-01, 1.3880e-01, -3.5874e-01, -3.0139e-01,\n"," -2.0057e-01, -1.3062e-01, -2.5657e-01, -9.6853e-02, -1.0054e-01,\n"," 2.7120e-01, 2.7214e-01, -2.1171e-01, -2.3078e+00, 3.3603e-02,\n"," 1.3179e-02, -4.5747e-01, 5.3018e-02, -2.6425e-01, 2.4304e-01,\n"," -1.9266e-01, -4.6219e-01, -5.4490e-02, 1.0331e-01, -2.9292e-01,\n"," 2.4471e-01, 2.4409e-01, 9.6816e-02, 2.3245e-01, 6.8937e-02,\n"," -1.1625e-01, -4.3554e-01, 2.0867e-01, 5.3127e-02, -7.2709e-02,\n"," 1.0633e-01, -2.3572e-01, -1.0199e-02, 3.7410e-01, -4.2983e-02,\n"," 1.5433e-01, -4.9769e-01, -2.1472e-02, -1.5463e-01, 5.8364e-02,\n"," -1.9376e-01, 2.0142e-01, 6.7117e-02, 7.7030e-02, -1.3188e-01,\n"," 1.9811e-01, 4.4363e-01, -5.9953e-02, 7.9544e-02, 3.5104e-01,\n"," 1.2504e-01, -9.4078e-02, -5.3964e-03, -3.1075e-01, -3.9127e-02,\n"," -3.3037e-02, -2.3994e-02, 3.1047e-01, 3.4039e-01, -1.5766e-02,\n"," 3.3204e-01, 1.0676e-01, -2.2375e-01, -5.7133e-01, 1.0138e-01,\n"," 2.0435e-01, -5.0145e-02, -1.5755e-01, 2.3209e-01, -8.6250e-02,\n"," 2.2020e-01, 1.4109e-01, -3.5746e-01, 5.6239e-02, -1.6297e-01,\n"," -5.6742e-02, -3.4379e-02, 1.9575e-01, -9.9260e-02, -3.9623e-01,\n"," 6.2562e-02, -7.1248e-01, -3.9377e-01, -2.0632e-02, -2.2444e-01,\n"," 9.9969e-02, 2.8997e-01, -2.6505e-01, 1.5017e-01, 1.1252e-01,\n"," -1.6456e-01, 1.0271e-01, 1.9498e-01, -3.2985e-01, -1.0661e-01,\n"," 9.5078e-02, -1.1951e-01, -2.8301e-01, -3.4268e-02, 1.9306e-01,\n"," 4.9405e-01, 1.4748e-01, 1.5288e-01, 1.4747e-01, 4.6642e-02,\n"," -3.0930e-01, 2.8735e-01, -1.4130e-01, -5.1815e-01, -4.0514e-01,\n"," 3.5453e-01, 1.8386e-02, 1.2902e-01, -1.8731e-01, -7.7586e-02,\n"," -1.5061e-01, -7.3409e-02, -5.0642e-02, 3.7083e-02, -4.7849e-02,\n"," 1.4699e-01, -4.5312e-02, 5.4181e-02, -4.3411e-01, 5.9038e-03,\n"," 8.4630e-01, -1.5539e-01, 3.1623e-01, 1.0130e-01, 1.5353e-01,\n"," 2.4451e-01, -1.9247e-01, -1.2670e-02, 1.2449e-01, 7.7742e-02,\n"," -6.7119e-01, -2.9274e-02, -1.0558e-01, 2.2203e-01, -1.4609e-02,\n"," 1.6024e-01, -3.1849e-01, -1.4772e-01, 1.1975e-01, 1.6068e-01,\n"," 7.8020e-02, 3.6274e-01, 1.8564e-01, 1.6025e-01, 2.2517e-01,\n"," -4.3273e-01, 2.1032e-01, 3.4930e-01, 3.8263e-01, -1.7119e-01,\n"," 2.5032e-01, 5.0948e-01, 3.7617e-01, -1.1174e-01, -3.3749e-01,\n"," 1.9723e-01, -1.7074e-01, -2.8823e-02, -4.7160e-01, 9.4035e-02,\n"," 1.6955e-02, -2.0696e-01, 9.9739e-02, -2.0576e-01, -1.2083e-01,\n"," -1.3293e-01, 2.8561e-01, -2.1156e-01, -2.4828e-02, 7.3753e-02,\n"," -9.9816e-02, -4.3120e-01, 4.4179e-01, 4.1298e-01, 1.0279e-01,\n"," 1.0016e-01, -2.4505e-01, -8.2889e-02, 2.5555e-01, -6.8615e-02,\n"," -2.7643e-02, 8.6024e-02, 1.2670e-01, -1.6898e-01, -3.7782e-01,\n"," -3.4921e-02, 8.3836e-02, 1.3193e-01, 2.7541e-03, -3.2087e-01,\n"," -3.9814e-01, 2.8929e-01, 5.1947e-01, 5.2470e-01, -1.8758e-01,\n"," -9.9346e-02, 5.0650e-02, -1.5219e-01, -3.8389e-03, 2.5401e-01,\n"," 2.2483e-02, 1.0047e-01, 1.9179e-02, 9.5946e-02, -1.3993e-01,\n"," -5.1604e-03, 2.4605e-01, 1.5707e-01, -6.2796e-02, 2.6755e-01,\n"," 1.5317e-01, -3.5222e-01, -6.0325e-02, -2.2732e-01, -4.2806e-01,\n"," -2.7283e-01, -1.5627e-01, 4.5820e-02, 4.6644e-01, 1.3586e-01,\n"," 1.0981e-01, 2.0764e-01, -1.4025e-02, -2.2365e-01, -2.2005e-01,\n"," -6.0367e-02, -2.9650e-01, -3.2269e-01, -1.4205e-02, -2.4989e-01,\n"," -2.6510e-01, -7.3415e-02, -1.2174e-01, 1.1782e-01, 4.8066e-01,\n"," -1.4638e-01, -2.2808e-02, 7.9453e-01, 3.3770e-01, -4.3920e-01,\n"," -1.3831e-01, 1.3073e-01, 8.1385e-02, -1.6685e-01, -2.5335e-01,\n"," -1.3528e-01, -2.3460e-01, 1.6819e-01, 3.8714e-02, 9.3366e-02,\n"," 4.3791e-01, 2.7434e-01, -3.7543e-02, -2.3436e-01, -2.1450e-01,\n"," -1.2342e-01, -7.1242e-02, -9.9016e-02, -2.4131e-01, 5.8700e-03,\n"," -4.9371e-02, 1.9429e-01, -7.7723e-03, -1.3118e-02, 1.6460e-01,\n"," 3.5125e-01, -6.7320e-02, 3.0683e-01, 9.3045e-02, -1.0014e-01,\n"," 1.4507e-01, 2.7977e-01, 2.3741e-01, 1.4676e-01, 2.0583e-01,\n"," -3.4338e-02, 1.2235e-01, -3.4895e-01, 1.9823e-02, 5.3196e-01,\n"," -4.2050e-01, -2.2572e-01, 2.2398e-02, 6.6620e-01, 4.6833e-01,\n"," 3.3200e-03, -1.6475e-01, 1.8595e-01, -1.6085e-01, -2.7963e-01,\n"," 3.3053e-01, -3.7273e-01, -3.7052e-02, 5.1329e-01, -1.1866e-01,\n"," -1.7716e-01, 2.9445e-01, -2.3345e-01, 1.1507e-01, -2.0688e-01,\n"," 8.8910e-02, -4.7740e-01, 1.5842e-01, -2.1777e-01, 4.3467e-01,\n"," -8.3534e-02, -2.7141e-01, 1.8815e-01, 6.7765e-02, 2.3474e-01,\n"," -2.8616e-01, 8.5084e-03, -3.0447e-01, -3.6967e-01, -1.1607e-01,\n"," 1.4731e-01, 4.3586e-01, -3.5289e-01, 1.1387e-01, -8.3547e-02,\n"," -2.7668e-01, 1.9375e-01, 3.8776e-01, 2.0403e-01, -1.9844e-01,\n"," 3.0511e-01, -1.4824e-02, 3.3815e-01, 2.6823e-01, -6.1652e-01,\n"," -1.4253e-01, -2.3485e-01, 1.1892e-01, 1.5395e-01, 5.4190e-02,\n"," -1.0935e-01, 1.7742e-01, -4.0381e-02, -3.0522e-01, 1.8714e-01,\n"," 6.5892e-03, -1.6774e-01, -4.0156e-01, 4.2101e-01, -8.0580e-02,\n"," -1.8433e-01, -3.6929e-02, 2.6342e-02, 1.4858e-01, 3.0737e-02,\n"," -3.8351e-02, 1.3447e-01, -2.3326e-01, 3.6618e-01, -2.0066e-01,\n"," 6.9972e-02, -1.0467e-01, -7.5287e-02, -1.3367e-01, 8.0005e-02,\n"," 9.8523e-02, 3.8435e-02, -1.1484e+00, 1.1602e-01, -1.2630e-01,\n"," -2.9876e-01, -1.3417e-01, 2.2610e-01, 4.3894e-01, 3.4540e-01,\n"," -2.4715e-01, -1.5959e-01, 1.5636e-01, 1.5557e-01, 3.8961e-01,\n"," -3.2650e-01, -4.7461e-02, 1.1953e-01, 9.7915e-02, -2.3363e-01,\n"," 2.9380e-01, -3.4016e-01, -1.6518e-02, 2.9571e-01, -2.3186e-01,\n"," -1.5635e-01, -1.6978e-01, 4.6097e-01, -2.2511e-01, -2.9295e-01,\n"," -1.5238e-01, 1.3256e-01, -2.4858e-01, 1.7870e-01, 1.0048e-02,\n"," -1.0698e-01, -6.7129e-02, 1.2567e-01, 5.4952e-02, 2.5566e-02,\n"," 6.6044e-02, -1.1960e-01, 1.9843e-01, 3.8143e-01, 1.6415e-02,\n"," -2.4879e-01, 1.2101e-01, -2.5322e-02, -9.3178e-02, 2.8669e-01,\n"," -9.9023e-02, 6.2995e-02, -2.5290e-01, -5.5460e-01, -1.1439e-01,\n"," -1.0061e+00, 2.8061e-01, -2.6281e-02, 1.8749e-01, 5.2619e-03,\n"," 7.0159e-02, -1.5800e-03, 1.3370e-01, 2.7022e-02, -5.9951e-02,\n"," 3.8626e-01, 7.8241e-02, -1.2865e-01, -2.1838e-01, -2.0496e-01,\n"," 1.8332e-01, -1.8250e-01, 1.4226e-01, -2.2132e-01, 2.6350e-02,\n"," 1.5751e-01, 2.6217e-01, -2.2424e-01, 2.5020e-02, 3.9768e-02,\n"," 2.4022e-01, 6.0624e-02, -1.7002e-01, 1.1943e-02, 1.1249e-01,\n"," 2.7625e-01, 1.0911e-01, -3.0438e+00, -4.9068e-01, 7.3921e-02,\n"," -6.9637e-02, 1.9043e-01, -3.7763e-01, 3.5818e-01, -1.0886e-01,\n"," -7.0791e-02, -1.5682e-01, 2.3588e-01, -4.6437e-01, 2.1349e-01,\n"," -2.3584e-01, 6.6467e-02, -7.4251e-02]])\n",".: tensor([[ 4.5348e-01, -1.8830e-01, 1.7507e-01, 7.1039e-03, 2.2034e-01,\n"," -4.9231e-01, 3.6829e-01, 1.2740e-01, 2.8249e-01, -7.8697e-01,\n"," -2.7519e-01, -3.9487e-01, -4.1616e-01, 3.9147e-01, -4.5335e-02,\n"," 1.9615e-01, -1.6234e-01, 3.2602e-01, -2.1966e-02, 2.3604e-01,\n"," 1.4318e-01, 1.7123e-01, 2.9725e-01, 3.2211e-01, -1.6466e-01,\n"," 2.2267e-01, -1.1038e-02, -4.0098e-01, -5.4943e-01, 3.6646e-01,\n"," 3.4939e-01, 6.1663e-02, -6.6616e-01, 7.3585e-01, -2.7118e-01,\n"," -3.6975e-01, 3.5042e-01, 3.4800e-01, -3.2717e-01, -9.9070e-02,\n"," -1.9632e-01, -1.5016e-03, -1.9205e-01, 1.8623e-01, -4.5804e-01,\n"," -8.9590e-02, -6.2124e-01, 1.1418e-01, -6.9934e-01, 3.2600e-02,\n"," -4.7400e-01, 3.4464e-01, 2.9823e-01, 7.8699e-01, 2.0413e-01,\n"," 1.9291e-01, 2.5619e-01, -1.5694e-01, -3.0631e-01, -2.8426e-01,\n"," 4.4769e-01, 5.8988e-01, 2.1269e-01, 2.6123e-01, 3.0855e-01,\n"," 4.2329e-01, 5.3188e-01, -2.5013e-01, -5.9493e-01, 1.0751e-01,\n"," -1.7083e-01, -6.1714e-01, 4.7907e-01, 7.0216e-02, 2.5952e-01,\n"," 4.6630e-01, -1.2902e-01, 4.2337e-01, 2.8233e-01, -2.1868e-01,\n"," 2.2846e-01, 3.2688e-01, 1.4589e-01, 3.2978e-01, 2.7944e-01,\n"," 2.1485e-01, 4.0849e-01, -6.4734e-02, -3.6425e-01, 3.7081e-01,\n"," 1.9606e-01, 1.2835e-01, 1.5477e-01, -2.2391e-01, 9.5398e-03,\n"," -4.3007e-01, 1.2331e-01, -6.3968e-02, 1.1239e-01, -6.9018e-02,\n"," -2.3441e-01, -3.6065e-01, -1.1541e-01, 1.9831e-01, -2.4907e-01,\n"," 1.2070e-01, -1.9354e-01, 6.0468e-02, 1.5458e-01, -4.9639e-01,\n"," 1.9796e-01, -1.4081e-01, 5.5174e-01, -2.4280e-01, 1.6101e-01,\n"," 5.0484e-01, 1.2675e-01, -3.4398e-02, 1.5196e-01, 4.1237e-01,\n"," -1.4354e-01, -8.7697e-02, 1.4666e-01, 4.7918e-01, -7.6127e-02,\n"," -7.2733e-02, 3.8126e-01, -2.7627e-01, -2.9327e-01, -2.3705e-01,\n"," -1.9586e-01, 6.3424e-01, 6.4245e-01, 9.0075e-02, -7.5863e-02,\n"," 2.4580e-01, 4.9624e-01, 2.0993e-03, -6.7482e-02, -8.7690e-02,\n"," 3.5912e-01, 1.2679e-01, -4.4358e-01, -5.3740e-01, 3.6333e-01,\n"," -3.4129e-01, 3.2629e-01, -4.1933e-01, 3.6289e-01, 2.3670e-01,\n"," 3.7624e-01, 1.6394e-01, -2.8234e-01, -4.2126e-01, -6.3006e-01,\n"," -3.7523e-01, -4.0895e-02, 2.5531e-01, 2.7977e-01, 7.8362e-01,\n"," 3.7094e-01, 2.8214e-01, 2.4569e-01, 1.2563e-01, -7.8180e-02,\n"," 4.0002e-01, -4.2215e-01, 6.4686e-01, 3.4092e-01, 3.4064e-01,\n"," -1.0943e-01, -2.3358e-01, 7.7647e-01, 3.5561e-01, -6.0287e-01,\n"," 3.5344e-01, 5.9257e-01, 3.8518e-01, 7.5158e-02, -7.5135e-01,\n"," -2.8235e+00, 6.3741e-01, -4.3727e-01, -6.7433e-01, 1.8773e-01,\n"," -4.1856e-01, 2.8332e-01, -3.3438e-01, -4.3009e-02, -2.8261e-01,\n"," -1.1996e-01, -2.7276e-01, -3.5582e-01, -1.5484e-01, 7.5801e-01,\n"," -3.2138e-01, -3.1184e-02, -4.3055e-01, 4.3398e-02, -1.5087e-01,\n"," 4.3989e-01, -1.7733e-01, 4.6694e-01, -2.1089e-02, 1.4117e-01,\n"," 1.0674e+00, -1.0987e-02, -2.0880e-01, 1.5499e-01, 1.6871e-01,\n"," -8.5973e-01, 3.4127e-01, 2.2219e-01, -6.4233e-01, 9.1418e-02,\n"," -2.6854e-01, 4.1168e-01, -2.8914e-01, -3.5024e-01, 1.6793e-01,\n"," 1.6709e-01, -3.7309e-01, -6.6064e-01, 2.0561e-01, -5.4616e-01,\n"," -6.2656e-01, 1.3092e-01, -7.5093e-02, -3.4995e-02, -5.2362e-01,\n"," -3.4133e-01, -7.6007e-01, 5.5437e-01, 3.0431e-01, -2.1358e-01,\n"," 1.6309e-01, -4.1998e-01, -2.3834e-01, -3.4719e-01, -3.1075e-01,\n"," -3.2279e-02, 4.2536e-01, 5.8491e-01, 1.3458e-01, -5.9748e-01,\n"," 3.1311e-01, 6.1152e-01, -1.2006e-01, 1.9062e-01, -2.2676e-01,\n"," -4.6829e-01, -4.5523e-01, -1.1576e-01, -2.8146e-01, 4.0316e-01,\n"," -5.0014e-02, -3.3733e-01, -2.3961e-01, 2.3093e-01, 7.1646e-03,\n"," -1.6933e-01, -8.9796e-02, 7.7479e-01, -2.4910e-02, -7.7794e-01,\n"," -2.4171e-01, 7.4668e-01, -8.9598e-02, -1.8638e-01, 4.0923e-02,\n"," 2.9136e-01, -6.5494e-01, -1.2900e-01, -3.7367e-01, 7.0549e-02,\n"," -1.3457e-01, 9.0630e-01, -1.5957e-02, -1.0959e-01, 2.8614e-01,\n"," 1.6320e-01, 5.6781e-01, -1.1435e-01, -6.3630e-02, 1.4269e-01,\n"," -4.7207e-01, -2.7827e-01, -7.1770e-01, 7.4473e-01, -4.7612e-01,\n"," 1.2611e-02, 7.0531e-02, -1.4756e-01, -7.6886e-02, -9.2276e-03,\n"," 2.4978e-01, -3.1718e-02, 4.0236e-02, -3.9608e-01, -8.4622e-02,\n"," -5.8600e-02, -3.9829e-01, -3.3312e-01, -1.8696e-01, 5.7915e-02,\n"," 1.0142e-01, -1.9107e-03, 1.9955e-01, -1.2766e+00, -2.8024e-02,\n"," 4.5669e-01, -6.4264e-01, -1.5487e-02, 2.0107e-01, 1.7875e-01,\n"," -1.8246e-01, -5.7863e-01, 1.5104e-01, 2.3881e-01, -7.1423e-01,\n"," -2.1690e-01, 7.3272e-01, 2.2925e-01, -2.5409e-01, 3.9927e-02,\n"," 9.3614e-02, -5.2525e-01, 3.1696e-01, -4.0564e-01, -1.0337e-01,\n"," 7.2755e-01, -6.5758e-01, 3.9297e-01, 5.2725e-01, -4.8893e-01,\n"," -2.3215e-02, -5.2608e-01, -1.2420e-01, -1.9675e-01, -5.8462e-01,\n"," -2.2883e-02, -1.2387e-01, 2.7748e-01, 1.7486e-01, 3.7255e-01,\n"," 2.2015e-01, 6.9971e-01, -5.5898e-01, 4.0969e-01, 3.9624e-01,\n"," 1.9406e-01, -2.7292e-01, 1.9355e-01, -2.1390e-03, 2.0569e-01,\n"," -8.7155e-02, 4.6767e-01, 2.6840e-01, -3.1141e-02, -4.5651e-01,\n"," 1.3645e-01, -3.7801e-02, -2.2399e-01, -2.1192e-01, 1.6100e-01,\n"," 5.5640e-01, -1.0880e-01, -5.0559e-01, 3.9774e-01, -3.7869e-01,\n"," 1.7025e-01, 7.5975e-01, -4.4897e-01, 3.6500e-02, -1.9951e-01,\n"," 8.3332e-02, -2.1846e-01, 4.1368e-02, 2.1889e-01, -1.4069e-01,\n"," -1.9662e-01, -6.8092e-01, -2.5798e-01, 3.0049e-01, -4.1367e-01,\n"," -1.3249e-01, 3.2424e-01, -3.7501e-01, -1.6308e-01, -3.4556e-01,\n"," 8.5657e-02, 2.2148e-01, 2.4923e-01, 1.6740e-01, 5.2595e-01,\n"," -4.0290e-01, -5.1228e-01, -3.5420e-01, -3.7082e-01, 2.8130e-02,\n"," -1.6266e-02, 4.4732e-01, 2.0107e-02, 4.6386e-01, 6.4512e-01,\n"," -5.0234e-01, 2.4100e-01, -4.9106e-01, -2.9007e-01, -2.8911e-02,\n"," 1.8697e-01, 1.8171e-01, -4.2016e-01, 2.1170e-01, -8.1915e-01,\n"," -3.5526e-01, -3.4640e-01, -3.9361e-01, 3.6860e-01, -8.0960e-01,\n"," 3.7472e-01, 7.0408e-01, 3.4573e-01, -3.9874e-01, -1.3271e-01,\n"," 9.9384e-02, -2.4246e-01, 2.6231e-01, 2.7874e-01, 3.3810e-01,\n"," 2.2294e-02, -8.7863e-02, -2.4486e-01, -2.8568e-01, 1.3539e-01,\n"," -5.9400e-01, -7.6683e-01, -3.1517e-01, 1.9946e-01, 1.7281e-01,\n"," 1.5299e-01, -2.6483e-01, -2.6165e-01, 2.3178e-02, -2.5443e-04,\n"," 5.7783e-01, 2.2849e-01, 5.6724e-01, 5.3044e-01, 2.4962e-01,\n"," -7.3630e-01, 2.1081e-01, 3.4268e-01, 7.1922e-01, 1.6124e-01,\n"," 1.7985e-01, 4.5608e-02, 3.7212e-01, 2.3815e-01, -4.1263e-01,\n"," 4.2455e-01, -7.2041e-01, -1.4807e-01, -7.6460e-01, 1.3052e-01,\n"," -7.4779e-02, -3.8263e-01, 2.5845e-03, -4.1168e-01, 2.3321e-02,\n"," -2.0722e-01, 7.0864e-02, 1.2491e-01, 6.3322e-01, 5.2189e-02,\n"," 2.5787e-01, -6.5308e-01, 1.7495e-01, 7.8438e-01, 1.0858e-01,\n"," -5.3592e-02, 1.2920e-01, 1.1037e-01, 3.5378e-01, -1.3653e-01,\n"," -6.6339e-01, 3.2365e-01, 1.2129e-01, -1.0001e-01, -1.7036e-01,\n"," 1.7442e-01, -4.9405e-01, 3.9476e-01, 1.3864e-01, -6.7256e-01,\n"," -4.4334e-01, 7.3256e-03, 6.2347e-01, 5.7804e-01, -4.3610e-01,\n"," -6.9711e-01, -4.5012e-01, -5.7931e-01, -6.9976e-02, 3.8447e-01,\n"," -2.6073e-02, -2.0652e-01, 1.0005e-01, 7.1732e-01, -1.1453e-01,\n"," -4.0987e-01, 2.0156e-01, 1.8528e-02, -1.8776e-01, -1.0491e-01,\n"," 2.6226e-01, -4.8050e-01, 1.8078e-01, 1.1094e-02, -3.2223e-01,\n"," -4.4628e-01, -4.6405e-01, -2.3279e-01, 5.1338e-01, 2.3713e-01,\n"," 8.0800e-02, 5.7985e-01, -6.1536e-01, -3.7931e-01, -3.7645e-01,\n"," -2.4543e-02, -1.3078e-01, 9.2059e-05, -9.6786e-02, -4.9029e-01,\n"," -5.8782e-01, -1.7790e-01, -5.4727e-01, 4.5365e-02, 1.8576e-01,\n"," 2.6723e-03, -2.9051e-01, 3.8869e-01, -1.9330e-02, -7.1462e-01,\n"," 1.7309e-01, -1.3812e-01, -1.7957e-01, 1.2937e-01, -4.6853e-01,\n"," -7.8175e-01, 8.3480e-02, -1.2135e-01, 3.7738e-01, 3.9583e-01,\n"," 4.7264e-01, 4.2058e-01, 4.5121e-01, -2.5106e-01, -4.5507e-01,\n"," 3.1404e-01, -1.6203e-01, -3.3820e-02, -9.6074e-01, -1.1195e-01,\n"," 5.2586e-02, 2.6658e-01, -2.8935e-01, -1.3185e-01, -2.8762e-02,\n"," 3.3677e-01, 3.5136e-02, 8.7574e-02, 3.1881e-01, 9.4601e-02,\n"," 3.2273e-01, 3.8530e-01, 3.7498e-01, -5.0480e-01, 4.4202e-02,\n"," 1.2428e-01, 2.9107e-01, -8.5656e-02, -9.9938e-02, 7.7933e-02,\n"," -3.1349e-01, -3.3704e-01, -3.1019e-02, 5.8150e-01, 8.1029e-01,\n"," -2.0424e-02, -2.4084e-01, 3.1046e-01, -7.0704e-01, -1.5582e-01,\n"," 2.0017e-01, 2.2535e-01, -4.5762e-01, -1.9981e-01, -2.8181e-02,\n"," -3.9681e-02, 3.6738e-01, 9.0550e-02, 4.3812e-01, -4.5247e-01,\n"," 2.5520e-02, -7.0521e-01, 5.3787e-03, 4.5357e-02, 3.9488e-01,\n"," -4.1344e-01, -2.9403e-01, -1.6025e-01, 2.2574e-01, 4.0828e-01,\n"," -9.7869e-03, 3.1572e-01, 3.5571e-01, -5.9462e-01, 2.9582e-02,\n"," -9.5098e-03, 8.0329e-01, -9.5315e-01, -4.6124e-01, -4.6358e-01,\n"," -7.2788e-01, 1.2206e-01, 4.6110e-01, 2.8691e-01, -1.4462e-01,\n"," 5.5521e-01, 4.2595e-01, -7.1716e-02, 4.5035e-01, -3.9482e-01,\n"," 1.4131e-01, 5.2883e-02, 4.7578e-01, 5.0554e-01, -3.0877e-02,\n"," -3.9485e-01, 6.9497e-01, -2.4222e-01, -5.7728e-01, 4.1447e-01,\n"," 3.8426e-01, -4.2439e-01, -8.4900e-01, 1.4796e-01, 1.0494e-01,\n"," 6.4935e-01, 2.3828e-01, -7.8157e-02, -1.3743e-01, 3.1546e-01,\n"," -1.9149e-01, 2.5726e-01, 1.5579e-01, 1.8360e-02, 1.0965e-01,\n"," -1.7123e-01, 2.5819e-01, -3.7684e-01, -8.5722e-02, 1.3216e-01,\n"," 6.8183e-02, -8.4629e-01, -2.8109e-01, 7.3553e-02, 2.1026e-02,\n"," 1.9825e-01, -3.3823e-01, 2.2018e-01, 8.1056e-01, -2.1641e-01,\n"," -2.1998e-01, -4.1161e-01, -1.0578e-01, 5.9057e-01, 4.3316e-01,\n"," 1.7861e-01, -4.4955e-02, 6.4006e-02, 1.1017e-01, -7.9044e-02,\n"," 6.4614e-01, -8.2497e-01, -2.3669e-01, 5.9330e-02, 1.1457e-01,\n"," -3.9954e-01, 1.7513e-01, 8.8864e-01, -9.3543e-01, -4.4443e-01,\n"," -8.2218e-02, 4.1437e-01, 6.8788e-02, 1.9565e-01, 3.5263e-02,\n"," -5.2059e-01, -5.6900e-01, 3.9609e-01, 7.6761e-02, 5.4600e-01,\n"," -1.2122e-01, 4.6571e-01, -7.3947e-02, 7.6923e-01, 3.3772e-02,\n"," -1.6156e-01, -2.9230e-01, -3.7582e-01, 1.0410e-02, 4.2878e-01,\n"," 2.8119e-01, -3.8968e-01, -5.7589e-01, -1.2057e-02, 6.3778e-01,\n"," -1.0882e+00, 4.6640e-01, -1.2503e-01, -1.6129e-02, 2.3618e-02,\n"," -2.5130e-01, -3.8945e-01, -4.2134e-01, -3.0728e-01, -4.2577e-01,\n"," -2.9983e-01, 2.5491e-02, -2.5637e-01, 1.2489e-01, -6.9120e-01,\n"," 3.1652e-01, 8.3624e-02, 6.9753e-02, -2.0633e-01, 7.8316e-01,\n"," 2.7591e-01, -8.6392e-02, 5.9732e-01, -4.3589e-01, -2.7823e-01,\n"," -2.5989e-01, -3.9100e-01, -4.8490e-01, 2.2950e-01, 1.1498e-01,\n"," 2.2206e-01, -4.8881e-02, -1.4778e+00, -2.0791e-01, 1.0116e-01,\n"," -3.0382e-01, 1.0343e-01, -1.1787e-01, 4.7665e-01, 1.1696e-01,\n"," -1.7067e-01, -3.7773e-01, -1.3615e-01, -7.9040e-01, 1.0221e-01,\n"," 1.9086e-01, 2.3631e-01, -5.6585e-02]])\n","Thanks: tensor([[ 4.0132e-01, -7.6910e-02, 1.3869e-01, 5.0165e-02, -3.3416e-01,\n"," -4.6681e-01, 1.1664e-01, 3.9584e-01, 7.0089e-02, -5.6297e-02,\n"," -1.9344e-01, -2.1291e-01, 6.0318e-02, 4.4978e-02, -2.6208e-01,\n"," -5.2711e-01, -1.3368e-02, 7.5480e-02, -6.6486e-02, 3.8407e-01,\n"," 3.2845e-01, -4.8990e-02, -2.2253e-01, 2.1441e-01, -6.3892e-02,\n"," -1.4085e-02, -1.5502e-01, 4.2367e-02, -7.1889e-02, -1.2543e-02,\n"," 4.8120e-01, 2.4385e-02, -4.3435e-02, 4.7492e-01, 5.8224e-02,\n"," -2.2886e-01, 6.7940e-03, 2.6562e-02, -2.2515e-01, 7.0468e-02,\n"," 1.9843e-02, 8.5941e-03, 2.5628e-02, 2.2932e-01, -2.8364e-02,\n"," -3.2981e-01, 1.0210e-01, -4.8099e-03, -8.1761e-02, -1.1958e-01,\n"," -1.6622e-01, -2.7579e-01, 1.6712e-01, 2.7560e-01, 9.3631e-04,\n"," 1.4828e-02, 1.1529e-01, -1.6126e-01, -1.7761e-01, 1.5462e-01,\n"," -3.5121e-01, 1.2477e-01, 2.9749e-02, -5.6392e-02, 2.7566e-01,\n"," 2.6337e-01, 3.2636e-01, 3.5459e-02, -4.3919e-01, 2.3750e-01,\n"," -1.9428e-01, -1.3353e-01, 1.5364e-01, -1.1981e-01, -4.2625e-02,\n"," 1.1411e-01, -4.3684e-01, 2.6953e-01, 1.0338e-01, -1.4410e-01,\n"," 1.4809e-01, 4.7466e-01, -1.3140e-02, 2.3372e-01, 2.5418e-01,\n"," 2.8649e-01, -8.6075e-02, -1.9212e-01, -2.8735e-01, -2.5017e-03,\n"," 1.5954e-01, 5.3146e-02, -1.5584e-01, 2.7196e-01, 6.2166e-02,\n"," 1.7395e-01, -4.2036e-01, 1.9621e-01, -1.6114e-01, -1.3726e-01,\n"," -3.0484e-02, -6.1945e-01, 1.2396e-01, 2.2243e-01, -1.2596e-01,\n"," 1.2814e-01, -5.1642e-02, -1.6958e-01, 2.2953e-01, -6.2918e-01,\n"," 3.6706e-01, 8.9441e-02, -1.7620e-02, -2.1412e-01, -3.5041e-01,\n"," -2.8104e-02, 9.5127e-02, -3.9959e-01, 1.0269e-01, 1.1906e-01,\n"," -2.7016e-01, -3.1730e-01, 1.0474e-02, 5.1926e-01, 7.0244e-02,\n"," 2.2738e-02, 2.6420e-02, -3.3118e-01, -2.4965e-01, -3.9263e-01,\n"," -2.1222e-01, 3.0764e-01, 3.9757e-01, 1.6903e-01, -2.8719e-01,\n"," 1.8129e-01, 1.1812e-01, -2.1236e-01, -2.8361e-01, -1.2271e-01,\n"," -1.7846e-04, 5.4467e-01, -8.4388e-01, -1.5712e-01, 3.6117e-01,\n"," 2.1547e-01, 1.6666e-01, -1.3197e-01, 2.9790e-01, -2.3769e-01,\n"," 1.4622e-01, -3.6684e-02, -2.5229e-01, -1.8399e-01, -5.1495e-01,\n"," -1.8207e-01, -8.5664e-02, -1.6540e-02, 2.3078e-01, 4.8881e-01,\n"," 3.0543e-01, 1.6421e-01, 2.0418e-01, 3.4575e-01, -9.1819e-02,\n"," 3.8685e-01, -2.4136e-01, 2.8213e-01, 3.2908e-01, 1.5155e-01,\n"," -3.2464e-01, -3.7781e-01, 4.6282e-01, 1.3187e-01, -1.4382e-01,\n"," 9.3794e-02, 4.2611e-01, 2.4015e-01, 1.6120e-01, -7.4692e-02,\n"," -3.0125e+00, 2.3812e-02, -1.9464e-01, -2.1277e-01, 1.7496e-01,\n"," -2.6465e-02, 3.5261e-01, -3.7600e-01, 2.7306e-03, 2.6367e-01,\n"," -1.5349e-01, -8.2513e-03, -4.3980e-01, 4.4636e-01, 3.5128e-01,\n"," -9.1138e-02, 1.1374e-01, 1.3626e-02, 2.4631e-01, 1.9676e-01,\n"," 3.2569e-01, -2.8139e-01, 9.8009e-03, 3.5413e-01, 4.8023e-02,\n"," 8.5671e-01, 1.6301e-01, -2.2029e-01, 2.6013e-02, 7.2600e-02,\n"," -7.1132e-01, 2.3913e-01, 3.4371e-01, -1.4992e-01, 2.3444e-01,\n"," -2.1365e-01, 1.2375e-01, -2.7297e-01, -4.7489e-01, 1.4824e-01,\n"," 3.8823e-02, -1.0813e-01, -3.2551e-01, 1.3256e-01, 1.1565e-01,\n"," -5.0609e-01, 3.7280e-01, 1.7291e-01, -6.9361e-02, 6.9202e-02,\n"," -6.8893e-02, -6.2045e-01, 2.2071e-02, 4.1743e-01, -1.1374e-01,\n"," 3.4725e-02, -1.4678e-01, -1.6460e-01, -1.3668e-01, -1.1122e-01,\n"," 8.1958e-02, 1.1167e-03, 1.5861e-01, 1.8483e-01, -3.3940e-01,\n"," -4.0507e-02, -1.0995e-01, -1.2214e-01, 3.1892e-01, 1.5772e-01,\n"," -2.8450e-02, -4.6745e-01, 1.3623e-01, -4.8067e-01, 2.5248e-03,\n"," 7.7262e-02, -3.9296e-01, 1.5845e-03, -8.0255e-03, -2.9748e-02,\n"," -7.9970e-03, 5.0169e-01, 5.2853e-01, 1.3427e-01, -1.9943e-01,\n"," 2.2400e-01, 3.1680e-01, 5.4829e-03, -5.8004e-02, -1.9082e-01,\n"," -1.0903e-01, -1.1229e-01, 6.6385e-02, -9.1849e-01, -4.6136e-02,\n"," -3.6634e-01, 2.6421e-01, 1.6441e-02, 1.9061e-01, -1.2071e-01,\n"," -3.1652e-02, 4.8623e-01, -5.6836e-01, 5.1298e-02, 2.5582e-01,\n"," -2.7269e-01, -4.4874e-01, -1.5044e-01, 2.1666e-01, -6.2231e-01,\n"," -1.7127e-01, 5.9268e-02, 1.9371e-01, 1.6664e-01, 2.7096e-01,\n"," 2.2838e-02, 4.0031e-01, 2.5145e-01, -5.1441e-02, -1.9974e-01,\n"," 1.8606e-01, -1.3552e-01, 3.5801e-01, 3.8801e-02, -3.0132e-01,\n"," 2.7911e-01, 1.9903e-01, -1.7231e-01, -1.4480e+00, -1.5870e-01,\n"," 1.0680e-01, -5.3357e-01, 4.1412e-01, 1.2491e-01, 2.9289e-01,\n"," -1.4279e-01, -4.7991e-01, -9.5248e-02, 9.0988e-02, -2.3821e-01,\n"," 1.3496e-01, 1.8866e-01, -1.1545e-01, 3.5268e-02, 7.7169e-02,\n"," -2.3049e-01, -4.2746e-01, 3.4380e-02, -3.0653e-01, 1.8238e-01,\n"," 1.5875e-01, -1.9118e-01, 3.7548e-01, -8.7538e-02, -1.9388e-01,\n"," 1.3881e-01, -1.7508e-01, 7.3345e-02, -2.1473e-01, -4.1165e-01,\n"," -1.1147e-01, 1.4599e-01, 3.5839e-01, 1.2554e-01, 1.5580e-01,\n"," 2.8563e-01, 2.4249e-01, -1.7068e-01, 5.1746e-02, 1.2170e-01,\n"," 1.6052e-01, -2.0997e-01, 2.2030e-01, -1.0697e-01, -1.2725e-01,\n"," -3.9364e-01, 1.8636e-02, 1.5791e-01, 1.8265e-01, -1.4643e-01,\n"," 2.3485e-01, -9.1783e-02, 4.2045e-02, -2.9711e-01, 7.4480e-02,\n"," 5.5185e-01, -3.6390e-01, 2.5110e-02, 2.8417e-01, -1.9139e-02,\n"," 1.1899e-01, 1.7131e-01, -2.8957e-01, -7.1887e-03, -3.4379e-01,\n"," -3.8708e-01, -2.9997e-01, 2.5914e-01, 1.8968e-01, -1.8521e-01,\n"," -2.0213e-01, -7.6480e-01, -4.0206e-01, 1.0669e-01, -5.1442e-01,\n"," -1.8773e-01, 4.5440e-01, 1.1649e-01, 1.0536e-01, 6.2941e-02,\n"," -5.6105e-01, 1.4452e-01, 1.3033e-01, -1.3301e-01, 1.3081e-01,\n"," -5.0260e-01, -1.2647e-01, -4.1842e-01, 4.2247e-02, 2.8428e-02,\n"," 1.4464e-01, 2.2122e-01, 1.6893e-01, 1.6431e-01, 6.8603e-01,\n"," -4.3133e-01, 3.9809e-01, 4.4042e-02, -1.3756e-01, -5.9189e-02,\n"," 1.6992e-01, -2.0791e-03, 2.8116e-01, 2.3832e-01, -6.7891e-01,\n"," -5.5224e-02, -1.2837e-01, -9.4927e-02, -4.8758e-02, -5.5822e-01,\n"," 1.9481e-01, 2.6754e-01, -2.1469e-01, -4.4291e-01, -3.0451e-02,\n"," 3.7202e-01, -2.8676e-01, 1.7852e-01, 8.6204e-02, 4.6217e-01,\n"," 9.7784e-03, -1.5016e-01, -6.4185e-01, -2.0391e-01, -1.8617e-01,\n"," -3.6345e-01, -2.5138e-01, -1.7511e-01, 1.6808e-01, 9.2996e-02,\n"," -4.8854e-02, 1.6708e-01, 2.0739e-02, 3.0883e-01, 1.5687e-01,\n"," 2.6577e-02, -7.1378e-03, 4.0265e-01, 8.0319e-02, 1.5128e-01,\n"," -5.3556e-01, 7.0732e-02, 2.2488e-01, 4.0804e-01, -2.8491e-01,\n"," 5.5006e-02, 1.7817e-02, 4.0681e-01, 2.7057e-02, -3.9344e-01,\n"," 2.6712e-01, -3.9535e-01, 5.0881e-03, -1.8999e-01, 3.5570e-01,\n"," -1.6099e-01, -9.4875e-04, -2.8361e-02, -1.7053e-01, 1.4753e-01,\n"," 4.2193e-02, 4.8533e-01, 3.7410e-03, 4.7468e-02, 1.2596e-01,\n"," 8.2241e-02, -4.4172e-01, -8.2437e-02, 2.7732e-01, 1.0952e-01,\n"," 1.6215e-01, 6.0818e-02, -9.6620e-03, 4.8205e-01, 1.4976e-01,\n"," -5.5686e-01, -1.2751e-01, -1.8795e-01, -8.6033e-02, -5.5980e-01,\n"," 1.8682e-01, -8.3542e-02, 4.1371e-01, 1.4997e-01, -3.2396e-01,\n"," -9.9459e-02, 1.5315e-01, 3.2391e-01, 5.7656e-02, -6.8444e-04,\n"," -3.8860e-01, -2.2677e-01, -4.5270e-01, 1.7720e-01, 2.2687e-01,\n"," -2.1969e-01, 3.4063e-01, 7.2729e-02, 3.0261e-01, -1.1092e-02,\n"," -1.7196e-01, 3.3607e-01, -2.8263e-01, -4.2806e-01, 1.5339e-01,\n"," 1.9899e-01, -4.5356e-01, -2.1554e-01, 2.2557e-01, -3.6599e-01,\n"," -6.0609e-02, -8.4800e-02, 4.5914e-01, 2.8088e-01, 1.6625e-01,\n"," -5.0439e-02, 2.1067e-01, -3.2976e-01, -4.2317e-01, 1.0802e-01,\n"," 1.4315e-01, 9.5425e-02, -1.6734e-01, -2.5188e-01, -4.4483e-01,\n"," 5.1163e-03, 5.3121e-02, -6.3196e-02, -6.5988e-02, 1.6409e-01,\n"," -1.3097e-01, 8.2190e-02, 3.4893e-01, 2.1540e-01, -1.9190e-01,\n"," 1.8266e-01, -1.4515e-01, -8.5415e-02, -3.1588e-01, -2.8214e-01,\n"," -2.2578e-01, -8.6538e-02, 5.8413e-02, 3.1231e-02, 6.6042e-02,\n"," 7.5432e-01, 2.5529e-01, 1.4932e-01, -1.6761e-01, -1.4374e-02,\n"," 4.7123e-02, 1.6617e-02, 1.0637e-01, -5.8785e-01, -4.5169e-01,\n"," 3.8519e-02, 7.2777e-02, 1.3036e-01, -2.0990e-01, 1.9754e-01,\n"," 2.2317e-01, 3.3611e-01, 9.1356e-02, 1.3094e-01, 2.1507e-01,\n"," 1.1098e-01, 1.0609e-01, 1.7558e-01, -4.8080e-01, 1.7532e-01,\n"," -2.6420e-01, 1.9112e-01, -2.6327e-01, -1.6213e-01, 1.0106e-02,\n"," -6.2926e-01, 3.5476e-02, 1.0276e-01, 8.2549e-01, 5.3971e-01,\n"," -1.3810e-01, -2.3482e-01, 2.1385e-01, -4.6623e-01, -1.0369e-01,\n"," 3.3959e-02, -1.0395e-01, -2.8678e-01, 2.8070e-01, 1.4315e-01,\n"," -2.4831e-01, 5.0775e-01, 2.9190e-01, 2.2411e-01, -1.3513e-01,\n"," 4.3921e-01, -4.6333e-01, 1.9797e-01, 6.8769e-02, 4.4107e-01,\n"," 2.4940e-01, -4.6986e-02, -2.1946e-02, 3.4205e-01, 2.2945e-01,\n"," -4.5363e-01, 6.4017e-02, 4.3456e-02, -4.0655e-01, -2.1164e-01,\n"," 3.1318e-01, 4.8246e-01, -6.3655e-01, 5.6793e-02, -1.8468e-01,\n"," -4.6236e-01, -8.7166e-02, 5.4625e-01, 5.4817e-02, -3.3646e-01,\n"," 2.1909e-01, 2.7941e-01, 1.1557e-01, 2.4367e-01, -7.9275e-01,\n"," -1.5495e-01, 1.0466e-01, 6.2306e-01, 4.8488e-01, -5.4940e-02,\n"," -1.9621e-01, 8.4580e-02, 8.4320e-02, -2.7420e-01, 3.9669e-01,\n"," 1.5467e-02, -2.3180e-01, -1.5261e-01, -4.4444e-02, -5.6830e-02,\n"," 2.2706e-01, 2.1447e-01, -9.8621e-02, -1.2851e-02, -3.0446e-01,\n"," -1.3706e-01, 3.5632e-01, 3.2800e-02, 1.8024e-01, -1.1969e-01,\n"," -2.6950e-01, -1.5275e-01, -2.1369e-02, -1.3402e-01, 2.2279e-01,\n"," 1.7220e-01, -1.7749e-01, -1.0715e+00, -8.3774e-02, -7.2930e-02,\n"," -3.6580e-01, -2.2474e-02, -1.7514e-02, 4.6885e-01, -6.8933e-02,\n"," -3.7508e-01, -4.9270e-01, 1.5829e-01, -8.0416e-02, 5.7441e-01,\n"," 2.8344e-01, 1.3347e-01, 4.2844e-02, 1.3447e-01, -2.3569e-01,\n"," 4.6761e-01, -5.7342e-01, -2.0123e-01, 3.2086e-01, 3.1623e-02,\n"," -2.3385e-01, -2.4098e-01, 4.9882e-01, -5.7119e-01, -3.3247e-01,\n"," -1.4788e-01, 7.7035e-01, -3.1897e-01, 3.4106e-01, -3.8205e-01,\n"," -9.7243e-02, -2.3412e-01, 3.2173e-01, -1.0333e-01, 2.9249e-01,\n"," 9.2447e-02, 2.3783e-01, 1.1105e-01, 4.6040e-01, -3.1101e-01,\n"," -1.1825e-01, 1.9941e-01, 8.1150e-03, 1.8880e-01, 5.1623e-01,\n"," 1.2407e-01, 9.1732e-02, -3.5442e-01, -1.2547e-01, 3.3588e-01,\n"," -1.1874e+00, 5.0461e-02, 1.3363e-01, -2.1624e-01, 2.8096e-01,\n"," -3.1858e-01, -2.4294e-01, -3.4186e-01, -1.2104e-01, 2.6148e-02,\n"," 3.2416e-01, 3.4636e-01, -5.9829e-02, 1.5330e-01, -1.9608e-01,\n"," 1.5603e-01, -2.3925e-02, -2.4953e-01, -1.0168e-01, 3.4972e-01,\n"," -1.7738e-01, 3.5249e-01, 1.4648e-01, -8.5084e-02, 9.7320e-02,\n"," -2.1353e-01, -6.9366e-03, -1.6236e-01, 1.6615e-01, -1.8016e-01,\n"," 5.7466e-02, -3.7339e-01, -3.0117e+00, 1.9711e-01, 8.2943e-02,\n"," -1.4559e-01, 3.0131e-01, -3.8203e-01, 3.2097e-01, -2.4165e-01,\n"," -1.0298e-01, -4.0561e-01, 6.3951e-02, -1.3105e-01, 6.9622e-02,\n"," 1.8064e-01, -2.5309e-01, -1.5543e-01]])\n",",: tensor([[ 1.4571e-01, -8.9117e-02, 2.6450e-02, 3.9113e-03, -6.6716e-02,\n"," -2.5159e-01, 3.8645e-01, -1.3547e-01, 1.9058e-01, -3.6953e-01,\n"," -1.8845e-01, -7.6884e-02, -3.2524e-02, 2.5172e-01, 1.1722e-01,\n"," -7.8544e-03, -1.7302e-01, 1.5656e-01, 6.8947e-02, 1.9274e-01,\n"," 2.9281e-01, 2.7723e-01, 2.5830e-01, 9.1137e-02, 9.6616e-02,\n"," 2.8481e-01, -7.1738e-02, -4.2233e-01, -3.4306e-01, 2.2832e-01,\n"," 1.7340e-02, 4.0752e-02, -5.0088e-01, 5.0823e-01, -2.1122e-01,\n"," -4.0537e-01, 4.1055e-01, 2.5058e-01, -1.8951e-01, -2.3088e-01,\n"," -9.9218e-02, -5.0576e-03, 3.5897e-02, -1.8635e-01, -4.6532e-02,\n"," 6.9451e-02, -6.5341e-01, -6.9961e-03, -4.9305e-01, 8.9893e-02,\n"," -4.1606e-01, 2.9743e-01, 2.4078e-01, 5.1232e-01, 2.1909e-01,\n"," 1.3387e-02, 6.0983e-02, -2.9164e-01, -1.0814e-01, 1.6252e-01,\n"," 9.4167e-02, 3.7345e-01, 1.0825e-01, 3.0503e-01, 3.1781e-01,\n"," 1.3457e-01, 3.0925e-01, -1.6863e-01, -4.0823e-01, 2.4775e-01,\n"," -3.2803e-01, -3.2905e-01, 1.9529e-01, -2.1022e-02, 2.4805e-01,\n"," 1.6645e-01, 1.1229e-01, 1.8343e-01, 1.4670e-01, -1.6221e-01,\n"," 4.8857e-01, 2.7126e-01, 2.2107e-01, 1.1901e-01, 9.5187e-02,\n"," 2.0734e-01, 1.4156e-01, -1.4448e-01, -2.7253e-01, 2.7796e-01,\n"," 5.5153e-02, -4.6048e-02, 5.2245e-02, -6.4954e-02, 5.1033e-02,\n"," -1.7863e-01, -3.0263e-02, 8.2884e-02, -1.4531e-01, -4.2625e-01,\n"," -2.2086e-01, -3.5510e-01, -1.2653e-01, 2.5765e-01, -1.8971e-01,\n"," 9.2276e-02, -9.6467e-02, -4.9548e-03, 2.2412e-01, -5.0690e-01,\n"," 2.4864e-01, -2.2044e-02, 3.0915e-01, -2.4427e-01, -1.7787e-02,\n"," 3.5503e-01, 1.9915e-01, 2.1399e-01, 5.5363e-02, 2.4421e-01,\n"," -2.1038e-01, -2.8581e-01, 1.5525e-01, 6.7437e-01, -8.7163e-02,\n"," 3.4415e-01, 1.1538e-01, -5.0896e-01, -1.9329e-01, -2.0803e-01,\n"," -3.9488e-01, 3.9691e-01, 2.3519e-01, 1.8214e-01, -5.9625e-02,\n"," 7.2775e-02, 1.8555e-01, -1.8159e-01, -9.4297e-02, -1.7628e-01,\n"," 1.1305e-01, 3.5077e-01, -9.5832e-01, -1.9586e-01, 1.6180e-01,\n"," -1.8532e-01, 2.9025e-01, -1.0661e-01, 2.7439e-01, 1.2160e-01,\n"," 4.0716e-01, 2.6388e-01, -3.3334e-01, -3.5688e-01, -6.5110e-01,\n"," -3.8443e-01, 4.1371e-02, 1.1555e-01, 1.5852e-01, 6.7273e-01,\n"," 1.2757e-01, 2.3980e-01, 2.5816e-01, 3.6018e-01, -9.3621e-02,\n"," -5.5332e-02, -3.3742e-01, 6.8712e-01, 3.3851e-01, 1.1030e-01,\n"," -3.0397e-01, -3.4389e-01, 4.9668e-01, 2.7737e-01, -1.1285e-01,\n"," 2.9047e-01, 4.6451e-01, 2.3961e-01, -1.0644e-01, -3.1535e-01,\n"," -2.8753e+00, 1.2570e-01, -1.4363e-01, -5.3969e-01, 3.2254e-01,\n"," -1.6085e-01, 1.6551e-01, -1.3439e-01, 2.8193e-01, -2.2328e-01,\n"," -2.9894e-01, -2.9440e-01, -1.6945e-01, 1.3558e-01, 3.4803e-01,\n"," 2.2705e-02, -1.1237e-01, -2.3758e-01, 2.3543e-01, -1.6686e-03,\n"," 2.2645e-01, -1.7749e-01, 2.3646e-01, 1.6193e-01, 1.4528e-02,\n"," 1.1855e+00, -2.2295e-01, -3.7911e-01, 5.9377e-02, 1.5180e-01,\n"," -6.9729e-01, 4.5486e-01, 3.8399e-01, -5.7034e-01, 2.7954e-01,\n"," -3.3679e-01, 5.4090e-01, -2.9870e-01, -2.8679e-01, -2.1322e-01,\n"," 3.4502e-01, -3.0060e-01, -1.1728e-01, 8.2267e-02, -4.3531e-01,\n"," -2.5983e-01, 8.0429e-02, -9.5820e-02, -2.6100e-02, -4.1050e-01,\n"," -2.8160e-01, -3.5589e-01, 2.9125e-01, 1.9323e-01, -6.9444e-02,\n"," 2.4017e-01, 1.1566e-01, -9.0855e-02, -1.6796e-01, -2.4410e-01,\n"," 3.1075e-03, 1.6406e-01, 5.3568e-01, 3.0617e-01, -3.7865e-01,\n"," 8.9007e-02, 6.2370e-01, -2.4044e-01, 2.7816e-01, -1.1648e-01,\n"," -1.9073e-01, -4.1636e-01, -1.7217e-01, -1.4691e-01, -4.4707e-02,\n"," 1.2607e-01, 1.0687e-01, -1.6795e-01, 2.8549e-01, -8.1567e-02,\n"," 2.2966e-02, -1.0773e-02, 6.8333e-01, -1.4289e-01, -3.8157e-01,\n"," -4.6643e-04, 3.9218e-01, -1.5765e-01, -2.1006e-01, -7.7416e-02,\n"," 5.8157e-02, -1.7123e-01, -1.0536e-02, -6.3703e-01, -1.8946e-01,\n"," -7.0629e-02, 6.3799e-01, 7.3411e-02, 7.6321e-03, -1.1048e-01,\n"," -4.2403e-04, 2.4042e-01, -2.0534e-01, -6.8047e-03, 2.4739e-01,\n"," -3.6708e-01, -2.3046e-01, -5.9086e-01, 6.1231e-01, -4.5672e-01,\n"," -6.9144e-02, 9.4099e-02, 1.3101e-01, 4.2869e-02, 8.9833e-02,\n"," 9.3597e-02, 2.4287e-01, 1.0510e-01, -3.2402e-01, -7.8580e-02,\n"," -9.3336e-02, -2.3416e-01, -2.1572e-01, -1.3606e-01, 3.0141e-01,\n"," 1.6233e-01, 5.3635e-02, 3.6113e-01, -2.1373e+00, -1.7802e-01,\n"," 1.6804e-01, -4.1662e-01, 2.4974e-01, 1.7530e-01, 2.5181e-01,\n"," -1.6483e-01, -4.9216e-01, -1.5408e-02, 2.3342e-01, -4.1294e-01,\n"," 1.1777e-01, 4.6779e-01, 1.5563e-01, -5.5175e-02, 8.9437e-02,\n"," -2.6464e-02, -1.5208e-01, 3.2119e-01, -1.3710e-01, -1.2571e-01,\n"," 4.2961e-01, -3.2064e-01, 2.4038e-01, 3.4685e-01, -3.6121e-01,\n"," 1.9097e-01, -6.5474e-01, -1.3526e-01, -4.0700e-01, -2.6067e-01,\n"," -2.9967e-01, 1.1696e-01, 2.4040e-01, 7.9220e-02, 1.7563e-01,\n"," 1.8969e-01, 7.8945e-01, -3.4330e-01, 2.2891e-01, 4.7126e-01,\n"," 2.0799e-01, -1.0846e-01, -8.2196e-02, -1.2078e-02, 2.1574e-01,\n"," -1.8101e-01, 1.6718e-01, 1.2133e-01, 8.6467e-02, -2.8239e-01,\n"," 4.4568e-01, -1.3886e-01, -9.8034e-02, -3.5696e-01, -2.6369e-02,\n"," 3.3485e-01, 6.1569e-02, -2.7746e-01, 3.8282e-01, -3.4746e-01,\n"," 3.3132e-01, 4.0558e-01, -8.4932e-01, 1.3011e-01, -2.5669e-01,\n"," 8.9835e-02, -6.1169e-02, -8.2988e-02, 2.5008e-02, -2.2889e-01,\n"," -3.2188e-01, -6.5140e-01, -4.6423e-01, 3.7389e-01, -4.3440e-01,\n"," -1.0283e-01, 3.0310e-01, -3.5769e-01, -3.5431e-02, -2.9953e-02,\n"," 3.3049e-01, 2.9214e-01, 3.9564e-02, 3.0288e-01, 2.2973e-01,\n"," -3.1753e-01, -2.1179e-01, -1.7666e-01, -2.3360e-01, 9.0684e-02,\n"," -7.1183e-02, 1.6260e-01, 1.2539e-01, 3.3810e-01, 4.4933e-01,\n"," -4.1263e-01, 2.8198e-01, -8.3511e-03, -4.0399e-01, -1.4334e-01,\n"," 1.3678e-01, 2.6962e-01, -2.1914e-01, 2.4740e-01, -1.0374e+00,\n"," -2.1050e-01, -1.8165e-01, -9.5031e-03, 3.5994e-01, -4.6178e-01,\n"," 8.9707e-02, 3.8382e-01, 2.7490e-01, -4.7722e-01, 9.0886e-02,\n"," 2.4036e-01, -2.9337e-02, 3.9708e-01, -4.2682e-02, 4.5617e-01,\n"," -1.8704e-02, 1.6249e-02, -1.1373e-01, 1.0254e-01, 1.6447e-01,\n"," -2.4245e-01, -7.6687e-01, -2.7627e-01, 3.3510e-01, 4.3963e-03,\n"," 1.1763e-01, -3.9918e-01, -2.2585e-01, 2.2497e-02, -3.5149e-04,\n"," 7.8753e-01, 1.2097e-01, 5.6824e-01, 5.1911e-01, 1.7139e-01,\n"," -7.4859e-01, 3.0708e-01, 2.5017e-01, 5.6966e-01, 1.0827e-02,\n"," 2.2144e-01, 9.3797e-02, 7.1426e-01, 3.6654e-01, -4.4194e-01,\n"," 6.2905e-01, -3.2575e-01, -1.9558e-01, -5.2749e-01, 7.3160e-02,\n"," -3.9767e-01, -3.0789e-01, -4.2381e-02, -1.6923e-01, 5.3304e-02,\n"," -1.1442e-01, 1.8313e-01, 1.5919e-01, 5.1756e-02, 9.3930e-03,\n"," 1.3479e-01, -3.0994e-01, 2.4348e-01, 6.2807e-01, -9.7308e-02,\n"," 2.2729e-01, 1.5578e-01, -8.2989e-02, 8.2472e-02, -7.8736e-02,\n"," -4.4337e-01, 4.4439e-01, 5.6996e-03, 1.3215e-01, -2.2840e-01,\n"," 1.0326e-01, -1.4564e-01, 4.6967e-01, 9.5750e-02, -5.7422e-01,\n"," -4.2140e-01, 1.5925e-01, 4.9169e-01, 3.0690e-01, -3.8212e-01,\n"," -3.0523e-01, -2.3643e-01, -4.9541e-01, -2.0289e-01, 3.7294e-01,\n"," -2.2985e-01, 1.6987e-01, 2.0271e-01, 3.7342e-01, 1.2005e-01,\n"," -3.4641e-01, 2.2480e-01, 5.5623e-02, -3.4759e-01, 1.0096e-01,\n"," 3.7587e-01, -1.9086e-01, -7.0977e-02, 5.7221e-02, -3.5829e-01,\n"," -3.7393e-01, -1.5656e-01, -1.2160e-02, 4.7843e-01, 2.2425e-01,\n"," 6.3370e-02, 2.2390e-01, -3.9537e-01, -3.2356e-01, -4.7447e-01,\n"," 1.1968e-01, -7.4429e-02, 5.1422e-02, -1.1373e-01, -6.4215e-01,\n"," -4.1410e-01, -5.6147e-02, -3.1049e-01, -1.5104e-01, 3.9813e-01,\n"," -7.3235e-03, -1.7187e-01, 4.9733e-01, -2.4671e-02, -7.0007e-01,\n"," 1.2217e-01, -3.5063e-01, -2.7913e-01, -6.0496e-02, -4.6921e-01,\n"," -7.2195e-01, -1.3520e-01, -1.3021e-01, 3.4127e-01, 4.0355e-01,\n"," 6.1885e-01, 3.6910e-01, 2.6426e-01, -2.2757e-01, -2.7376e-01,\n"," 1.0358e-02, -1.8039e-01, 9.1878e-02, -6.9110e-01, 5.8955e-02,\n"," 1.1730e-01, 1.7650e-01, -2.4481e-01, -1.4893e-01, 3.8230e-01,\n"," 2.5803e-01, -2.2878e-01, -6.2598e-02, 1.5761e-01, -1.9112e-01,\n"," 1.4289e-01, 5.3887e-01, 3.7659e-01, -2.9084e-01, -2.3839e-02,\n"," -1.7665e-01, 2.1653e-01, -2.3172e-01, -1.2722e-02, 2.5848e-01,\n"," -2.4478e-01, -3.2303e-01, 1.5413e-01, 8.2818e-01, 9.5071e-01,\n"," -1.8863e-01, -2.0519e-01, 1.9272e-01, -3.8249e-01, -3.1809e-01,\n"," 6.1254e-02, -1.1218e-01, -4.4748e-01, -1.5089e-02, -1.4681e-01,\n"," -1.1275e-03, 2.5294e-01, -1.1127e-01, 2.9581e-01, -3.4890e-01,\n"," 6.0162e-02, -7.5859e-01, -9.6313e-02, -9.0095e-02, 2.2760e-01,\n"," -1.7138e-01, -1.1211e-01, -1.4906e-02, 2.9721e-01, 3.3282e-01,\n"," -2.1966e-01, 1.0012e-01, -4.9586e-02, -4.2379e-01, 6.5179e-02,\n"," 1.9024e-02, 7.0318e-01, -7.8487e-01, -2.1047e-01, -1.9214e-01,\n"," -7.8466e-01, 1.1031e-01, 3.0623e-01, 4.6791e-02, -2.0817e-01,\n"," 5.3939e-01, 5.2954e-01, 1.5929e-01, 3.9891e-01, -4.7197e-01,\n"," -1.6678e-01, -2.7320e-01, 4.5760e-01, 3.1295e-01, 1.6734e-01,\n"," -4.8150e-01, 7.8517e-01, -6.9360e-02, -4.9245e-01, 6.0045e-01,\n"," 1.3644e-01, -3.6199e-01, -7.1827e-01, 1.0422e-01, 2.9102e-02,\n"," 3.0064e-01, 1.1905e-01, -1.9098e-01, -1.3113e-01, -2.5468e-02,\n"," -1.6509e-01, 8.9786e-02, 6.0397e-02, 2.3104e-02, 2.7286e-02,\n"," -1.6719e-01, 2.6000e-01, -1.6018e-01, -1.6848e-01, 6.5960e-02,\n"," -4.1964e-02, -3.0918e-01, -5.3669e-01, 1.3443e-01, 8.0290e-02,\n"," 1.1820e-02, -3.8390e-01, 8.4092e-02, 5.5495e-01, 7.8698e-02,\n"," -3.1199e-01, -4.6914e-01, -1.8557e-01, 4.7983e-01, 1.8608e-01,\n"," 3.1855e-02, -6.7170e-02, 2.2435e-01, -5.4959e-02, -9.3272e-02,\n"," 3.5537e-01, -6.8320e-01, -1.3271e-01, -1.4779e-01, -7.3625e-02,\n"," -2.2041e-01, 4.2471e-03, 8.7989e-01, -5.3090e-01, -3.2617e-01,\n"," -3.2060e-01, 4.6099e-01, -8.3208e-02, 3.2950e-01, -2.6549e-01,\n"," -1.3904e-01, -3.0038e-01, 2.0566e-01, 1.1365e-01, 1.3593e-01,\n"," 1.2688e-02, 3.2521e-01, 9.8237e-02, 7.9554e-01, -2.5483e-01,\n"," -3.0474e-01, -2.1962e-01, -3.2505e-01, 1.5375e-01, 3.9901e-01,\n"," 1.8572e-01, -5.0251e-01, -6.3008e-01, -2.5683e-01, 2.5506e-01,\n"," -1.0632e+00, 3.7451e-01, -1.0351e-01, -1.6880e-01, -1.2263e-01,\n"," -2.0244e-02, -1.7100e-01, -2.4317e-01, 6.8181e-02, -2.6405e-01,\n"," -7.0037e-02, -2.0590e-01, -4.4318e-01, -2.7295e-02, -4.1052e-01,\n"," 4.8845e-01, -7.4306e-02, 1.6744e-01, 2.7401e-02, 5.9199e-01,\n"," 1.0055e-01, -7.0027e-03, 3.2443e-01, -2.8446e-01, 2.3394e-02,\n"," -3.2145e-01, -2.7080e-01, -1.4532e-01, -4.5786e-02, 2.6260e-01,\n"," 4.6569e-04, -1.0496e-01, -2.0824e+00, -2.4360e-03, -2.9469e-02,\n"," -7.0094e-02, 2.2866e-01, -4.9524e-02, 4.4161e-01, -4.9409e-02,\n"," -1.2736e-01, -2.7610e-01, 8.5445e-02, -4.6898e-01, 2.2688e-01,\n"," 7.0861e-02, 2.2175e-02, 6.0069e-02]])\n","Chicago Hilton: tensor([[ 4.7260e-02, -4.2242e-01, -3.2807e-01, 1.4179e-02, 3.1474e-01,\n"," -2.2014e-01, 2.1648e-01, 2.8057e-01, -1.8348e-01, -1.4905e-01,\n"," -4.8119e-01, -3.9534e-02, -2.1146e-01, 6.4685e-02, -3.2490e-01,\n"," -9.0134e-02, 2.3801e-01, 3.0299e-03, -1.8128e-02, 3.1824e-01,\n"," 1.3308e-01, -3.9615e-01, -2.4322e-01, 3.7385e-01, -1.8209e-02,\n"," -9.0970e-03, -4.3070e-01, -2.3032e-01, -5.9745e-01, -5.4710e-03,\n"," 3.2477e-04, -1.2628e-01, 1.9898e-01, -6.4607e-02, 1.4167e-01,\n"," -1.1744e-01, 2.8809e-02, -2.4697e-02, -4.0223e-01, 3.7576e-02,\n"," -1.3749e-01, -8.7603e-02, 1.0732e+00, -3.1104e-02, 3.0412e-01,\n"," -6.7402e-02, 9.1159e-02, 2.9943e-01, -3.7841e-03, -1.8198e-01,\n"," -5.4418e-01, 1.5301e-01, -5.0915e-02, 4.0930e-01, 1.5594e-01,\n"," 5.6241e-01, -1.3019e-01, -8.4103e-03, 1.9776e-01, -1.6786e-01,\n"," 1.5778e-01, 2.3445e-01, -3.8371e-02, -6.9247e-02, 3.5987e-01,\n"," 3.0863e-01, 2.5192e-01, 4.4523e-01, -3.6503e-01, 1.6054e-01,\n"," -1.3992e-01, 6.4380e-02, 1.0793e-01, 4.2269e-01, 1.4801e-01,\n"," -3.0368e-02, -1.6126e-01, 2.2432e-01, 2.0902e-02, -1.4225e-01,\n"," 2.7603e-01, -9.1248e-02, 4.4626e-01, 4.7418e-01, 3.0743e-01,\n"," 5.4534e-02, -4.1446e-01, -3.6189e-01, -3.5166e-02, 2.0704e-01,\n"," -5.6824e-01, -2.2314e-01, 6.6155e-02, 1.4147e-01, 1.8661e-01,\n"," -3.7990e-02, 9.2261e-02, 4.1863e-02, 3.2703e-01, 2.5195e-01,\n"," 1.1336e-01, -3.7081e-01, -2.0212e-01, 3.8430e-01, -1.3318e-01,\n"," -9.0308e-02, 1.1680e-01, -8.7390e-02, 4.3111e-01, -3.8404e-01,\n"," 8.0969e-02, -1.2291e-01, 3.5996e-01, -5.4991e-01, -7.8424e-02,\n"," 2.1106e-01, 4.7650e-02, -1.3266e-01, 3.5789e-02, 1.7839e-01,\n"," -3.4441e-01, -3.3029e-01, 1.2033e-01, 8.5142e-01, 8.6307e-02,\n"," -4.0338e-02, 1.7235e-01, -5.0719e-02, -2.4504e-01, -6.3670e-02,\n"," -2.3420e-01, 5.6682e-01, 1.6954e-01, 1.2783e-01, -3.8476e-01,\n"," 1.5829e-01, 9.3572e-02, 2.5027e-01, -4.9580e-02, 4.5407e-02,\n"," -3.9857e-01, 4.0054e-01, -6.7349e-01, -3.3989e-01, 4.1366e-01,\n"," -3.5526e-02, 3.5884e-01, -8.2657e-02, 1.0644e-01, -5.7359e-01,\n"," 2.9651e-01, 2.3562e-01, -3.8390e-01, -3.0155e-01, -1.7208e-01,\n"," -1.3969e-01, -9.0451e-02, -1.5196e-01, 3.6466e-01, 3.8097e-01,\n"," 6.7488e-01, -1.8383e-02, 1.6437e-01, 2.9338e-01, -6.4249e-01,\n"," 1.8992e-01, -2.2542e-01, 4.1691e-01, 1.4560e-01, -7.0144e-03,\n"," -3.0336e-01, -5.8489e-02, 5.2974e-01, 7.8469e-01, 3.0712e-01,\n"," 5.9715e-02, 2.0868e-01, 1.8044e-02, 2.5077e-01, 1.1234e-02,\n"," -2.1882e+00, -2.8430e-01, 2.5250e-01, 1.2175e-01, 7.3062e-01,\n"," -2.3942e-01, 4.8950e-01, -5.6212e-01, 3.6823e-01, 1.3381e-01,\n"," -3.3982e-01, -2.7194e-01, -1.7770e-01, 3.9789e-01, 2.3314e-01,\n"," -3.8074e-01, 3.0629e-01, -2.5536e-01, 8.3213e-02, 1.7983e-02,\n"," -1.1267e-02, 1.2045e-01, 5.1713e-01, 4.6093e-01, -4.8726e-01,\n"," 6.7148e-01, 1.5188e-01, -6.6251e-01, 7.2451e-02, 1.6827e-01,\n"," -8.3079e-01, 1.5251e-02, 3.1032e-01, -2.5058e-01, 2.8572e-01,\n"," -4.7035e-01, 1.9742e-01, -1.9926e-01, -3.2001e-01, -1.4891e-01,\n"," 6.8620e-01, 1.0821e-01, -2.9996e-01, 8.7649e-02, -1.5798e-01,\n"," -1.9677e-01, 8.3411e-02, -2.3626e-01, 1.2408e-01, 2.6948e-02,\n"," -2.9151e-01, -3.0020e-01, -2.1803e-01, -9.7649e-02, -2.3749e-01,\n"," -2.8974e-02, 8.8283e-02, -2.8967e-01, 7.2794e-02, -2.6201e-01,\n"," -2.9964e-01, 1.1317e-01, 2.6888e-01, 2.3430e-01, -1.6537e-01,\n"," 4.4225e-02, 8.8283e-02, -9.6758e-02, 6.9827e-01, -3.6207e-02,\n"," 6.4164e-02, -3.3640e-01, 7.4207e-02, -2.2934e-01, 8.7168e-02,\n"," 2.0534e-02, 4.2390e-02, -2.9264e-01, 7.1548e-02, -2.5970e-01,\n"," 1.0801e-01, 3.7403e-02, 5.5755e-01, 8.1786e-02, -2.7508e-01,\n"," 4.0261e-01, 2.3036e-01, -1.8844e-01, -6.4822e-02, -5.7276e-02,\n"," -3.2084e-01, -3.2403e-02, -4.0352e-02, -5.8008e-01, -2.4978e-01,\n"," -3.1997e-01, 2.2769e-01, 1.2475e-01, 6.6120e-01, -2.6466e-01,\n"," -2.3447e-02, 2.9971e-01, -1.6461e-01, -1.4963e-01, 1.5350e-01,\n"," -1.3586e-01, -7.5160e-01, -5.4694e-01, 2.0695e-01, -2.2699e-01,\n"," -5.5065e-03, 7.5988e-02, -2.2549e-01, 1.9137e-01, 2.7320e-01,\n"," -3.2646e-01, 3.0135e-01, 3.7644e-01, -5.6508e-01, -3.1139e-01,\n"," 5.4301e-02, -1.3910e-01, 3.2708e-01, -2.9385e-01, 2.4933e-01,\n"," 3.5947e-01, 1.2111e-01, -3.5021e-01, -2.2725e+00, -9.2052e-02,\n"," -3.4283e-02, -4.4827e-01, 7.1031e-02, -5.4434e-02, -3.2794e-01,\n"," -2.0025e-01, -3.6227e-01, -3.8022e-01, 2.1378e-01, -4.3156e-01,\n"," 1.1035e-01, -4.2410e-02, -1.6392e-01, 1.1858e-01, -2.2918e-03,\n"," -3.5393e-01, -1.5144e-01, 4.6640e-01, -1.4161e-01, -4.1335e-01,\n"," 7.0205e-02, -1.9540e-01, 3.6844e-01, 3.7725e-01, -4.3011e-01,\n"," 1.2283e-01, -3.2310e-01, 2.1348e-01, 1.6972e-01, -2.0045e-02,\n"," 7.5376e-02, 2.2668e-01, 1.8520e-01, 7.3715e-02, -1.1386e-01,\n"," -4.3422e-02, 3.9850e-01, -7.1474e-02, 4.1026e-01, 3.6811e-01,\n"," 7.5160e-02, -1.3301e-02, 4.4696e-01, -3.6791e-01, 2.9028e-01,\n"," -2.0473e-01, 6.8285e-02, 6.4066e-02, 3.9478e-01, 1.6276e-01,\n"," -3.0797e-03, -3.2319e-01, -2.6717e-01, -2.0683e-01, 8.2522e-03,\n"," 5.2038e-01, -6.6326e-02, -3.2885e-01, 3.7187e-01, -2.3771e-01,\n"," 1.1584e-01, 5.3215e-01, -6.0953e-01, -1.1744e-01, -4.5889e-02,\n"," -3.3926e-01, -3.2988e-02, 1.2443e-01, -2.2603e-01, -1.5201e-01,\n"," -9.5817e-02, -1.0592e+00, -7.1439e-01, 3.2520e-02, -4.7304e-01,\n"," -1.0983e-01, 2.3401e-01, -3.9260e-01, 8.1629e-05, 2.3801e-01,\n"," 4.3484e-02, -7.6585e-02, 9.2111e-02, -4.3124e-01, -2.0789e-01,\n"," -5.1360e-02, 7.2715e-02, -1.6186e-01, 2.3642e-02, 9.6749e-02,\n"," 3.9926e-01, 1.7052e-01, 1.1557e-01, 1.8100e-01, 2.5337e-01,\n"," -4.1172e-01, 2.0908e-01, -5.4289e-02, -4.0294e-01, -5.3207e-01,\n"," 1.6862e-01, 1.6337e-01, 2.3024e-01, -1.5039e-01, -2.4906e-01,\n"," -1.3391e-02, 1.9119e-01, 1.2148e-01, -4.5431e-02, -4.9188e-01,\n"," 1.6847e-01, -2.9415e-03, 3.1654e-01, -6.0923e-02, 4.5012e-01,\n"," 6.5630e-01, -7.2398e-02, 1.7780e-01, -2.4888e-01, 2.3537e-01,\n"," 4.9189e-02, 3.3715e-01, -8.2674e-02, 2.7412e-01, -4.1947e-02,\n"," -5.2307e-01, -7.4101e-02, -1.7200e-01, 1.2509e-01, -2.1707e-03,\n"," 4.4233e-01, -2.1682e-01, -2.8232e-01, 2.1046e-01, 3.7786e-01,\n"," -1.9098e-01, 2.8904e-01, 6.6228e-01, 2.5030e-01, 1.9266e-01,\n"," -3.4716e-01, 1.5178e-01, 1.4968e-01, 5.3209e-01, 1.8812e-01,\n"," 2.8227e-01, 3.3002e-01, 2.5149e-01, -1.4326e-01, -2.2114e-01,\n"," -5.5483e-02, -5.1851e-01, 1.8812e-01, -5.8611e-01, 5.4513e-01,\n"," -3.0109e-01, -6.4963e-02, -1.1305e-02, -2.7641e-02, -2.2578e-02,\n"," -2.6833e-01, 6.1763e-01, 2.0515e-02, -1.1594e-01, 4.9038e-01,\n"," 2.6859e-01, -9.7741e-01, 4.5668e-01, 3.2526e-01, 4.9432e-02,\n"," 1.4949e-01, -1.6450e-01, -3.7615e-01, 2.0763e-01, 4.2011e-02,\n"," 1.5349e-01, -7.5596e-02, 3.6939e-01, -1.9501e-01, -5.2123e-01,\n"," -4.8484e-02, -6.3865e-02, -1.1534e-01, 7.0545e-02, -5.1313e-01,\n"," -4.0561e-01, 4.7312e-01, 2.0142e-01, 4.3667e-01, -3.8446e-01,\n"," -2.3749e-01, 5.1995e-02, -1.8705e-01, -3.1537e-01, 4.9775e-01,\n"," -8.0009e-03, 1.1788e-01, 4.2510e-01, 5.9842e-02, -1.6644e-02,\n"," -1.2856e-01, 3.0093e-01, -6.5665e-02, 1.6645e-01, 6.8241e-02,\n"," 6.8431e-01, -2.4350e-01, -4.1558e-01, -2.1407e-01, -3.6170e-01,\n"," -6.1147e-01, -1.7457e-01, 4.4677e-02, 2.6645e-01, -1.2529e-01,\n"," -2.2890e-01, -3.2665e-02, -2.1902e-01, -5.9551e-01, -9.5338e-02,\n"," 2.9021e-02, -3.3621e-01, -1.7533e-02, -1.1850e-01, -3.9360e-01,\n"," -1.6021e-01, 8.4183e-02, -1.9598e-01, -3.7005e-02, 3.7908e-01,\n"," -1.9287e-01, 1.7484e-01, 8.1036e-01, 4.6296e-01, -8.2394e-01,\n"," -2.9989e-01, -1.0737e-01, 6.2264e-02, 2.2245e-01, -7.5794e-01,\n"," -2.9174e-01, -1.8115e-01, 1.1185e-01, -2.5851e-02, 2.0475e-01,\n"," 4.8562e-01, 5.2141e-01, 3.3868e-01, -1.0278e-01, -4.2950e-01,\n"," 9.0988e-02, -4.6253e-01, -2.9296e-01, -5.9284e-01, -2.3741e-01,\n"," -1.4842e-01, 5.8627e-02, -2.7700e-01, -2.3418e-01, 4.2513e-01,\n"," 2.0167e-01, -1.5532e-01, 3.7053e-02, 1.1945e-01, -2.6756e-01,\n"," 3.0756e-04, 3.2437e-01, 3.5673e-01, 2.0058e-01, 4.9623e-02,\n"," 1.6135e-01, -3.7852e-02, -8.2116e-01, 3.1296e-02, 5.7208e-01,\n"," -8.5302e-01, -6.1113e-02, -1.6547e-01, 3.9584e-01, 6.9487e-01,\n"," -2.7705e-01, -1.3835e-01, 5.8004e-01, -2.9758e-01, -5.6691e-01,\n"," 3.2059e-01, -4.8121e-01, -1.6066e-01, 7.7082e-01, 1.3398e-01,\n"," 1.7131e-01, 4.6177e-01, -4.2156e-01, 3.5350e-01, -2.6977e-01,\n"," 2.0780e-01, -7.3594e-01, 3.2162e-01, -4.8984e-01, 3.4313e-01,\n"," -1.4522e-02, -1.2780e-01, -3.3091e-02, 1.8141e-01, -2.0417e-02,\n"," -4.0939e-01, -2.6478e-02, -8.5658e-02, -5.6080e-01, -2.9579e-01,\n"," 5.9043e-02, 4.8837e-01, -8.1028e-01, 4.0486e-01, -2.0469e-01,\n"," -4.2208e-01, -2.8713e-01, 3.3177e-01, -4.0110e-03, 1.3434e-01,\n"," 2.6627e-01, 1.9645e-01, 6.3175e-01, 3.4697e-01, -5.5949e-01,\n"," -2.9055e-01, 4.2856e-02, 2.3064e-01, 2.1138e-01, 7.2655e-03,\n"," 5.9812e-02, 3.7961e-01, 1.5772e-01, -3.6716e-01, 8.4334e-02,\n"," -1.6743e-02, -5.7522e-01, -3.0874e-01, 1.3281e-01, 8.4382e-02,\n"," 1.5815e-01, 2.2005e-01, -1.8265e-01, -2.3564e-02, -6.2237e-02,\n"," -6.4928e-02, -8.9605e-02, 2.8294e-02, 1.2431e-01, 6.7265e-02,\n"," -1.9304e-01, -3.0524e-01, 6.7356e-02, 2.3865e-01, 2.5420e-01,\n"," 2.2981e-01, -1.5388e-01, -4.8186e-01, 1.9518e-01, -8.4311e-02,\n"," -3.7947e-02, -2.0739e-01, -4.1275e-02, 3.7128e-01, -3.3320e-01,\n"," -2.0566e-01, -1.0761e-01, -2.1421e-01, 2.1029e-01, 2.5102e-01,\n"," -4.9322e-01, -9.0369e-02, 4.7673e-01, 4.3961e-01, -4.4631e-01,\n"," 5.3287e-01, -4.9098e-01, -4.0050e-01, 1.2343e-01, -8.1922e-01,\n"," -4.2388e-01, -1.0688e-01, 6.5091e-01, -2.2621e-01, -1.8827e-01,\n"," -2.1420e-01, -3.0038e-02, -3.0388e-01, 4.6457e-01, 2.1827e-01,\n"," -4.8863e-02, -1.5077e-01, 3.5153e-01, -1.1119e-01, -4.1165e-02,\n"," -1.8235e-01, 2.1517e-01, 2.8146e-01, 8.3971e-01, -2.4396e-01,\n"," -1.2255e-01, 1.8412e-01, 1.7554e-01, -1.0029e-02, 5.6084e-01,\n"," 4.1933e-02, -2.3603e-01, -2.0042e-01, -5.6472e-01, 4.9201e-03,\n"," -1.0980e+00, 3.5318e-01, 9.4215e-02, 3.9164e-02, 1.2150e-01,\n"," 3.8638e-01, -2.3380e-01, -1.8742e-01, -1.2723e-01, -3.5877e-01,\n"," 4.8464e-01, 1.3301e-01, 1.9828e-01, -1.8179e-01, -3.6853e-01,\n"," -1.5701e-02, 3.4275e-01, 2.2053e-01, -1.3727e-01, 2.7818e-01,\n"," 1.2301e-01, 3.9588e-02, -1.8641e-02, 5.3333e-01, 1.1932e-01,\n"," 2.5847e-01, 1.8704e-01, -3.6308e-01, 2.1326e-02, -2.5899e-01,\n"," -1.6803e-01, -1.6145e-01, -1.4864e+00, -3.3305e-01, -4.3119e-01,\n"," -2.1622e-01, 1.5980e-01, -1.5747e-02, 4.8475e-01, -4.2998e-03,\n"," -1.0908e-01, 4.7672e-02, 1.7854e-01, -3.5485e-01, -7.0104e-02,\n"," -4.1794e-01, -9.3350e-02, -7.0339e-02]])\n",",: tensor([[ 1.4571e-01, -8.9117e-02, 2.6450e-02, 3.9113e-03, -6.6716e-02,\n"," -2.5159e-01, 3.8645e-01, -1.3547e-01, 1.9058e-01, -3.6953e-01,\n"," -1.8845e-01, -7.6884e-02, -3.2524e-02, 2.5172e-01, 1.1722e-01,\n"," -7.8544e-03, -1.7302e-01, 1.5656e-01, 6.8947e-02, 1.9274e-01,\n"," 2.9281e-01, 2.7723e-01, 2.5830e-01, 9.1137e-02, 9.6616e-02,\n"," 2.8481e-01, -7.1738e-02, -4.2233e-01, -3.4306e-01, 2.2832e-01,\n"," 1.7340e-02, 4.0752e-02, -5.0088e-01, 5.0823e-01, -2.1122e-01,\n"," -4.0537e-01, 4.1055e-01, 2.5058e-01, -1.8951e-01, -2.3088e-01,\n"," -9.9218e-02, -5.0576e-03, 3.5897e-02, -1.8635e-01, -4.6532e-02,\n"," 6.9451e-02, -6.5341e-01, -6.9961e-03, -4.9305e-01, 8.9893e-02,\n"," -4.1606e-01, 2.9743e-01, 2.4078e-01, 5.1232e-01, 2.1909e-01,\n"," 1.3387e-02, 6.0983e-02, -2.9164e-01, -1.0814e-01, 1.6252e-01,\n"," 9.4167e-02, 3.7345e-01, 1.0825e-01, 3.0503e-01, 3.1781e-01,\n"," 1.3457e-01, 3.0925e-01, -1.6863e-01, -4.0823e-01, 2.4775e-01,\n"," -3.2803e-01, -3.2905e-01, 1.9529e-01, -2.1022e-02, 2.4805e-01,\n"," 1.6645e-01, 1.1229e-01, 1.8343e-01, 1.4670e-01, -1.6221e-01,\n"," 4.8857e-01, 2.7126e-01, 2.2107e-01, 1.1901e-01, 9.5187e-02,\n"," 2.0734e-01, 1.4156e-01, -1.4448e-01, -2.7253e-01, 2.7796e-01,\n"," 5.5153e-02, -4.6048e-02, 5.2245e-02, -6.4954e-02, 5.1033e-02,\n"," -1.7863e-01, -3.0263e-02, 8.2884e-02, -1.4531e-01, -4.2625e-01,\n"," -2.2086e-01, -3.5510e-01, -1.2653e-01, 2.5765e-01, -1.8971e-01,\n"," 9.2276e-02, -9.6467e-02, -4.9548e-03, 2.2412e-01, -5.0690e-01,\n"," 2.4864e-01, -2.2044e-02, 3.0915e-01, -2.4427e-01, -1.7787e-02,\n"," 3.5503e-01, 1.9915e-01, 2.1399e-01, 5.5363e-02, 2.4421e-01,\n"," -2.1038e-01, -2.8581e-01, 1.5525e-01, 6.7437e-01, -8.7163e-02,\n"," 3.4415e-01, 1.1538e-01, -5.0896e-01, -1.9329e-01, -2.0803e-01,\n"," -3.9488e-01, 3.9691e-01, 2.3519e-01, 1.8214e-01, -5.9625e-02,\n"," 7.2775e-02, 1.8555e-01, -1.8159e-01, -9.4297e-02, -1.7628e-01,\n"," 1.1305e-01, 3.5077e-01, -9.5832e-01, -1.9586e-01, 1.6180e-01,\n"," -1.8532e-01, 2.9025e-01, -1.0661e-01, 2.7439e-01, 1.2160e-01,\n"," 4.0716e-01, 2.6388e-01, -3.3334e-01, -3.5688e-01, -6.5110e-01,\n"," -3.8443e-01, 4.1371e-02, 1.1555e-01, 1.5852e-01, 6.7273e-01,\n"," 1.2757e-01, 2.3980e-01, 2.5816e-01, 3.6018e-01, -9.3621e-02,\n"," -5.5332e-02, -3.3742e-01, 6.8712e-01, 3.3851e-01, 1.1030e-01,\n"," -3.0397e-01, -3.4389e-01, 4.9668e-01, 2.7737e-01, -1.1285e-01,\n"," 2.9047e-01, 4.6451e-01, 2.3961e-01, -1.0644e-01, -3.1535e-01,\n"," -2.8753e+00, 1.2570e-01, -1.4363e-01, -5.3969e-01, 3.2254e-01,\n"," -1.6085e-01, 1.6551e-01, -1.3439e-01, 2.8193e-01, -2.2328e-01,\n"," -2.9894e-01, -2.9440e-01, -1.6945e-01, 1.3558e-01, 3.4803e-01,\n"," 2.2705e-02, -1.1237e-01, -2.3758e-01, 2.3543e-01, -1.6686e-03,\n"," 2.2645e-01, -1.7749e-01, 2.3646e-01, 1.6193e-01, 1.4528e-02,\n"," 1.1855e+00, -2.2295e-01, -3.7911e-01, 5.9377e-02, 1.5180e-01,\n"," -6.9729e-01, 4.5486e-01, 3.8399e-01, -5.7034e-01, 2.7954e-01,\n"," -3.3679e-01, 5.4090e-01, -2.9870e-01, -2.8679e-01, -2.1322e-01,\n"," 3.4502e-01, -3.0060e-01, -1.1728e-01, 8.2267e-02, -4.3531e-01,\n"," -2.5983e-01, 8.0429e-02, -9.5820e-02, -2.6100e-02, -4.1050e-01,\n"," -2.8160e-01, -3.5589e-01, 2.9125e-01, 1.9323e-01, -6.9444e-02,\n"," 2.4017e-01, 1.1566e-01, -9.0855e-02, -1.6796e-01, -2.4410e-01,\n"," 3.1075e-03, 1.6406e-01, 5.3568e-01, 3.0617e-01, -3.7865e-01,\n"," 8.9007e-02, 6.2370e-01, -2.4044e-01, 2.7816e-01, -1.1648e-01,\n"," -1.9073e-01, -4.1636e-01, -1.7217e-01, -1.4691e-01, -4.4707e-02,\n"," 1.2607e-01, 1.0687e-01, -1.6795e-01, 2.8549e-01, -8.1567e-02,\n"," 2.2966e-02, -1.0773e-02, 6.8333e-01, -1.4289e-01, -3.8157e-01,\n"," -4.6643e-04, 3.9218e-01, -1.5765e-01, -2.1006e-01, -7.7416e-02,\n"," 5.8157e-02, -1.7123e-01, -1.0536e-02, -6.3703e-01, -1.8946e-01,\n"," -7.0629e-02, 6.3799e-01, 7.3411e-02, 7.6321e-03, -1.1048e-01,\n"," -4.2403e-04, 2.4042e-01, -2.0534e-01, -6.8047e-03, 2.4739e-01,\n"," -3.6708e-01, -2.3046e-01, -5.9086e-01, 6.1231e-01, -4.5672e-01,\n"," -6.9144e-02, 9.4099e-02, 1.3101e-01, 4.2869e-02, 8.9833e-02,\n"," 9.3597e-02, 2.4287e-01, 1.0510e-01, -3.2402e-01, -7.8580e-02,\n"," -9.3336e-02, -2.3416e-01, -2.1572e-01, -1.3606e-01, 3.0141e-01,\n"," 1.6233e-01, 5.3635e-02, 3.6113e-01, -2.1373e+00, -1.7802e-01,\n"," 1.6804e-01, -4.1662e-01, 2.4974e-01, 1.7530e-01, 2.5181e-01,\n"," -1.6483e-01, -4.9216e-01, -1.5408e-02, 2.3342e-01, -4.1294e-01,\n"," 1.1777e-01, 4.6779e-01, 1.5563e-01, -5.5175e-02, 8.9437e-02,\n"," -2.6464e-02, -1.5208e-01, 3.2119e-01, -1.3710e-01, -1.2571e-01,\n"," 4.2961e-01, -3.2064e-01, 2.4038e-01, 3.4685e-01, -3.6121e-01,\n"," 1.9097e-01, -6.5474e-01, -1.3526e-01, -4.0700e-01, -2.6067e-01,\n"," -2.9967e-01, 1.1696e-01, 2.4040e-01, 7.9220e-02, 1.7563e-01,\n"," 1.8969e-01, 7.8945e-01, -3.4330e-01, 2.2891e-01, 4.7126e-01,\n"," 2.0799e-01, -1.0846e-01, -8.2196e-02, -1.2078e-02, 2.1574e-01,\n"," -1.8101e-01, 1.6718e-01, 1.2133e-01, 8.6467e-02, -2.8239e-01,\n"," 4.4568e-01, -1.3886e-01, -9.8034e-02, -3.5696e-01, -2.6369e-02,\n"," 3.3485e-01, 6.1569e-02, -2.7746e-01, 3.8282e-01, -3.4746e-01,\n"," 3.3132e-01, 4.0558e-01, -8.4932e-01, 1.3011e-01, -2.5669e-01,\n"," 8.9835e-02, -6.1169e-02, -8.2988e-02, 2.5008e-02, -2.2889e-01,\n"," -3.2188e-01, -6.5140e-01, -4.6423e-01, 3.7389e-01, -4.3440e-01,\n"," -1.0283e-01, 3.0310e-01, -3.5769e-01, -3.5431e-02, -2.9953e-02,\n"," 3.3049e-01, 2.9214e-01, 3.9564e-02, 3.0288e-01, 2.2973e-01,\n"," -3.1753e-01, -2.1179e-01, -1.7666e-01, -2.3360e-01, 9.0684e-02,\n"," -7.1183e-02, 1.6260e-01, 1.2539e-01, 3.3810e-01, 4.4933e-01,\n"," -4.1263e-01, 2.8198e-01, -8.3511e-03, -4.0399e-01, -1.4334e-01,\n"," 1.3678e-01, 2.6962e-01, -2.1914e-01, 2.4740e-01, -1.0374e+00,\n"," -2.1050e-01, -1.8165e-01, -9.5031e-03, 3.5994e-01, -4.6178e-01,\n"," 8.9707e-02, 3.8382e-01, 2.7490e-01, -4.7722e-01, 9.0886e-02,\n"," 2.4036e-01, -2.9337e-02, 3.9708e-01, -4.2682e-02, 4.5617e-01,\n"," -1.8704e-02, 1.6249e-02, -1.1373e-01, 1.0254e-01, 1.6447e-01,\n"," -2.4245e-01, -7.6687e-01, -2.7627e-01, 3.3510e-01, 4.3963e-03,\n"," 1.1763e-01, -3.9918e-01, -2.2585e-01, 2.2497e-02, -3.5149e-04,\n"," 7.8753e-01, 1.2097e-01, 5.6824e-01, 5.1911e-01, 1.7139e-01,\n"," -7.4859e-01, 3.0708e-01, 2.5017e-01, 5.6966e-01, 1.0827e-02,\n"," 2.2144e-01, 9.3797e-02, 7.1426e-01, 3.6654e-01, -4.4194e-01,\n"," 6.2905e-01, -3.2575e-01, -1.9558e-01, -5.2749e-01, 7.3160e-02,\n"," -3.9767e-01, -3.0789e-01, -4.2381e-02, -1.6923e-01, 5.3304e-02,\n"," -1.1442e-01, 1.8313e-01, 1.5919e-01, 5.1756e-02, 9.3930e-03,\n"," 1.3479e-01, -3.0994e-01, 2.4348e-01, 6.2807e-01, -9.7308e-02,\n"," 2.2729e-01, 1.5578e-01, -8.2989e-02, 8.2472e-02, -7.8736e-02,\n"," -4.4337e-01, 4.4439e-01, 5.6996e-03, 1.3215e-01, -2.2840e-01,\n"," 1.0326e-01, -1.4564e-01, 4.6967e-01, 9.5750e-02, -5.7422e-01,\n"," -4.2140e-01, 1.5925e-01, 4.9169e-01, 3.0690e-01, -3.8212e-01,\n"," -3.0523e-01, -2.3643e-01, -4.9541e-01, -2.0289e-01, 3.7294e-01,\n"," -2.2985e-01, 1.6987e-01, 2.0271e-01, 3.7342e-01, 1.2005e-01,\n"," -3.4641e-01, 2.2480e-01, 5.5623e-02, -3.4759e-01, 1.0096e-01,\n"," 3.7587e-01, -1.9086e-01, -7.0977e-02, 5.7221e-02, -3.5829e-01,\n"," -3.7393e-01, -1.5656e-01, -1.2160e-02, 4.7843e-01, 2.2425e-01,\n"," 6.3370e-02, 2.2390e-01, -3.9537e-01, -3.2356e-01, -4.7447e-01,\n"," 1.1968e-01, -7.4429e-02, 5.1422e-02, -1.1373e-01, -6.4215e-01,\n"," -4.1410e-01, -5.6147e-02, -3.1049e-01, -1.5104e-01, 3.9813e-01,\n"," -7.3235e-03, -1.7187e-01, 4.9733e-01, -2.4671e-02, -7.0007e-01,\n"," 1.2217e-01, -3.5063e-01, -2.7913e-01, -6.0496e-02, -4.6921e-01,\n"," -7.2195e-01, -1.3520e-01, -1.3021e-01, 3.4127e-01, 4.0355e-01,\n"," 6.1885e-01, 3.6910e-01, 2.6426e-01, -2.2757e-01, -2.7376e-01,\n"," 1.0358e-02, -1.8039e-01, 9.1878e-02, -6.9110e-01, 5.8955e-02,\n"," 1.1730e-01, 1.7650e-01, -2.4481e-01, -1.4893e-01, 3.8230e-01,\n"," 2.5803e-01, -2.2878e-01, -6.2598e-02, 1.5761e-01, -1.9112e-01,\n"," 1.4289e-01, 5.3887e-01, 3.7659e-01, -2.9084e-01, -2.3839e-02,\n"," -1.7665e-01, 2.1653e-01, -2.3172e-01, -1.2722e-02, 2.5848e-01,\n"," -2.4478e-01, -3.2303e-01, 1.5413e-01, 8.2818e-01, 9.5071e-01,\n"," -1.8863e-01, -2.0519e-01, 1.9272e-01, -3.8249e-01, -3.1809e-01,\n"," 6.1254e-02, -1.1218e-01, -4.4748e-01, -1.5089e-02, -1.4681e-01,\n"," -1.1275e-03, 2.5294e-01, -1.1127e-01, 2.9581e-01, -3.4890e-01,\n"," 6.0162e-02, -7.5859e-01, -9.6313e-02, -9.0095e-02, 2.2760e-01,\n"," -1.7138e-01, -1.1211e-01, -1.4906e-02, 2.9721e-01, 3.3282e-01,\n"," -2.1966e-01, 1.0012e-01, -4.9586e-02, -4.2379e-01, 6.5179e-02,\n"," 1.9024e-02, 7.0318e-01, -7.8487e-01, -2.1047e-01, -1.9214e-01,\n"," -7.8466e-01, 1.1031e-01, 3.0623e-01, 4.6791e-02, -2.0817e-01,\n"," 5.3939e-01, 5.2954e-01, 1.5929e-01, 3.9891e-01, -4.7197e-01,\n"," -1.6678e-01, -2.7320e-01, 4.5760e-01, 3.1295e-01, 1.6734e-01,\n"," -4.8150e-01, 7.8517e-01, -6.9360e-02, -4.9245e-01, 6.0045e-01,\n"," 1.3644e-01, -3.6199e-01, -7.1827e-01, 1.0422e-01, 2.9102e-02,\n"," 3.0064e-01, 1.1905e-01, -1.9098e-01, -1.3113e-01, -2.5468e-02,\n"," -1.6509e-01, 8.9786e-02, 6.0397e-02, 2.3104e-02, 2.7286e-02,\n"," -1.6719e-01, 2.6000e-01, -1.6018e-01, -1.6848e-01, 6.5960e-02,\n"," -4.1964e-02, -3.0918e-01, -5.3669e-01, 1.3443e-01, 8.0290e-02,\n"," 1.1820e-02, -3.8390e-01, 8.4092e-02, 5.5495e-01, 7.8698e-02,\n"," -3.1199e-01, -4.6914e-01, -1.8557e-01, 4.7983e-01, 1.8608e-01,\n"," 3.1855e-02, -6.7170e-02, 2.2435e-01, -5.4959e-02, -9.3272e-02,\n"," 3.5537e-01, -6.8320e-01, -1.3271e-01, -1.4779e-01, -7.3625e-02,\n"," -2.2041e-01, 4.2471e-03, 8.7989e-01, -5.3090e-01, -3.2617e-01,\n"," -3.2060e-01, 4.6099e-01, -8.3208e-02, 3.2950e-01, -2.6549e-01,\n"," -1.3904e-01, -3.0038e-01, 2.0566e-01, 1.1365e-01, 1.3593e-01,\n"," 1.2688e-02, 3.2521e-01, 9.8237e-02, 7.9554e-01, -2.5483e-01,\n"," -3.0474e-01, -2.1962e-01, -3.2505e-01, 1.5375e-01, 3.9901e-01,\n"," 1.8572e-01, -5.0251e-01, -6.3008e-01, -2.5683e-01, 2.5506e-01,\n"," -1.0632e+00, 3.7451e-01, -1.0351e-01, -1.6880e-01, -1.2263e-01,\n"," -2.0244e-02, -1.7100e-01, -2.4317e-01, 6.8181e-02, -2.6405e-01,\n"," -7.0037e-02, -2.0590e-01, -4.4318e-01, -2.7295e-02, -4.1052e-01,\n"," 4.8845e-01, -7.4306e-02, 1.6744e-01, 2.7401e-02, 5.9199e-01,\n"," 1.0055e-01, -7.0027e-03, 3.2443e-01, -2.8446e-01, 2.3394e-02,\n"," -3.2145e-01, -2.7080e-01, -1.4532e-01, -4.5786e-02, 2.6260e-01,\n"," 4.6569e-04, -1.0496e-01, -2.0824e+00, -2.4360e-03, -2.9469e-02,\n"," -7.0094e-02, 2.2866e-01, -4.9524e-02, 4.4161e-01, -4.9409e-02,\n"," -1.2736e-01, -2.7610e-01, 8.5445e-02, -4.6898e-01, 2.2688e-01,\n"," 7.0861e-02, 2.2175e-02, 6.0069e-02]])\n","for: tensor([[ 3.6519e-01, 1.0656e-01, -2.5788e-01, -1.1395e-01, 3.8514e-02,\n"," -2.5673e-01, 7.2828e-01, 1.6136e-01, 1.0641e-01, -6.8962e-02,\n"," -3.3832e-01, -5.6425e-02, 2.8038e-02, 1.7367e-01, -3.7353e-01,\n"," -2.3877e-01, 2.1031e-02, 1.6640e-01, 3.9267e-02, 1.4630e-01,\n"," 1.8513e-01, -1.1814e-01, 8.2540e-02, 3.1770e-01, 1.0412e-01,\n"," 2.3884e-01, 3.3224e-02, 1.1345e-01, -2.8481e-01, 1.6128e-01,\n"," -1.4014e-02, 1.7987e-01, -3.4365e-01, 4.0348e-01, -5.8387e-02,\n"," -2.1054e-01, 1.8979e-02, -1.0201e-01, -4.8151e-01, -1.3845e-01,\n"," 7.5689e-03, -1.5583e-01, -7.8837e-02, -1.3735e-01, 8.6166e-02,\n"," -2.7760e-01, -2.2852e-01, 3.4097e-02, -1.8044e-01, 2.4532e-01,\n"," -4.8557e-01, 1.4537e-01, 1.8648e-02, 2.9198e-01, 3.7047e-01,\n"," 8.1790e-02, 2.9887e-02, 4.1441e-01, -4.1244e-02, 2.0605e-01,\n"," -7.3651e-02, 7.5918e-02, 4.1018e-02, -1.0406e-01, 2.1624e-01,\n"," 3.0375e-01, 1.8889e-01, -1.6464e-01, -3.8418e-01, 6.2612e-02,\n"," -9.6736e-02, -6.1291e-01, 2.4418e-01, 1.2958e-01, 8.7703e-03,\n"," 1.4023e-02, -3.1229e-02, 3.7283e-01, 3.3627e-01, -2.0974e-01,\n"," 8.0887e-01, 1.8188e-01, 1.1048e-01, 8.1556e-01, 4.2149e-01,\n"," -9.6087e-02, -1.7139e-01, 1.2729e-02, -1.7404e-02, 2.2588e-01,\n"," 1.7465e-02, 1.5507e-01, -3.4380e-01, 2.5403e-01, 1.3090e-01,\n"," -3.5029e-01, -1.0430e-01, 3.0087e-02, 8.9494e-02, -1.7340e-01,\n"," 2.0122e-02, -2.8836e-01, 4.3476e-03, 4.4799e-02, -3.7605e-01,\n"," 2.0878e-01, -3.6528e-01, -5.7122e-02, 5.4122e-01, -8.1005e-01,\n"," 3.7829e-01, 1.1443e-01, 1.1527e-01, 1.0501e-02, -5.3944e-02,\n"," 2.2237e-01, 4.2319e-02, 9.8745e-02, -6.5767e-02, 2.1785e-01,\n"," 2.0479e-02, 2.5624e-02, -2.5186e-01, 5.0065e-01, 1.9363e-01,\n"," -2.1992e-02, 5.4149e-02, -6.2643e-02, -4.1732e-02, -3.4757e-01,\n"," -2.8523e-01, 4.2048e-01, 4.3065e-01, 2.5324e-01, -1.3580e-01,\n"," -2.5042e-02, 1.3016e-01, -1.4770e-01, -6.3630e-01, 1.2680e-01,\n"," -2.9281e-02, 4.5699e-01, -8.6596e-01, -2.6417e-01, 2.5323e-01,\n"," 9.7572e-02, 4.0317e-01, 1.6710e-02, 4.7199e-01, -1.1424e-01,\n"," 4.8531e-01, 2.2866e-01, -2.0935e-01, -7.7009e-02, -7.6634e-01,\n"," -4.9519e-01, 1.2879e-01, 2.6164e-01, 3.5438e-01, 5.8952e-01,\n"," 1.6473e-01, 3.1640e-01, 1.9781e-01, 2.8997e-01, -6.5466e-01,\n"," -3.0289e-02, -1.7570e-01, 4.3328e-01, 1.8287e-01, 2.5295e-01,\n"," -1.3751e-01, -3.8970e-01, 1.8578e-02, 1.8702e-01, -3.5595e-01,\n"," 3.0978e-01, 2.3712e-01, 3.1776e-01, -2.4805e-01, -5.8513e-01,\n"," -2.9635e+00, 3.0753e-01, -1.3569e-02, -3.9485e-01, 3.1003e-01,\n"," -1.3356e-01, 6.5851e-03, -3.6724e-01, 2.9164e-01, 8.5792e-02,\n"," -6.4329e-01, -3.1554e-01, -2.7081e-01, 2.5006e-01, 1.7874e-01,\n"," -2.7753e-01, 2.9647e-01, -4.8359e-02, 2.7658e-01, 1.3184e-01,\n"," 1.3975e-01, 6.8639e-03, -6.0572e-02, 8.2333e-02, 3.5578e-02,\n"," 8.1111e-01, 2.5906e-01, -3.4215e-01, 2.3279e-01, 6.4781e-02,\n"," -3.2818e-01, 6.9784e-01, 3.5944e-01, -3.7872e-01, 2.2614e-01,\n"," -5.2060e-01, 1.5246e-01, -1.3791e-01, -1.9691e-01, -2.1418e-01,\n"," -3.3934e-01, -1.3780e-01, -3.4545e-01, 6.6958e-02, -5.2407e-02,\n"," -5.4510e-01, 1.4389e-01, -3.1280e-01, 1.4681e-02, -4.0058e-01,\n"," -5.5491e-01, -4.2336e-01, 2.0013e-01, 2.4405e-01, -1.6797e-01,\n"," 1.1373e-01, 7.3648e-02, -1.2745e-01, -6.2798e-02, -1.1360e-01,\n"," -1.8212e-01, -1.2931e-01, 4.5880e-01, 3.1102e-01, -3.2814e-01,\n"," 4.0518e-01, 3.8684e-01, 2.1470e-01, 3.8941e-01, -1.7441e-02,\n"," -1.5411e-01, -7.0021e-01, -7.6281e-02, -2.9781e-01, -1.1838e-02,\n"," -1.3387e-01, -2.9429e-01, -1.0300e-01, 6.1116e-02, 2.9341e-01,\n"," 5.3400e-02, 1.4414e-01, 3.2892e-01, -9.0667e-02, -4.2784e-02,\n"," 2.7710e-01, 1.6696e-01, -2.3040e-01, -3.2014e-01, 1.5793e-01,\n"," -1.1479e-01, 8.2232e-02, -1.9458e-01, -1.0549e+00, -1.4416e-01,\n"," -1.5096e-01, 5.3156e-01, 2.3735e-01, -7.7836e-02, -3.0464e-02,\n"," -1.0580e-01, 1.3388e-01, -4.3460e-01, 2.9287e-01, 6.2343e-01,\n"," -5.4242e-01, -2.4396e-01, -2.2858e-01, -7.3866e-02, -4.3572e-01,\n"," -4.4624e-01, 4.2833e-02, 2.6594e-01, -1.8203e-02, 6.8948e-02,\n"," 3.2192e-01, 1.4198e-01, 5.3341e-02, -3.2430e-01, -2.2226e-01,\n"," -1.0480e-01, -3.7309e-01, -3.1653e-01, 2.9789e-02, 1.4487e-01,\n"," 4.2620e-02, 1.3172e-01, 1.8273e-02, -1.5364e+00, 9.2694e-02,\n"," 4.4257e-01, -2.7587e-01, 1.4571e-01, -8.6481e-02, 1.2201e-01,\n"," 1.3566e-01, -4.7747e-01, -2.6753e-01, 1.1925e-01, -3.6952e-01,\n"," 2.9946e-01, 3.6295e-01, 1.3769e-01, 2.8086e-02, -6.0722e-02,\n"," -1.8563e-01, -3.1877e-01, -6.8700e-02, -1.1972e-02, -2.0828e-01,\n"," 1.3053e-01, -6.7061e-01, 1.8360e-01, 2.0364e-01, -3.3527e-01,\n"," -1.7123e-02, -2.5012e-01, -1.8993e-01, 5.3631e-02, -1.9577e-01,\n"," -6.8678e-02, -2.6243e-01, -8.1374e-02, 3.0018e-01, 7.3819e-02,\n"," 9.3044e-03, 9.2169e-01, -1.4804e-01, 3.1178e-01, 7.2051e-02,\n"," 8.9149e-02, -1.2175e-01, -1.9989e-01, 3.7729e-02, -2.5750e-01,\n"," -4.3346e-01, 2.6998e-02, 8.4695e-02, 2.5938e-01, 1.7742e-02,\n"," 1.6435e-01, -9.7592e-02, -3.5198e-01, 1.0930e-01, 3.6558e-02,\n"," -1.9214e-01, -1.8583e-01, -9.7273e-02, 1.9906e-01, -2.3112e-01,\n"," 2.7486e-01, 4.1083e-01, -9.2042e-01, 3.0643e-02, -3.5347e-01,\n"," 3.3816e-02, 4.3097e-03, 5.1163e-02, -1.1259e-01, 7.0246e-02,\n"," 2.1768e-02, -6.5651e-01, -3.1707e-01, 2.0856e-01, -3.7662e-01,\n"," -1.0091e-01, 4.6038e-01, -3.0326e-01, -4.2571e-02, -3.6233e-01,\n"," 6.8782e-02, 2.2306e-01, 3.7425e-01, 6.6926e-02, 2.3305e-01,\n"," -2.4042e-01, -9.7768e-02, -3.6154e-01, 9.2714e-02, 2.2161e-02,\n"," 8.8705e-02, 7.5522e-02, 1.1658e-01, 5.5608e-01, 3.1672e-01,\n"," -9.1138e-02, 1.9213e-01, -1.9995e-03, -3.8566e-01, -3.5989e-01,\n"," -3.6411e-02, -2.6983e-01, -2.1895e-01, 1.7849e-01, -6.7933e-01,\n"," -1.5777e-01, -2.2951e-01, 1.2903e-01, 5.9088e-01, -2.8727e-01,\n"," 4.2521e-01, 2.8445e-01, 4.7523e-02, -7.5480e-02, -4.0374e-01,\n"," 4.9152e-01, -1.1081e-01, 2.9188e-01, 2.0255e-01, 3.1791e-01,\n"," 1.2724e-01, -1.0364e-01, -4.8425e-02, 1.5882e-02, 4.4994e-02,\n"," -5.0474e-01, -3.7482e-01, 1.3623e-01, 3.0185e-01, 1.8696e-01,\n"," 1.1469e-01, -3.9789e-01, -3.4469e-01, 1.1184e-01, 8.6074e-02,\n"," 5.9066e-01, 2.2380e-01, 3.2374e-01, 2.9196e-01, 2.5079e-01,\n"," -3.9873e-01, 4.8570e-02, -6.5174e-02, 5.1552e-01, -1.8904e-01,\n"," -1.3304e-01, 1.6719e-01, 3.3849e-01, -1.9191e-01, -4.2374e-01,\n"," 4.7995e-01, 1.0142e-02, -1.1996e-01, -3.8190e-01, -2.8470e-02,\n"," -3.2841e-02, -2.1961e-01, 2.0173e-01, -4.8254e-01, 3.5086e-01,\n"," -2.2013e-01, 4.1053e-01, 3.2119e-01, -4.8461e-02, 1.6165e-01,\n"," -1.8698e-01, -4.5190e-01, 2.6981e-01, 4.9827e-01, 1.4668e-02,\n"," 5.7455e-02, 5.3393e-02, -2.6659e-01, -9.7603e-02, -3.0157e-02,\n"," -3.7031e-01, 2.0614e-01, 2.7931e-01, 2.6171e-01, -1.5726e-01,\n"," -1.6895e-01, -3.8270e-01, 2.9095e-01, -1.5063e-01, -3.1597e-01,\n"," -4.1941e-01, 1.5364e-01, 3.7982e-01, 1.7904e-01, -3.0141e-01,\n"," -7.9132e-02, -2.3010e-01, -3.8627e-01, -5.9050e-02, 2.3925e-01,\n"," 2.9116e-01, 4.1590e-01, 1.9572e-01, 8.1127e-02, -3.1452e-02,\n"," -3.7974e-01, 1.2356e-01, 8.7257e-02, -3.7673e-01, 5.1324e-02,\n"," 6.5172e-01, -6.0589e-01, -2.2164e-01, -3.3447e-01, -2.8369e-01,\n"," -1.8336e-01, -3.0014e-02, 2.2862e-01, 2.3357e-01, 5.1994e-01,\n"," 1.9060e-01, -4.7412e-02, -4.2313e-01, -3.0555e-01, -2.4023e-01,\n"," -1.3930e-02, -8.5105e-02, 1.2633e-01, -1.0169e-01, -6.5242e-01,\n"," -3.4619e-01, -2.1732e-01, 5.3907e-02, -2.2854e-02, 4.1234e-01,\n"," -3.1872e-01, -1.7276e-02, 5.0520e-01, 1.4765e-01, -4.1796e-01,\n"," 4.5569e-02, -2.6236e-01, -1.9788e-01, 2.9268e-02, -2.5381e-01,\n"," -2.4227e-01, 6.2079e-02, -1.3581e-01, 4.1968e-01, 8.7107e-02,\n"," 5.7111e-01, 5.0069e-01, 3.9599e-01, -3.7736e-01, -2.5942e-01,\n"," -1.7307e-02, -2.4966e-01, -1.4930e-01, -7.8862e-01, -1.6647e-01,\n"," 4.1364e-02, 2.6805e-01, 1.6453e-02, 6.2057e-02, 3.0947e-01,\n"," -1.3476e-01, 2.5649e-01, 1.6296e-01, 4.7472e-02, 2.5658e-01,\n"," 1.0148e-01, 2.6550e-01, 3.2704e-01, -5.1028e-01, 3.8861e-01,\n"," -5.0847e-01, 2.5258e-01, -4.5967e-01, 3.8716e-01, 2.1566e-01,\n"," -6.7986e-02, -5.6726e-01, -1.1231e-01, 9.8028e-01, 6.5386e-01,\n"," -3.9643e-01, -2.2979e-01, 3.1601e-01, -1.5094e-01, -7.9323e-02,\n"," 9.9569e-02, 1.2281e-02, -4.1510e-01, -8.0887e-02, 3.7065e-02,\n"," 1.6217e-01, 1.8377e-01, 1.2695e-01, 1.1740e-01, -5.3397e-01,\n"," 2.1603e-02, -6.5463e-01, -2.1120e-01, -1.0463e-01, 2.9678e-01,\n"," -2.3011e-03, -1.7182e-01, -8.5597e-02, 5.5427e-01, 5.1945e-01,\n"," 8.1996e-02, 5.5832e-02, 2.4795e-01, -2.5458e-01, -3.3720e-02,\n"," 2.0212e-01, 5.0204e-01, -5.6326e-01, -8.5291e-04, 5.4427e-02,\n"," -8.9544e-01, 1.8276e-01, 4.1929e-01, -3.4288e-01, -3.5754e-01,\n"," 5.3574e-01, 2.3270e-01, 3.1046e-01, 4.4428e-01, -5.8795e-01,\n"," -2.5070e-01, -1.1432e-01, 2.8797e-01, 4.0487e-03, 4.7647e-01,\n"," -5.1244e-04, 4.9659e-01, -1.3251e-02, -1.5406e-01, 3.2919e-01,\n"," 1.5197e-01, -1.9198e-01, 9.2756e-03, 7.1865e-02, 8.7542e-02,\n"," 1.9687e-01, 9.4016e-02, -1.4111e-01, 1.4835e-01, -7.6816e-02,\n"," 2.8767e-02, 5.4728e-01, 1.6774e-01, -1.2194e-02, -6.2981e-02,\n"," -1.9104e-01, -1.1574e-01, 8.8839e-02, -2.0101e-01, 1.3078e-01,\n"," 1.1588e-01, -2.3809e-01, -1.0467e+00, 2.0440e-01, 2.5475e-02,\n"," -1.8452e-01, -1.5395e-01, 2.5105e-01, 1.2067e-01, 6.8254e-02,\n"," -3.6884e-01, -3.6541e-01, -2.5395e-01, 4.5335e-01, 3.9766e-01,\n"," -3.5425e-02, -1.8366e-01, 1.8047e-01, 5.2589e-02, 9.7676e-02,\n"," 2.8832e-01, -2.2423e-01, -1.3030e-01, -1.4028e-01, -1.3612e-01,\n"," -1.0209e-01, -2.5463e-01, 5.4045e-01, -2.5001e-01, -1.9342e-01,\n"," -4.7998e-01, 5.1084e-01, -1.2469e-01, 1.1919e-01, -4.4601e-02,\n"," -1.1646e-01, -3.1653e-01, 2.8618e-01, 1.6297e-01, 4.7415e-01,\n"," -4.4529e-02, 4.4244e-01, 2.7974e-01, 5.9834e-01, -1.6170e-01,\n"," -3.1851e-01, -1.8591e-01, 7.2868e-03, 2.2947e-01, 2.7168e-01,\n"," 6.8102e-02, -6.6386e-01, -6.3833e-01, -9.2669e-02, 1.5607e-01,\n"," -9.2004e-01, 1.0946e-01, -1.5090e-02, -2.7022e-01, -1.5496e-01,\n"," 7.0321e-02, 1.8059e-01, -4.7405e-01, -3.2975e-02, 2.0005e-01,\n"," 1.3378e-01, 2.3497e-01, -8.2114e-02, -1.2301e-01, -5.5575e-01,\n"," 1.9949e-01, 1.0452e-01, 7.8139e-02, 2.7772e-01, 1.7568e-01,\n"," -2.1187e-01, 1.9526e-01, 3.5428e-01, -5.2464e-02, 3.9802e-02,\n"," -3.2246e-02, -3.7564e-01, -3.2054e-01, -3.5867e-01, 7.9196e-02,\n"," 3.6578e-01, -2.5958e-01, -2.8355e+00, -1.4579e-01, -1.8457e-01,\n"," -1.3048e-01, 6.4947e-02, -1.8145e-03, 1.7541e-01, -1.2897e-01,\n"," 6.4157e-02, 1.1969e-01, 7.3144e-02, -1.7806e-01, 1.8563e-01,\n"," -5.3453e-02, -2.7481e-01, -1.9925e-01]])\n","a: tensor([[ 2.9766e-02, -2.1431e-01, -1.2068e-01, -4.1195e-02, 2.5696e-02,\n"," -2.3825e-01, 2.7309e-01, -1.3659e-01, 2.0421e-01, -3.3920e-01,\n"," -2.3311e-01, -9.6260e-02, 7.7194e-03, 4.0456e-03, -3.6642e-02,\n"," -3.1823e-01, 1.1493e-01, 9.1760e-02, -7.5329e-02, 1.4700e-01,\n"," 1.9969e-01, 1.1724e-01, 1.0364e-01, 1.3756e-01, 2.3491e-01,\n"," 2.6981e-01, -2.2302e-01, 2.1402e-02, -1.3284e-01, 2.2310e-01,\n"," -8.2853e-02, -2.6862e-01, -2.3380e-01, 3.3130e-01, -2.4006e-01,\n"," -2.6743e-01, 1.5785e-01, -6.7930e-02, -6.6787e-01, -1.8224e-01,\n"," -1.5107e-01, -2.4947e-02, -6.7863e-02, -1.3507e-01, -9.4461e-02,\n"," 7.0511e-02, -4.8655e-01, 6.3150e-02, -2.4193e-01, 2.1166e-01,\n"," -2.2201e-01, 1.9255e-01, -7.4001e-02, 3.9651e-01, -3.0388e-02,\n"," 9.4766e-02, 2.8955e-01, 4.7689e-02, -3.5565e-02, -2.9259e-01,\n"," 3.9359e-01, 6.7486e-02, 1.4510e-02, 1.7061e-01, 3.5484e-01,\n"," 2.4037e-01, 2.1264e-01, -8.7173e-02, -4.0058e-01, 1.9068e-01,\n"," -1.3033e-01, -2.8333e-01, 3.7309e-01, -1.4915e-01, 2.3222e-01,\n"," -3.3257e-03, -6.3892e-02, 1.8903e-01, 1.4485e-01, -9.5187e-02,\n"," 2.9848e-01, 9.6510e-02, 1.8680e-01, 3.5581e-01, -6.5269e-02,\n"," 3.6280e-02, -5.7054e-02, -1.2931e-01, -3.2515e-01, 1.9937e-01,\n"," 1.0433e-02, 4.2378e-02, 1.8724e-01, 1.4107e-01, 7.2615e-02,\n"," -1.3930e-01, -1.3167e-01, 6.9057e-02, 2.5913e-02, -3.8142e-01,\n"," -4.7875e-01, -3.1730e-01, 2.3199e-02, 4.0319e-01, -2.7735e-01,\n"," 1.6501e-02, -4.8206e-02, 3.8175e-02, -5.5496e-02, -6.4563e-01,\n"," 1.0976e-01, 6.7288e-02, 1.7956e-01, -1.8032e-01, -1.5734e-01,\n"," 4.2853e-01, 1.2850e-01, 3.0403e-01, 2.3961e-01, 3.6994e-01,\n"," -2.5487e-02, -2.6360e-01, -1.8218e-02, 5.0424e-01, 1.2878e-01,\n"," 1.2209e-01, -9.8373e-02, -6.9990e-01, -1.6446e-01, -3.8234e-01,\n"," -2.9856e-01, 2.0223e-01, 3.2179e-01, 5.5917e-01, -1.9865e-01,\n"," -6.7176e-02, -1.4493e-01, -9.2787e-02, -1.9368e-01, -2.3885e-01,\n"," -1.8555e-01, 4.1853e-01, -9.0785e-01, -4.3142e-01, 2.1403e-01,\n"," -1.1205e-01, 2.7316e-01, 6.1555e-02, 2.3438e-01, 1.7055e-01,\n"," 1.7392e-01, 7.5553e-03, -2.7680e-01, -2.6915e-01, -4.4307e-01,\n"," -2.8903e-01, -6.9446e-02, 3.0993e-01, 1.4709e-01, 5.0718e-01,\n"," 3.1296e-01, 3.8201e-01, 2.8219e-01, 2.7311e-01, 1.4176e-01,\n"," -9.0831e-02, -3.4716e-01, 5.9876e-01, 1.8733e-01, -3.7262e-02,\n"," -3.1021e-01, -2.6346e-01, 4.1389e-01, 3.7745e-01, -4.2195e-01,\n"," 2.2076e-01, 3.8145e-01, 2.4493e-01, 5.0578e-02, -2.0899e-01,\n"," -2.8598e+00, 2.8092e-01, -1.0267e-01, -2.3313e-01, 1.2316e-01,\n"," -7.0178e-02, 4.3349e-02, -4.5919e-01, 3.8599e-01, -1.2311e-01,\n"," -3.0402e-01, -2.3688e-01, -3.0632e-01, 2.4516e-01, 1.6378e-01,\n"," -2.3376e-01, -3.7696e-02, -2.8564e-02, 2.6141e-01, -5.8938e-02,\n"," 2.8535e-01, -1.2145e-01, 3.6036e-01, 1.3323e-01, -5.3546e-02,\n"," 1.1835e+00, 7.8859e-02, -2.3259e-01, 1.1870e-01, 1.2241e-01,\n"," -7.7662e-01, 6.7191e-01, 2.4018e-01, -4.2675e-01, 2.6001e-01,\n"," -2.0730e-01, 3.7363e-01, -3.8873e-03, -4.2587e-01, 2.8298e-02,\n"," 2.1029e-01, -3.1187e-01, -2.6725e-01, 5.1085e-02, -3.0283e-01,\n"," -4.5526e-01, 9.4070e-02, 1.8893e-02, 1.1274e-01, -3.3635e-01,\n"," -1.0464e-01, -2.1086e-01, 1.3569e-01, 3.0474e-01, -3.3532e-01,\n"," 5.7644e-01, -2.6769e-02, 5.3349e-02, -3.6336e-02, -1.9290e-01,\n"," -6.5088e-02, 2.5356e-01, 4.4730e-01, 2.4178e-01, -1.7648e-01,\n"," 1.3588e-02, 5.1953e-01, 5.0137e-02, 4.5152e-01, -3.9874e-02,\n"," -9.0222e-02, -5.9322e-01, 8.6243e-02, -2.9029e-01, -1.1663e-01,\n"," -6.1298e-02, 3.6915e-02, -3.8637e-01, 3.7119e-01, -2.0113e-01,\n"," 1.9844e-01, 2.5708e-01, 6.8749e-01, -2.1933e-01, -2.4934e-02,\n"," 4.1762e-01, 3.0081e-01, -4.4853e-02, -1.0090e-01, -4.3189e-02,\n"," 4.4227e-02, -7.7119e-02, -1.3800e-01, -1.1937e+00, -2.8774e-01,\n"," -1.1892e-01, 5.7053e-01, 1.0110e-01, 7.8563e-02, 1.6622e-01,\n"," -4.0469e-02, 3.7188e-02, -5.6371e-02, 1.3350e-01, 2.3949e-01,\n"," -4.0340e-01, -1.4374e-01, -4.6271e-01, 3.6151e-01, -4.3518e-01,\n"," -9.9090e-02, 1.7223e-03, 1.0477e-01, -2.2188e-02, 2.5496e-01,\n"," -3.9257e-02, 1.1826e-01, 1.8422e-01, -3.7302e-01, -1.6050e-01,\n"," -1.4614e-01, -1.8468e-01, -2.5632e-01, -1.9597e-01, 7.8435e-02,\n"," 3.2813e-01, -6.9360e-02, 6.7640e-02, -2.1440e+00, -4.8955e-02,\n"," 1.0592e-01, -5.0961e-01, 8.5353e-02, 1.5945e-02, 2.2298e-02,\n"," 2.6123e-02, -1.2189e-01, -2.3861e-02, 2.1260e-01, -2.6022e-01,\n"," 2.7888e-01, 5.3912e-01, 4.4073e-02, 3.6532e-02, -2.5099e-01,\n"," 2.9836e-02, -4.0468e-01, 2.1820e-01, 4.0127e-02, 6.6862e-02,\n"," 5.2284e-01, -2.6807e-01, 3.0644e-01, 1.6742e-01, -4.1357e-01,\n"," 1.3514e-01, -3.7441e-01, -6.2654e-02, -2.3620e-01, -4.1957e-01,\n"," -2.3252e-01, 1.6526e-01, 2.6690e-01, 2.9751e-01, 3.4346e-01,\n"," 9.5559e-03, 1.0234e+00, -1.2318e-01, 2.9327e-01, 2.4730e-01,\n"," 2.6944e-01, 7.6334e-03, -1.1545e-01, 3.5644e-02, 1.6281e-01,\n"," -2.4262e-01, 1.3012e-01, 1.5275e-01, 1.8414e-01, -1.5155e-01,\n"," 1.5976e-01, -1.4456e-01, 7.2859e-02, -4.2068e-02, 8.3814e-02,\n"," 2.5087e-01, 1.2823e-01, -2.9072e-01, 2.7520e-01, -1.7717e-01,\n"," 1.1600e-01, 2.1279e-01, -7.7443e-01, -3.0287e-02, -3.9582e-02,\n"," 4.6240e-03, 1.3704e-01, -6.2964e-03, 2.6462e-02, -9.3106e-02,\n"," -2.9325e-02, -7.1687e-01, -3.6360e-01, 1.4785e-01, -4.1614e-01,\n"," 8.4419e-02, 2.6185e-01, -3.0443e-01, -7.1920e-03, -1.1489e-01,\n"," 3.2626e-01, 4.7172e-02, 1.6609e-01, 3.3192e-01, 4.3618e-01,\n"," -3.6911e-01, 2.6058e-02, -1.9710e-01, -2.3635e-02, 1.5993e-01,\n"," 9.5753e-03, 1.7974e-01, 6.3784e-02, 1.8942e-01, 3.0276e-01,\n"," -4.8881e-01, 3.0498e-01, -4.3379e-03, -3.0876e-01, -3.1591e-01,\n"," -7.6121e-02, 9.9806e-02, -2.7801e-01, 5.0308e-02, -7.8253e-01,\n"," -9.1268e-02, -1.7719e-01, -1.7522e-01, 4.5642e-01, -1.4507e-01,\n"," 2.4867e-01, 8.7616e-02, 2.1436e-01, -2.4374e-01, -3.1693e-01,\n"," 1.8767e-01, 1.2465e-02, 1.3447e-01, 6.8811e-03, 3.9533e-01,\n"," 1.6467e-01, 2.3174e-01, -1.5334e-01, 4.7454e-02, 8.2656e-02,\n"," -4.2981e-01, -5.0778e-01, -9.1735e-02, 2.2126e-01, -3.4921e-02,\n"," 8.9432e-02, -4.6558e-01, -3.0298e-01, 1.5568e-01, 7.7618e-02,\n"," 5.9864e-01, 7.6054e-02, 5.3246e-01, 3.4488e-01, 1.3232e-01,\n"," -5.0681e-01, 4.2888e-02, 9.2467e-02, 2.2621e-01, -6.8085e-02,\n"," 6.4268e-02, 2.9970e-01, 3.0785e-01, 4.3337e-01, -2.4177e-01,\n"," 4.5123e-01, -2.1042e-01, -1.5066e-01, -3.2193e-01, 2.3048e-01,\n"," -3.5644e-01, -4.2225e-01, 1.0407e-01, -1.0613e-01, 4.6739e-02,\n"," -1.2326e-01, 1.7536e-01, 1.8654e-01, 1.5260e-01, 7.4601e-02,\n"," 2.3776e-02, -3.3356e-01, 2.0624e-01, 4.8988e-01, -2.1484e-01,\n"," 2.6085e-01, 4.2907e-03, -1.5448e-01, 1.7374e-01, -1.5047e-01,\n"," -5.1552e-01, -8.5561e-02, -1.2645e-01, 3.6549e-01, -2.8782e-01,\n"," 2.6058e-01, -8.6930e-03, 4.0833e-01, -2.1392e-02, -5.6000e-01,\n"," -3.6655e-01, 7.8567e-02, 4.2874e-01, 1.5124e-01, -6.1984e-01,\n"," -2.3722e-01, -1.3388e-01, -1.2631e-01, 1.6851e-01, 1.8093e-01,\n"," -3.7693e-02, 1.2901e-01, 3.3172e-01, 3.8932e-01, -4.2852e-01,\n"," -3.6691e-01, 3.4901e-02, -1.1733e-01, -7.8055e-03, 2.5049e-02,\n"," 1.5528e-01, -4.6668e-01, -1.4601e-01, 2.7901e-01, -4.0122e-01,\n"," -2.9922e-01, -1.7071e-01, 7.2100e-02, 5.3903e-01, 4.9446e-02,\n"," 1.8611e-01, 3.9184e-01, -4.0948e-01, -3.1001e-01, -3.6400e-01,\n"," 2.2928e-01, 3.2897e-02, 3.5467e-01, 3.2829e-02, -3.3781e-01,\n"," -4.1136e-01, 2.3005e-01, -2.0464e-02, 1.0534e-01, 3.0562e-01,\n"," -2.3885e-01, -1.7667e-01, 5.7814e-01, 1.3691e-01, -6.8672e-01,\n"," -6.7866e-03, -2.8899e-01, -2.5964e-01, -1.1600e-01, -5.0626e-01,\n"," -5.1745e-01, 1.7356e-02, 3.7843e-02, -1.2863e-01, 1.6746e-01,\n"," 5.7741e-01, 4.5241e-01, 2.9691e-01, -2.3909e-01, -1.7628e-01,\n"," 1.2903e-01, -1.0709e-01, -2.2481e-03, -8.4869e-01, -1.6803e-01,\n"," -3.4063e-02, 1.8357e-01, 4.3764e-02, -8.7373e-02, 2.3552e-01,\n"," 1.5954e-01, -3.3332e-02, -1.4616e-01, -2.9096e-02, -5.0226e-03,\n"," 5.0387e-02, 1.9696e-01, 3.2610e-01, -4.1396e-01, 2.4605e-01,\n"," 2.1061e-02, 3.4157e-01, -2.6485e-01, -9.0696e-03, 3.6800e-01,\n"," -3.5547e-01, -3.6937e-01, 1.9005e-01, 1.0360e+00, 8.0834e-01,\n"," -3.2096e-02, -4.2683e-02, 3.5666e-01, -2.1886e-01, -1.6052e-01,\n"," 8.6015e-02, -2.7510e-01, -6.4987e-01, 1.9867e-01, -7.7649e-02,\n"," -9.8748e-02, 5.4568e-02, -6.5018e-02, 1.7677e-01, -3.4066e-01,\n"," 2.3156e-01, -4.6544e-01, -2.8610e-01, -6.3517e-02, 2.6259e-01,\n"," 3.8220e-02, -6.2086e-02, -1.8990e-01, 2.6974e-01, 1.8499e-01,\n"," -3.1193e-01, -3.8158e-02, -2.4080e-01, -7.0333e-01, 6.6644e-02,\n"," 2.3776e-01, 5.2434e-01, -6.0955e-01, 4.3559e-02, 9.2938e-02,\n"," -6.8132e-01, 1.2533e-02, 1.9932e-01, 2.4007e-01, -7.0889e-02,\n"," 4.7627e-01, 4.0209e-01, 3.2402e-01, 2.3604e-01, -4.1696e-01,\n"," -3.3027e-01, -5.6188e-01, 4.7798e-01, 3.1419e-01, 1.4704e-01,\n"," -1.7947e-02, 4.9978e-01, -6.2832e-02, -2.0645e-01, 3.8227e-01,\n"," 2.2955e-01, -2.0701e-01, -3.5132e-01, 1.0823e-01, -1.9474e-02,\n"," 2.7179e-01, -1.4539e-01, -1.2640e-01, -2.8944e-02, 3.2080e-01,\n"," -2.7629e-01, 1.0162e-01, 3.5193e-01, 5.4211e-02, -2.3018e-01,\n"," -1.3879e-01, 4.8029e-02, -2.7097e-01, 1.8626e-01, 1.1639e-01,\n"," 6.3488e-02, -3.1306e-01, -1.1445e+00, -5.0344e-02, 6.6426e-03,\n"," -1.9401e-02, -3.2551e-01, -2.6791e-02, 2.8124e-01, 1.2197e-01,\n"," -4.5488e-01, -2.3495e-01, -8.2608e-02, 4.2248e-01, 3.0545e-01,\n"," 1.7438e-01, 1.9974e-01, 2.1834e-01, 1.2738e-01, -3.3408e-01,\n"," 4.4410e-01, -5.4000e-01, -2.1152e-01, -2.6625e-01, -2.3229e-01,\n"," -1.8770e-01, -5.2992e-02, 5.4430e-01, -7.6142e-01, -3.5234e-02,\n"," 2.1700e-01, 5.3426e-02, 5.1466e-02, 2.0147e-01, -8.3735e-02,\n"," -2.0607e-02, -5.9429e-01, 9.8292e-02, 1.8464e-01, 2.9018e-01,\n"," -1.3225e-02, 4.4727e-01, 3.4694e-01, 5.9295e-01, -7.6907e-02,\n"," -3.3563e-01, -3.7522e-02, -2.0567e-01, 3.7593e-02, 6.3959e-01,\n"," -1.2071e-01, -1.5493e-01, -6.7366e-01, 1.3272e-01, 2.1831e-01,\n"," -1.2465e+00, 4.9006e-01, 9.5738e-02, -1.9943e-01, -1.3369e-01,\n"," 2.3173e-02, 1.0562e-01, -4.8005e-01, -1.2307e-01, -3.1234e-01,\n"," 1.4729e-01, -6.0690e-02, -4.1739e-01, 3.7265e-02, -6.0652e-01,\n"," 3.1934e-01, 2.4017e-02, 2.5446e-01, 1.0526e-01, 4.9362e-01,\n"," 2.9498e-02, 1.9185e-01, 2.8104e-01, -3.8310e-01, 2.9010e-02,\n"," -3.3226e-01, -2.2402e-01, -1.2438e-01, -2.9204e-01, 3.0043e-01,\n"," 4.3323e-05, -1.9795e-01, -2.6715e+00, 1.4403e-01, 8.2754e-02,\n"," -4.7888e-02, 1.5393e-01, -4.6024e-01, 5.4568e-01, 4.2123e-02,\n"," 1.5056e-01, -1.1054e-01, 8.1319e-02, -6.8825e-01, 2.3358e-01,\n"," 2.1198e-01, -6.2038e-03, -6.5695e-02]])\n","great: tensor([[ 5.7431e-01, 1.9164e-01, -1.8754e-01, -2.3192e-02, -3.3144e-02,\n"," -4.2427e-01, 9.2702e-02, 1.2195e-01, 2.5497e-02, -1.2869e-01,\n"," 1.7284e-02, -1.5694e-01, 3.2545e-01, 4.3922e-01, -4.2822e-01,\n"," 1.4612e-02, 4.8873e-02, 3.2975e-02, -3.6575e-01, 3.8539e-02,\n"," 1.8049e-01, -1.0000e-01, 3.1012e-02, 2.2641e-01, -5.6927e-03,\n"," 2.4046e-01, -8.3418e-02, -2.2131e-01, -3.5041e-01, 5.2985e-02,\n"," 3.0451e-01, -2.1979e-01, 9.4220e-02, 1.6996e-01, -4.1905e-01,\n"," -3.1938e-01, 2.9158e-02, 1.7880e-02, -3.2741e-01, -2.3340e-01,\n"," 1.3141e-01, -1.6498e-01, -3.6058e-02, 2.1404e-01, -2.2658e-03,\n"," 6.9935e-02, -4.2061e-01, 2.2666e-01, -9.6132e-02, 5.7861e-02,\n"," -2.1683e-01, 1.4229e-01, -8.5008e-02, 1.1579e-01, 1.6202e-01,\n"," -9.0846e-03, -2.5552e-02, -2.8070e-02, -5.0926e-02, -2.1818e-01,\n"," -5.1639e-02, -3.0378e-02, -2.8221e-02, 7.9349e-03, 1.7066e-01,\n"," -2.8445e-01, 4.4001e-01, -9.1570e-02, -5.8364e-01, 4.3963e-01,\n"," -2.0715e-01, -4.3801e-01, 1.5373e-01, -3.9465e-01, 1.8026e-01,\n"," -4.5150e-02, -4.0153e-02, 7.1727e-02, 3.1871e-01, -9.7930e-02,\n"," 3.3969e-01, -7.4856e-02, 1.6387e-02, 4.9908e-01, 8.9668e-03,\n"," 2.2782e-01, -1.8109e-01, -2.5170e-01, -3.0309e-01, 3.5944e-01,\n"," 1.5028e-01, -4.6065e-03, -7.6882e-02, 6.5206e-02, 4.0874e-01,\n"," -1.8183e-01, -9.2809e-02, -1.3372e-01, -4.2534e-01, -4.6305e-01,\n"," 6.0728e-02, -4.7746e-01, 2.4412e-02, 1.9432e-01, -8.1694e-02,\n"," -6.0316e-02, 2.5021e-02, -9.1332e-02, 3.0858e-01, -5.6897e-01,\n"," 4.9072e-01, 2.2801e-01, 1.8385e-02, -3.1081e-01, -1.5558e-01,\n"," 3.1241e-01, -8.3333e-02, -2.4148e-02, 1.8456e-01, 6.2148e-02,\n"," -1.0950e-01, -1.1845e-01, 2.0308e-01, 7.3062e-01, 3.2526e-01,\n"," 8.6733e-02, -1.0712e-01, -4.4861e-01, -3.8973e-01, -3.5150e-01,\n"," 9.1467e-02, 2.7658e-01, 1.3101e-01, 3.6151e-01, -3.8670e-01,\n"," 2.8540e-01, -2.3473e-02, -3.6605e-01, -1.4143e-01, -4.5606e-02,\n"," -2.3581e-02, 3.2713e-01, -8.6155e-01, -1.8926e-01, 2.5121e-01,\n"," -1.0632e-01, 9.9057e-02, -4.4983e-02, -2.3239e-01, 1.5129e-01,\n"," 2.8624e-01, 3.0741e-01, -4.3489e-01, -5.7859e-01, -4.0522e-02,\n"," 1.3654e-01, 2.0398e-02, -1.8005e-01, 3.1941e-01, 2.6968e-01,\n"," 3.0523e-01, 1.8358e-01, 9.0000e-02, 4.4626e-02, -1.3558e-01,\n"," 3.6986e-02, -1.0682e-01, 4.9628e-01, 7.2158e-02, 1.6356e-03,\n"," 1.1443e-01, -1.5441e-01, 5.6293e-01, 2.2562e-01, -3.0484e-01,\n"," 1.1625e-01, 4.0329e-01, 1.7270e-01, 7.0206e-02, -9.0116e-02,\n"," -2.8653e+00, -1.2126e-01, 2.0799e-02, 8.8935e-02, 2.1779e-01,\n"," -4.0015e-02, 2.3575e-01, -3.4777e-01, 1.5727e-01, -1.3969e-01,\n"," -2.3802e-01, -1.9463e-01, -1.9539e-01, 2.3705e-01, 4.5818e-01,\n"," -4.5655e-02, 3.4435e-01, 1.6476e-01, 2.2664e-01, 1.0557e-01,\n"," -9.7499e-02, 2.1227e-01, 2.7376e-01, 1.4411e-01, -1.3117e-01,\n"," 8.2428e-01, 1.2286e-01, 1.8777e-01, -1.0293e-01, 2.3548e-02,\n"," -5.0193e-01, 3.8760e-01, 3.8828e-01, -2.9236e-01, 1.8100e-01,\n"," -1.7188e-01, 1.3353e-01, -4.5083e-02, -6.3074e-01, 1.7914e-03,\n"," -3.2464e-02, -3.6643e-01, -2.8939e-01, 5.3406e-02, -1.8828e-01,\n"," -4.9695e-01, 2.6187e-01, 2.6533e-01, 1.1272e-01, -1.8282e-01,\n"," -2.5481e-02, -2.1176e-01, 1.3476e-01, 3.2038e-01, -2.4023e-01,\n"," 1.0125e-01, 8.6988e-02, 1.1939e-01, 9.6572e-02, 3.8972e-02,\n"," -2.8083e-01, 5.8705e-01, 4.6411e-01, 4.3399e-02, -4.4295e-01,\n"," -3.7753e-02, 2.7768e-01, 3.2619e-01, 3.3698e-01, -3.9053e-02,\n"," 9.4018e-03, -6.8362e-01, 1.8676e-01, -2.6045e-01, 1.2021e-01,\n"," -2.1374e-01, -9.2004e-03, -1.5286e-01, 2.5554e-01, -1.3878e-01,\n"," 2.5563e-01, 2.2613e-01, 5.3545e-01, -3.1555e-01, 5.7766e-02,\n"," 4.2045e-01, 1.6658e-01, 2.4343e-01, -8.1519e-02, 5.6482e-02,\n"," 1.3430e-01, 5.1277e-02, 6.7104e-02, -1.1842e+00, -1.5370e-02,\n"," -5.0485e-01, 3.3094e-01, -8.9898e-02, 2.7565e-01, -2.9571e-01,\n"," -2.7504e-01, 4.5342e-01, -5.5138e-01, -1.3167e-01, 5.5663e-01,\n"," -5.2889e-01, -4.5397e-01, -3.9627e-01, 6.8161e-02, -3.0560e-01,\n"," 1.7183e-02, 2.3824e-03, 1.4206e-01, -2.8351e-02, 1.9707e-01,\n"," 2.9646e-02, 2.6521e-01, 2.2559e-01, -5.6359e-01, -1.1023e-01,\n"," -1.8744e-01, 1.9778e-01, 1.3378e-01, -1.0447e-01, -5.2405e-02,\n"," -1.0277e-01, 7.7495e-02, 5.3203e-02, -2.2121e+00, -1.7573e-01,\n"," 4.0557e-01, -5.6109e-01, 1.9904e-01, -1.4364e-01, 4.1440e-02,\n"," 1.3987e-01, -2.4952e-01, 3.8494e-01, 3.2943e-01, -3.8643e-01,\n"," 9.3265e-03, 2.3910e-01, -2.4171e-02, -1.0735e-01, -1.7311e-01,\n"," -8.2682e-02, -4.2769e-01, 1.5029e-01, -6.5501e-02, -5.4652e-02,\n"," 1.1426e-01, -1.0944e-01, 4.0805e-01, 2.3541e-01, -1.1498e-01,\n"," -1.1809e-02, -2.4777e-01, 3.3199e-01, -1.4205e-01, -3.2046e-01,\n"," 5.5121e-03, 2.7528e-02, 3.6725e-01, -8.5507e-02, 2.1336e-01,\n"," 7.2632e-03, 5.7979e-01, -1.3616e-01, 3.9562e-01, 2.6197e-01,\n"," -1.6144e-01, -1.5096e-01, 1.7043e-01, -1.9630e-01, 1.3453e-01,\n"," -1.9526e-01, 2.4261e-01, 2.4373e-02, 3.1630e-01, -1.8591e-01,\n"," 2.0888e-01, -6.4573e-02, -1.7874e-01, -3.2162e-01, 3.3620e-02,\n"," 4.6140e-01, -9.1783e-02, -2.8741e-01, 5.9026e-02, -9.2735e-02,\n"," 3.0668e-01, 4.2574e-01, -3.6158e-01, 2.0720e-01, -4.9980e-02,\n"," -3.0522e-01, 5.9532e-02, 2.0595e-01, 1.4293e-01, -4.3341e-01,\n"," -1.1885e-01, -6.4778e-01, -3.0789e-01, 8.4337e-02, -2.2820e-01,\n"," 5.0785e-02, 3.8240e-01, -1.1523e-01, 4.2097e-02, -1.7712e-01,\n"," 6.6614e-02, 2.2788e-01, 5.7668e-02, -5.3699e-02, -8.3347e-02,\n"," -4.4803e-01, 6.3763e-02, -1.1602e-01, 1.3357e-01, -8.9365e-02,\n"," -3.0433e-02, 1.2558e-01, 2.6552e-01, -5.3965e-02, 4.0283e-01,\n"," -7.2930e-02, 3.5485e-01, 2.3743e-01, -4.0119e-01, -2.4222e-01,\n"," 3.6762e-01, 2.2012e-01, -3.4634e-02, 2.2409e-01, -2.8511e-01,\n"," 2.4974e-02, -3.1040e-02, -9.0689e-02, 1.5612e-01, -9.2719e-02,\n"," 3.5948e-01, 2.3376e-01, -2.5735e-02, -3.0555e-01, -1.4845e-01,\n"," 4.0779e-01, -1.7079e-01, 2.4068e-01, 7.4956e-02, 1.6568e-01,\n"," 1.6340e-02, 1.3469e-01, -3.9102e-03, 9.5507e-02, -1.6751e-01,\n"," -1.8609e-01, -3.2093e-01, -1.8883e-01, 1.4392e-01, -1.5248e-01,\n"," 1.1331e-02, -1.3478e-01, -1.9432e-01, 9.7377e-02, 8.1026e-02,\n"," 1.7335e-01, -5.4757e-02, 4.5375e-01, 1.2474e-01, 3.4753e-01,\n"," -6.7031e-01, 2.1889e-01, 1.0351e-01, 5.8670e-01, -1.5927e-01,\n"," 3.0422e-01, 2.2164e-01, 3.1795e-01, 9.5430e-02, -4.2168e-01,\n"," 1.0080e-01, -2.8956e-01, -2.2010e-02, -3.6277e-02, 1.7971e-01,\n"," 7.0761e-02, -2.3480e-01, 1.6407e-01, -1.3584e-01, -2.0928e-01,\n"," 8.0733e-02, 4.6044e-01, -2.1567e-01, -5.7440e-02, 2.6239e-02,\n"," 6.5092e-02, -6.5842e-01, 3.6330e-01, 7.6407e-01, 1.3089e-02,\n"," 1.1518e-01, 1.7128e-01, -1.3274e-01, 2.8134e-01, -2.0158e-01,\n"," -3.0554e-01, 8.8005e-03, 2.5132e-02, -2.7891e-03, -3.4370e-01,\n"," 2.3581e-01, -1.0477e-01, 2.6807e-01, 3.4876e-01, -4.0320e-01,\n"," -1.1308e-01, 4.4866e-01, 2.0838e-01, 3.6975e-02, -1.1645e-01,\n"," -3.3967e-01, -1.8935e-01, -3.1574e-01, -1.3743e-01, 4.3977e-01,\n"," -3.0309e-01, -8.0291e-02, 5.1819e-01, 3.6785e-01, -3.3126e-01,\n"," -2.4524e-01, 8.6269e-02, -9.1076e-03, -2.4349e-01, 2.2232e-01,\n"," 2.7943e-01, -2.4525e-01, -9.5140e-02, -1.1430e-01, -1.2572e-01,\n"," -1.6906e-01, -2.2465e-01, 6.8530e-03, -1.4381e-03, 3.3728e-01,\n"," 3.9097e-02, 2.8640e-01, -3.3373e-01, -7.4484e-01, -1.2005e-01,\n"," -5.3801e-02, -8.8926e-02, -1.3052e-01, -2.0915e-01, -2.5706e-01,\n"," -2.0149e-01, -9.2171e-02, 3.8527e-02, 7.4536e-02, 2.8930e-01,\n"," -2.2077e-01, 6.1283e-02, 5.1312e-01, 4.1752e-02, -1.6167e-01,\n"," 1.0927e-02, -2.5302e-01, -1.9158e-02, 1.2199e-01, -2.6958e-01,\n"," -2.3878e-01, 4.2105e-02, 2.9992e-01, -1.2303e-02, -1.5718e-02,\n"," 4.4536e-01, 2.6495e-01, -1.1164e-02, -2.0164e-01, 5.0153e-02,\n"," 8.6035e-02, -3.9584e-02, -3.3959e-02, -7.9913e-01, -2.4635e-01,\n"," 2.2661e-01, -2.1404e-01, 4.1934e-02, -2.2292e-01, 3.6141e-01,\n"," 2.4583e-01, -8.3686e-02, 9.4343e-02, 2.2001e-01, 1.2757e-01,\n"," -1.0038e-01, 2.9767e-01, 3.6522e-01, -9.7050e-03, 2.7892e-01,\n"," 1.2481e-02, 3.4263e-01, -2.7831e-01, -1.1027e-01, -3.8570e-02,\n"," -5.6544e-01, -3.0504e-01, -1.5216e-01, 8.4985e-01, 4.3030e-01,\n"," -2.1809e-01, -5.9455e-02, 2.3733e-01, -4.1538e-01, -1.6242e-01,\n"," -1.9986e-02, 8.5527e-03, -8.8672e-02, 2.6909e-01, -6.8136e-03,\n"," -2.5903e-01, 8.6179e-03, -2.3708e-01, 3.0168e-01, -2.9473e-01,\n"," 3.9822e-01, -5.3824e-01, -4.7912e-02, 8.1808e-02, -1.3850e-01,\n"," 1.1161e-01, -1.3888e-01, -2.2186e-01, 2.6530e-01, 5.7524e-02,\n"," 5.7438e-02, 3.1535e-02, 6.4863e-02, -3.4873e-01, -3.5817e-01,\n"," -6.5261e-02, 4.2077e-01, -6.1623e-01, 1.6331e-01, 5.3552e-02,\n"," -1.5918e-01, 1.6303e-01, 1.7387e-01, 3.4868e-01, -2.3876e-03,\n"," 3.0844e-01, 3.1976e-02, 3.8208e-01, 4.2314e-01, -6.6127e-01,\n"," -1.0415e-01, 3.0180e-01, 4.0130e-01, 1.6690e-01, 1.6062e-01,\n"," -3.5926e-01, 3.8968e-01, 1.9234e-01, -4.3776e-01, 4.1277e-01,\n"," 1.6816e-02, -7.9441e-02, -1.9234e-01, 1.2213e-01, 1.1859e-02,\n"," 1.8517e-01, 1.2426e-01, -2.8530e-01, 1.9071e-01, 5.3927e-02,\n"," -4.6412e-01, 8.3037e-02, 2.1964e-01, 4.4940e-02, -4.9034e-02,\n"," 1.4855e-01, -7.2764e-02, -1.5266e-02, 5.9917e-02, 2.3634e-01,\n"," 1.2532e-01, -2.2831e-01, -1.0537e+00, 4.6518e-03, -1.6454e-01,\n"," -2.9918e-01, -3.8454e-01, 4.1624e-01, 4.9712e-01, -1.7687e-01,\n"," -1.9686e-01, -3.8384e-01, 1.7435e-01, 7.8088e-02, 1.4085e-01,\n"," 1.1658e-01, -9.4390e-02, -2.6349e-01, 2.7308e-01, -9.3847e-02,\n"," 2.7568e-01, -4.9938e-01, -1.2556e-01, 6.0537e-02, -1.4510e-01,\n"," -2.5401e-01, -9.9282e-02, 4.0180e-01, -4.0304e-01, -4.1169e-02,\n"," -3.8168e-01, 1.2327e-01, -3.6538e-01, 7.6268e-02, -6.2857e-01,\n"," -5.3653e-01, -2.2818e-02, 2.8053e-01, -2.4774e-01, 3.7471e-01,\n"," -2.1917e-01, 8.6387e-02, 3.1972e-01, 6.0891e-01, -1.2907e-02,\n"," -2.7872e-01, -4.1747e-03, -7.6699e-02, 1.0740e-02, 6.6301e-01,\n"," -4.1128e-01, 5.9723e-02, -2.3514e-01, -2.0318e-01, 2.0505e-01,\n"," -1.2864e+00, 4.0370e-01, -8.2330e-02, -3.3015e-01, -1.4985e-01,\n"," -7.2439e-02, -2.0961e-03, -1.0174e-02, -8.6985e-02, 1.3807e-01,\n"," 3.0949e-02, 1.8596e-01, -1.7005e-01, 1.9757e-01, -1.5595e-01,\n"," 7.6485e-02, -9.6714e-02, 2.2981e-01, -1.3113e-01, 4.9814e-01,\n"," -2.8492e-01, 4.3790e-02, -6.4279e-02, -3.7948e-02, 2.8154e-01,\n"," -4.0435e-01, -8.3353e-02, -2.2007e-01, 4.9082e-02, -3.7620e-02,\n"," 7.0862e-02, -1.1645e-01, -2.6428e+00, -1.6954e-01, -2.5078e-02,\n"," -1.8765e-01, 6.9015e-02, 3.3812e-02, 3.8982e-01, 6.2746e-02,\n"," -2.8406e-01, -3.3360e-01, 1.5519e-01, -4.0652e-01, 1.1808e-01,\n"," 8.5500e-02, -3.2080e-02, -1.2888e-01]])\n","stay: tensor([[ 3.0475e-01, 5.6359e-02, -2.7604e-02, -1.9285e-01, -2.1676e-01,\n"," -1.9165e-01, 4.9000e-01, 3.3701e-02, 2.1618e-01, -3.0227e-01,\n"," -3.6060e-01, -2.6145e-02, 1.4889e-01, -1.4172e-02, -3.3832e-01,\n"," -3.0139e-01, 6.9056e-02, 1.4431e-01, 6.5665e-02, 2.9249e-01,\n"," 3.5601e-01, 4.5449e-02, 2.6788e-01, -1.9088e-02, 1.0037e-01,\n"," 8.2252e-02, -2.9565e-01, 3.3226e-02, -1.7069e-01, 4.3960e-03,\n"," -6.9311e-02, -7.9257e-02, -1.1397e-01, 2.7313e-01, 4.9994e-03,\n"," 2.2871e-03, 2.7392e-02, -2.6215e-02, -2.0427e-01, -1.0333e-01,\n"," -3.7773e-02, -1.1644e-01, -3.0812e-03, -9.1205e-02, 3.0341e-01,\n"," -1.7735e-01, -2.4123e-01, 1.2794e-01, -3.4580e-01, -3.9530e-02,\n"," -3.1661e-01, 1.7872e-01, 2.1222e-01, 8.8524e-02, -7.4009e-02,\n"," 6.1652e-02, 2.8390e-01, 1.4206e-02, -1.2332e-01, 3.2350e-02,\n"," -7.1194e-02, -1.2116e-01, 8.0719e-02, 2.1994e-01, -2.4487e-02,\n"," 1.4040e-01, 2.6718e-01, -2.1045e-01, -3.0027e-01, 1.9599e-01,\n"," -1.5498e-01, -2.0514e-01, 6.4325e-02, -1.0655e-02, 3.7282e-02,\n"," -1.1064e-02, -3.1705e-01, 2.5362e-01, 2.1484e-01, 1.2662e-01,\n"," 1.2297e-01, 2.5643e-01, -2.0218e-01, 2.6500e-01, 6.0977e-02,\n"," 9.7933e-02, -1.8008e-01, -1.7516e-01, -1.2079e-01, 2.8691e-01,\n"," -3.1124e-01, -9.1477e-03, 9.3638e-02, 3.1453e-01, 8.2289e-02,\n"," -2.6727e-01, -5.1779e-02, 1.3083e-01, 2.3484e-02, -5.0914e-02,\n"," -2.2548e-01, -4.2878e-01, 7.9015e-02, 2.0434e-01, -1.4057e-01,\n"," 5.6614e-02, -1.4631e-01, -3.7978e-02, 2.2757e-01, -8.2352e-01,\n"," 3.0375e-01, -7.4646e-02, 6.4290e-02, -4.0537e-02, -2.4714e-02,\n"," 3.4173e-01, 1.9767e-02, -4.1221e-02, 1.5369e-01, 2.3468e-02,\n"," -3.9274e-01, -1.9642e-01, 1.2407e-01, 6.5294e-01, 1.7042e-01,\n"," 1.0289e-01, 2.0161e-02, -3.0910e-01, -1.5574e-01, -4.2241e-01,\n"," -3.0305e-02, 2.7232e-01, 4.6674e-02, 1.5858e-01, -1.0775e-01,\n"," 2.4423e-01, 4.0037e-02, 1.7267e-02, -2.3609e-01, -1.4645e-01,\n"," 2.9392e-02, 4.7722e-01, -1.0637e+00, -1.5893e-01, 5.1442e-01,\n"," -8.7774e-02, 2.3794e-02, -2.2263e-01, 1.6081e-01, -9.1426e-02,\n"," 1.7117e-01, 3.9864e-02, -1.0562e-01, -2.1436e-01, -5.7568e-01,\n"," -2.7094e-01, -5.8258e-02, 1.7669e-01, 2.2346e-01, 3.7170e-01,\n"," 2.5159e-01, 1.5615e-01, 3.8084e-01, 8.7079e-02, -1.3320e-01,\n"," 8.0391e-02, -2.3105e-01, 4.3232e-01, 1.4812e-01, 1.6841e-01,\n"," -2.1615e-01, -1.8324e-01, 5.2329e-01, 3.6613e-01, -3.0057e-01,\n"," 1.4418e-01, 3.8161e-01, 1.0453e-01, -1.4400e-01, -2.4235e-01,\n"," -3.0416e+00, 1.0280e-01, -1.3614e-01, -1.1066e-01, -5.4239e-02,\n"," 5.6517e-02, 1.8853e-01, -4.2164e-01, 1.5300e-01, -9.4600e-02,\n"," -8.5063e-02, 5.8901e-02, -3.4300e-01, 1.8420e-01, 7.9056e-02,\n"," -4.5342e-01, -1.1119e-01, 1.6009e-01, 4.5335e-02, 2.4542e-01,\n"," 2.5844e-01, -1.8898e-01, 8.2355e-02, 2.3886e-01, -1.8211e-02,\n"," 1.0841e+00, 1.3233e-01, -2.5181e-01, 1.8900e-01, 7.4329e-02,\n"," -7.1764e-01, 6.9680e-01, 1.8978e-01, -2.5828e-01, 2.0615e-01,\n"," -2.7426e-01, 2.3385e-01, -3.2775e-01, -3.7878e-01, 6.8414e-02,\n"," 1.1855e-01, 2.1191e-02, -3.3991e-01, -6.5007e-02, -6.4582e-02,\n"," -7.2403e-01, 2.8704e-01, -3.6623e-02, 2.3528e-01, -1.8515e-01,\n"," -2.3418e-01, -3.4477e-01, 4.5353e-02, 2.8982e-01, -1.7479e-01,\n"," 2.3007e-01, -4.1198e-02, -1.6896e-01, -3.4254e-01, -1.2006e-01,\n"," 6.6093e-02, 1.2104e-01, 4.3662e-01, 1.9159e-01, -3.1039e-01,\n"," -2.8118e-02, 4.0240e-01, -2.9295e-03, 4.7831e-01, -2.1923e-01,\n"," 1.3698e-02, -7.4794e-01, 4.8226e-02, -2.2438e-01, -4.6369e-02,\n"," -1.2814e-01, 2.4358e-02, -1.4319e-01, 3.0668e-01, -3.7682e-03,\n"," 2.0698e-01, 2.2889e-01, 6.6213e-01, -1.0151e-01, -2.0170e-01,\n"," 1.9460e-01, -9.7419e-03, 1.3862e-02, 2.7271e-02, -2.5903e-01,\n"," -4.6063e-02, -1.1153e-01, 5.3272e-02, -1.2521e+00, -1.2284e-01,\n"," 1.0387e-01, 5.2780e-01, 1.8999e-01, 2.5649e-01, -1.1308e-01,\n"," 3.1139e-02, 3.9057e-02, -2.4997e-01, 2.2854e-01, 4.7960e-01,\n"," -4.8438e-01, -2.7522e-01, -3.5835e-01, 2.6246e-01, -3.6271e-01,\n"," -3.2132e-02, -1.4199e-01, 9.2578e-02, 1.4855e-01, 1.4184e-01,\n"," 8.7581e-02, 2.9523e-01, 3.2039e-01, -5.1024e-01, -4.3607e-02,\n"," -2.2706e-01, -1.0194e-01, 7.4125e-02, -1.9225e-02, 7.6662e-02,\n"," 1.0690e-01, 1.5526e-02, -2.2056e-02, -2.1569e+00, 2.6423e-03,\n"," 2.2293e-01, -5.2899e-01, 1.7528e-01, -2.3841e-01, 1.2040e-01,\n"," 9.1807e-02, -3.0850e-01, 6.4843e-03, 1.2229e-01, -4.0442e-01,\n"," 4.9645e-02, 2.2126e-01, 7.7104e-02, 2.2524e-01, 1.6828e-01,\n"," -1.2970e-01, -3.8679e-01, 8.6409e-02, -1.8827e-01, 3.9675e-02,\n"," 5.0894e-01, -2.3341e-01, 2.4244e-01, 4.6355e-01, -1.3526e-01,\n"," -2.5299e-03, -3.6449e-01, 1.2798e-03, -2.9312e-01, -2.1008e-01,\n"," -9.0415e-02, -2.9668e-01, 1.5017e-01, 1.4907e-01, 1.2379e-01,\n"," 1.4916e-01, 6.6189e-01, -1.4536e-01, 5.6482e-02, 4.2772e-01,\n"," 1.7789e-01, -3.8356e-03, 5.4739e-02, -2.9682e-02, 1.9472e-03,\n"," -1.1598e-01, 3.4623e-02, 3.4540e-01, 1.8058e-01, -1.7671e-02,\n"," 1.4040e-01, -1.7936e-01, -9.7992e-02, -2.9644e-02, 1.2041e-01,\n"," 2.7977e-01, 1.9510e-01, -3.7284e-02, 7.9157e-02, -8.2692e-02,\n"," 1.8387e-02, 2.2079e-01, -3.8164e-01, 5.2447e-02, -1.4043e-01,\n"," -1.3637e-01, -1.6422e-01, 2.5074e-01, -1.4910e-01, -1.0704e-01,\n"," -1.3807e-01, -8.1637e-01, -4.7416e-01, 4.2311e-01, -3.2444e-01,\n"," -1.6352e-01, 4.0114e-01, -1.1745e-01, 1.7039e-01, -5.1924e-02,\n"," 2.5855e-02, 3.5829e-01, 1.6106e-02, -3.7804e-03, 5.4749e-01,\n"," -2.5566e-01, 9.0195e-02, -2.2395e-01, -6.0129e-02, 5.1541e-02,\n"," 1.2938e-01, 5.2610e-03, 2.1147e-01, 2.2453e-01, 4.1287e-01,\n"," -5.2111e-01, 1.9885e-01, -9.0872e-02, -8.0238e-02, -1.7539e-01,\n"," 1.2844e-01, 1.1240e-01, 1.9449e-01, 1.5447e-01, -8.4929e-01,\n"," -1.0477e-02, -2.8405e-01, 8.3808e-02, 6.9209e-02, -2.5824e-02,\n"," 2.7522e-01, 6.9259e-02, 8.5380e-02, -5.2347e-01, 2.3403e-02,\n"," 4.5715e-01, -1.2982e-01, 3.3678e-01, 1.8335e-01, 1.6673e-01,\n"," 1.8511e-01, -1.5972e-01, -1.1676e-01, -5.7253e-02, -9.0901e-02,\n"," -3.8977e-01, -1.6337e-01, 8.0570e-03, -5.0973e-02, 9.1482e-02,\n"," 2.5262e-02, -2.1527e-01, -2.8551e-01, 2.9124e-02, 2.8063e-01,\n"," 3.1237e-01, -2.8631e-02, 2.7609e-01, 4.9781e-02, -1.0251e-01,\n"," -5.5993e-01, 9.1842e-02, 8.5154e-02, 2.0962e-01, -2.5965e-01,\n"," 1.4061e-02, 1.6528e-01, 4.2732e-01, 2.7239e-01, -2.4391e-01,\n"," 3.6977e-01, -1.8716e-01, -7.5479e-02, -3.2414e-01, 1.7257e-03,\n"," -1.4906e-02, -1.7603e-02, 3.5783e-03, -3.1280e-01, 1.4611e-01,\n"," -1.1202e-02, 3.4059e-01, -3.0817e-02, 9.7597e-02, 6.6521e-02,\n"," -4.0500e-02, -5.4269e-01, 4.3523e-02, 4.6876e-01, -1.0835e-01,\n"," 9.8870e-02, 2.0054e-01, -7.0503e-02, 1.3906e-01, -1.1977e-01,\n"," -4.3026e-01, 9.3799e-02, -1.2848e-01, 2.0636e-01, -2.6579e-01,\n"," -6.2737e-02, -2.6968e-01, 3.7450e-01, 1.2909e-01, -2.8626e-01,\n"," -4.4842e-01, 3.3727e-01, 3.5825e-01, 2.0317e-01, -9.9578e-02,\n"," -4.0766e-01, -2.2971e-01, -1.2175e-01, -1.2616e-03, 1.5693e-01,\n"," -1.1271e-01, 3.3961e-01, 3.9748e-01, 2.3247e-01, -1.9204e-01,\n"," -3.5251e-01, 1.9646e-01, 1.0590e-01, -1.4477e-01, 3.2860e-01,\n"," 2.7868e-01, -3.0529e-01, -1.2858e-01, 1.1552e-01, -2.6180e-01,\n"," -3.3588e-01, -9.6102e-02, 1.8334e-01, -1.0177e-02, 3.2758e-01,\n"," -5.0906e-02, 3.7359e-01, -4.0904e-01, -2.3900e-01, -4.5981e-01,\n"," 3.2548e-01, -4.1850e-02, 2.0103e-01, -2.8601e-02, -5.0207e-01,\n"," -8.7608e-02, 1.4866e-01, -3.6716e-03, -1.1642e-02, -2.8697e-02,\n"," -2.5781e-01, 6.0971e-02, 4.2931e-01, 1.4112e-01, -4.1469e-01,\n"," 1.3608e-02, -3.4631e-01, -3.5479e-01, -5.1323e-02, -2.9481e-01,\n"," -3.9405e-01, -1.3861e-01, -1.3201e-01, -9.7586e-02, -5.4282e-03,\n"," 7.0579e-01, 2.6976e-01, 7.7209e-02, -3.4969e-02, -1.2567e-01,\n"," 2.6743e-01, -1.2320e-01, -1.7116e-01, -4.3149e-01, -3.4478e-01,\n"," 3.4015e-01, 2.8494e-01, -9.1116e-02, 7.1580e-03, 2.5925e-01,\n"," 4.0651e-01, 1.2284e-02, 9.6674e-02, 2.3500e-01, 1.9087e-01,\n"," 4.3552e-02, 2.7167e-01, 1.6385e-01, -1.4139e-01, 4.1448e-02,\n"," -1.5096e-01, 6.0363e-02, -3.7279e-01, 2.3603e-01, 3.8137e-01,\n"," -3.6169e-01, -1.7727e-01, 1.1121e-01, 9.9978e-01, 5.3659e-01,\n"," -1.6146e-01, -2.5422e-01, 3.8176e-01, -1.7197e-01, 3.7783e-02,\n"," -5.0422e-03, -2.5781e-01, -2.6017e-01, 2.8333e-02, -1.1817e-01,\n"," 8.5938e-02, 3.1072e-01, 1.1897e-01, 4.0625e-01, -2.4935e-01,\n"," 3.0252e-01, -4.2784e-01, 1.3383e-01, 3.5118e-02, 2.7027e-01,\n"," 8.5636e-02, -2.5121e-02, -4.7674e-02, 3.2693e-01, 2.1119e-01,\n"," -3.4612e-02, 4.5811e-02, 8.0860e-02, -4.5689e-01, -2.0858e-02,\n"," 2.2850e-01, 4.3421e-01, -5.4575e-01, 1.0054e-01, 5.7462e-02,\n"," -5.5616e-01, 1.2933e-02, 5.0027e-01, -3.3040e-01, -2.0912e-01,\n"," 2.5622e-01, 2.9408e-01, 2.3228e-01, 1.2110e-01, -5.0553e-01,\n"," 1.4128e-01, 3.7934e-02, 1.9310e-01, 2.1726e-01, 2.3594e-01,\n"," -1.4181e-01, 3.1117e-01, 1.1840e-01, -8.3246e-02, 4.2331e-01,\n"," 9.7039e-03, -3.8864e-01, -5.9477e-02, 2.1229e-01, 2.6222e-02,\n"," 1.8022e-01, -1.3997e-01, -2.6306e-01, -6.5664e-02, -4.0136e-02,\n"," -2.4329e-01, 2.1671e-01, 1.7996e-01, 1.3994e-01, -1.9297e-01,\n"," -3.1866e-01, -6.6364e-02, -2.3854e-01, -1.5514e-01, 2.9210e-01,\n"," 1.5848e-01, -2.5062e-01, -1.1472e+00, -8.3809e-02, 2.5902e-02,\n"," -6.9011e-02, -2.3920e-01, 1.1408e-02, 3.3316e-01, 1.9724e-01,\n"," -3.9588e-01, -3.6583e-01, 1.2669e-01, 3.0471e-01, 4.9315e-01,\n"," 9.4052e-02, -7.2203e-02, 2.6788e-02, 2.0846e-01, -3.9496e-01,\n"," 3.4240e-01, -5.6771e-01, -2.2639e-01, 1.9587e-01, -3.5553e-02,\n"," -7.1803e-02, -1.4699e-01, 3.7449e-01, -4.8030e-01, -2.1795e-01,\n"," -1.4971e-01, 1.4112e-01, 1.3875e-01, 1.9227e-01, -3.9241e-01,\n"," 7.1393e-02, -1.9654e-01, 3.0894e-01, 1.8944e-01, 2.1121e-01,\n"," 8.6905e-02, 9.0270e-02, 2.9329e-01, 7.7499e-01, -3.7485e-01,\n"," -1.8080e-01, -6.5290e-02, 4.5483e-04, 1.8948e-01, 3.7782e-01,\n"," -2.8742e-01, 2.2605e-02, -1.2761e-01, -7.6839e-02, 8.6998e-02,\n"," -1.1674e+00, 2.7771e-01, 3.3645e-02, -1.8896e-01, -4.8772e-02,\n"," -1.5474e-01, 1.2255e-01, -3.8284e-01, -1.2495e-02, -8.7996e-02,\n"," 7.3786e-02, 2.7042e-01, -2.2702e-01, -3.3917e-01, -4.2124e-01,\n"," 3.5238e-01, -3.0693e-02, -9.3727e-03, 1.3420e-01, 1.1853e-01,\n"," 1.4671e-02, -1.6529e-01, 3.6840e-02, -5.6659e-02, 8.4581e-02,\n"," -3.1482e-01, -5.6638e-02, -2.6329e-01, 1.0451e-01, 9.8631e-02,\n"," -1.5277e-01, -1.0151e-01, -2.9521e+00, -6.9152e-02, 1.9580e-01,\n"," 5.0828e-02, -2.3532e-02, -1.7281e-01, 3.9476e-01, -7.4202e-02,\n"," -2.8629e-02, -2.3775e-01, 4.7718e-02, -2.5063e-01, 2.0703e-01,\n"," -3.6303e-02, -4.6855e-01, 7.0360e-02]])\n","!: tensor([[ 2.4765e-01, -1.1723e-01, -2.4293e-01, -2.1635e-01, -1.3210e-01,\n"," -4.7216e-01, 6.5651e-01, -6.5096e-02, 1.0135e-01, -4.0674e-01,\n"," -3.4119e-01, -1.4655e-02, -1.5393e-01, 4.0751e-01, -8.5867e-02,\n"," 1.1310e-01, -3.1916e-04, 2.7419e-01, 3.1587e-02, 1.9669e-01,\n"," -1.0966e-02, 5.8827e-02, 3.0703e-02, 1.2696e-01, 3.8363e-01,\n"," -1.4981e-02, 5.6733e-02, -2.1438e-01, -4.1531e-01, 2.5270e-01,\n"," 3.1749e-01, -4.7157e-02, -5.2512e-01, 2.5751e-01, -5.7355e-01,\n"," -7.5381e-02, 2.0764e-01, 2.0120e-01, -2.9802e-01, -1.6422e-01,\n"," -2.7132e-01, -3.6882e-01, -7.0249e-02, 1.9728e-01, -6.0711e-02,\n"," -3.6120e-01, -5.1592e-01, -1.2106e-01, -5.7533e-01, 9.4820e-02,\n"," -1.2780e-01, 2.2365e-01, 8.9924e-03, 9.7074e-02, 1.5584e-01,\n"," -6.9135e-02, -6.8671e-02, -3.1125e-01, -2.4214e-01, -2.4834e-01,\n"," 2.7670e-01, 2.0801e-01, 2.5183e-01, -9.3627e-02, -4.2075e-02,\n"," 5.7245e-02, 3.0578e-01, 2.8017e-01, -8.0165e-01, 2.2216e-01,\n"," 8.7582e-02, -3.3201e-01, 3.9753e-01, 9.5786e-02, 2.9013e-01,\n"," 3.8791e-02, -5.8178e-02, 4.5687e-01, -1.0820e-01, -2.5800e-01,\n"," 2.0343e-01, 1.6860e-01, 2.0440e-01, 5.3335e-01, -2.1836e-01,\n"," -7.4015e-02, 9.0435e-02, -3.1666e-01, -2.5572e-01, 7.2074e-01,\n"," 9.9923e-02, -2.0799e-01, 1.6978e-01, 2.8869e-03, 5.8025e-01,\n"," -2.5313e-01, 6.4398e-02, 9.2205e-02, -6.1625e-02, -2.2648e-01,\n"," 1.1488e-01, -6.1813e-01, 5.3098e-02, 1.7602e-01, -6.6378e-02,\n"," 1.1510e-01, 4.8208e-01, 8.9769e-02, 2.7152e-01, -5.2829e-01,\n"," 3.1391e-01, -4.6735e-02, 2.5152e-01, -4.0532e-01, -1.3971e-01,\n"," 2.9883e-01, 3.8366e-01, 3.8822e-01, 2.2172e-01, 5.6543e-02,\n"," 1.0712e-02, -8.0983e-02, 4.5322e-01, 7.1336e-01, 9.0812e-02,\n"," 3.7677e-02, -6.9215e-02, -9.3699e-02, -2.7645e-01, -2.4348e-01,\n"," -6.0003e-02, 5.8002e-01, 2.2850e-01, -4.6147e-02, -3.1597e-01,\n"," 2.2554e-01, 2.2759e-01, -2.6675e-01, -3.9104e-01, -4.2697e-02,\n"," 1.7684e-01, 3.0451e-01, -7.0662e-01, -1.8984e-01, 3.1687e-01,\n"," -2.2923e-01, -4.6172e-02, -2.9228e-01, 2.1640e-01, -1.0876e-01,\n"," -6.8914e-02, -3.1099e-01, -3.1099e-01, -7.4027e-01, -5.3075e-01,\n"," -3.4151e-01, -3.3379e-01, 1.4549e-01, 1.7762e-01, 6.1169e-01,\n"," 4.3505e-01, -5.4240e-02, 8.0837e-02, 1.5249e-01, -7.1513e-02,\n"," -3.3862e-01, -1.2946e-01, 1.0066e+00, -1.4760e-01, 1.7320e-01,\n"," -1.4561e-01, -2.9352e-01, 8.6265e-01, 7.8968e-01, 2.0555e-01,\n"," 1.1266e-01, 5.9774e-01, 1.0538e-01, -3.8357e-02, -3.8097e-01,\n"," -2.8720e+00, 6.1334e-02, 1.2403e-01, -1.9333e-01, 2.6971e-01,\n"," -2.8630e-02, 4.2030e-01, -3.9729e-01, 7.3100e-02, -3.1910e-01,\n"," -6.9828e-02, -2.2634e-01, -2.9546e-01, 1.0499e-01, 4.6602e-01,\n"," -1.8561e-01, -1.0024e-02, -3.1581e-01, 2.5540e-01, 2.3636e-01,\n"," 5.2436e-01, -3.2712e-02, 2.9063e-01, 7.3067e-03, 3.9730e-02,\n"," 1.0193e+00, 1.4844e-02, -7.4340e-02, 1.7033e-01, 9.4369e-02,\n"," -8.6039e-01, 7.7678e-01, 2.5785e-01, -3.8490e-01, -2.1316e-02,\n"," -4.1974e-02, 2.7585e-01, 2.0180e-02, -2.7692e-01, 9.6549e-02,\n"," 8.8455e-02, -3.3242e-01, -5.3826e-01, -9.8565e-02, -2.4928e-01,\n"," -3.6300e-01, 2.0111e-01, 8.8413e-02, 3.3173e-01, -5.0910e-01,\n"," -1.7245e-01, -3.2734e-01, 3.5102e-01, 4.2331e-01, -5.0536e-01,\n"," 8.5138e-02, -9.5035e-02, -1.1805e-01, -3.5665e-01, -3.0839e-01,\n"," -5.2741e-02, 7.1581e-01, 4.9237e-01, 2.5008e-01, -1.5259e-01,\n"," 1.6519e-01, 5.6711e-01, -1.6877e-03, 3.9424e-01, -1.8432e-01,\n"," -1.8111e-01, -6.2313e-01, 2.2869e-01, -6.5868e-01, 1.5652e-01,\n"," -9.7501e-02, 1.9716e-01, 1.5999e-01, 2.6841e-01, -2.6286e-01,\n"," 4.6072e-01, -1.1079e-02, 4.8828e-01, 7.6910e-02, -2.9342e-01,\n"," -5.0304e-02, 4.9156e-01, 2.2918e-01, -8.2844e-03, -9.6683e-02,\n"," 1.4288e-02, -1.4309e-02, 1.4039e-01, -4.8651e-01, -9.3715e-02,\n"," -3.7450e-01, 5.6247e-01, -8.1327e-02, 3.2218e-02, -1.3738e-01,\n"," -1.1800e-01, 2.9963e-01, -5.5857e-01, 3.4827e-03, 5.3874e-01,\n"," -4.5156e-01, -3.7872e-02, -4.5521e-01, 5.0643e-01, -2.6296e-02,\n"," -2.3988e-01, -3.1555e-02, -6.9799e-02, -2.3009e-01, 3.0719e-01,\n"," 4.8275e-03, 2.6006e-01, 4.9318e-01, -4.7361e-01, -1.0552e-01,\n"," 1.8031e-01, -1.7696e-01, -2.7578e-01, -2.5828e-01, -2.5864e-01,\n"," 2.8763e-02, -6.3738e-03, 1.2556e-01, -1.4778e+00, 1.5809e-01,\n"," 5.6360e-01, -5.3969e-01, 2.1972e-01, -1.0256e-01, 1.1245e-01,\n"," -1.2830e-01, -5.1237e-01, -2.4383e-01, 1.8523e-01, -5.7237e-01,\n"," 5.0537e-01, 5.4445e-01, 5.3121e-02, -3.5255e-01, 1.1667e-01,\n"," -4.4850e-01, -4.5355e-01, -5.5171e-02, -7.2067e-02, -2.2038e-01,\n"," 6.0413e-01, -6.8963e-03, 2.4243e-01, 1.4308e-01, -3.0295e-01,\n"," 1.3932e-02, -2.9025e-01, -2.6792e-01, -3.5926e-01, -5.2837e-01,\n"," -3.4889e-01, 2.1694e-01, 5.5567e-02, 1.1214e-01, 3.6070e-02,\n"," 1.0186e-01, 4.9937e-01, -4.1917e-01, 3.2880e-01, 2.0285e-01,\n"," 6.9234e-02, -1.1835e-01, 2.2557e-01, -3.1079e-01, -2.5085e-01,\n"," -1.8064e-01, 3.6065e-02, 1.5877e-01, 3.0306e-01, -4.9504e-01,\n"," 1.9805e-01, -2.5071e-01, -7.7159e-02, -2.6687e-01, 3.8725e-01,\n"," 4.3887e-01, 1.9059e-01, -3.7599e-01, 6.2170e-01, 3.3303e-02,\n"," -8.6096e-02, 4.1120e-01, -5.1740e-01, -1.4495e-01, -4.3125e-01,\n"," 1.3965e-01, -2.0175e-01, 9.3296e-03, 1.5754e-01, -4.3702e-02,\n"," -6.4056e-01, -6.3995e-01, -2.1357e-01, 4.1608e-01, -2.6353e-01,\n"," 9.5555e-02, 4.1969e-01, -1.5755e-01, -1.5832e-01, -3.2000e-01,\n"," 2.5349e-01, -4.7365e-02, -2.0910e-01, 1.1157e-01, 4.2027e-01,\n"," -4.5068e-01, -1.2019e-01, -3.2362e-01, -1.4408e-01, 1.3404e-01,\n"," -9.8479e-02, 1.1147e-01, -2.6287e-02, 2.1978e-01, 6.6917e-01,\n"," -5.8631e-01, 3.0597e-01, -3.4541e-02, -3.1144e-01, -3.2330e-02,\n"," 4.5913e-01, -1.5572e-01, -2.4202e-01, 1.1681e-01, -4.6817e-01,\n"," -5.8213e-02, -2.5967e-02, 1.0121e-01, 2.8433e-01, -2.7939e-01,\n"," 1.7377e-01, -5.4009e-02, 1.4878e-02, -1.1114e-01, 2.1159e-01,\n"," 8.0033e-03, -2.9802e-01, 1.4545e-01, 3.0560e-02, 1.4260e-01,\n"," -2.3344e-01, 5.5985e-02, 4.7803e-01, -1.4175e-01, 2.1685e-01,\n"," -3.6624e-01, -1.0799e-02, -2.3781e-01, 2.3829e-01, -3.7137e-01,\n"," -5.9305e-03, -2.6328e-02, -2.3738e-01, 1.7365e-01, -7.6041e-03,\n"," 5.1147e-01, -4.0053e-01, 6.5634e-01, 1.6980e-01, 3.6331e-01,\n"," -7.8556e-01, 3.9335e-01, 1.5107e-01, 5.6601e-01, -3.2165e-01,\n"," 2.6671e-01, 1.7235e-01, 6.1412e-01, -3.0673e-01, -5.2400e-01,\n"," 2.0473e-01, -3.5616e-01, -2.9019e-02, -3.6222e-01, 4.7045e-02,\n"," -3.4876e-01, -3.0287e-01, -3.3723e-01, -1.3332e-01, 1.2958e-01,\n"," -2.3090e-01, 2.7430e-01, 2.2121e-01, 7.2729e-02, 4.0355e-02,\n"," 1.2132e-01, -4.1609e-01, 2.1902e-01, 3.9454e-01, -3.3366e-01,\n"," 3.6393e-01, 3.0675e-02, 1.3271e-01, 1.9554e-01, -2.0074e-01,\n"," -3.9919e-01, 2.3147e-01, -4.6680e-02, 3.0573e-01, -2.3409e-02,\n"," -3.3541e-02, -2.0361e-02, 1.8162e-01, -1.6056e-01, -1.3642e-01,\n"," -2.5296e-01, 2.6629e-01, 3.1777e-01, 1.9849e-01, -1.5943e-01,\n"," -5.2253e-01, -5.7177e-01, -2.6499e-01, -4.8492e-03, 2.5690e-01,\n"," -1.4764e-01, 6.6715e-02, 5.0746e-01, 5.6703e-01, -3.5170e-01,\n"," -2.8620e-01, 1.4681e-01, -6.6729e-02, -8.3342e-02, 1.4725e-01,\n"," 1.7021e-01, -1.1823e-01, -7.9831e-02, 4.6950e-02, -3.7097e-01,\n"," -5.6263e-01, -2.2626e-01, -1.6523e-01, -1.2022e-01, 1.3029e-01,\n"," 6.5303e-02, 3.8104e-01, -6.0062e-01, -7.0631e-01, -2.5899e-01,\n"," 9.4268e-02, 4.8327e-01, -2.5539e-01, -3.5539e-01, -6.8635e-01,\n"," -2.4004e-01, 7.4311e-02, -2.8185e-01, 2.3663e-01, 2.5141e-01,\n"," -4.4993e-02, -2.1460e-02, 1.7046e-01, 1.6410e-01, -4.9287e-01,\n"," -2.8358e-02, -4.1604e-01, 1.4980e-01, 1.7722e-02, -5.5980e-01,\n"," -2.6359e-01, 1.4530e-01, -1.6204e-02, -8.3184e-02, 1.8872e-01,\n"," 3.8833e-01, 4.0844e-01, 9.0047e-02, -2.0215e-01, 2.1359e-01,\n"," -1.4876e-02, 2.1712e-01, 3.2910e-02, -1.2180e+00, -1.0210e-01,\n"," 1.3111e-01, 3.2296e-01, -1.9728e-01, -4.1255e-01, 1.2833e-01,\n"," 1.8172e-01, -7.8031e-02, 3.0701e-01, 2.0108e-01, 1.7847e-01,\n"," 6.1376e-02, 4.6001e-01, 7.4010e-01, -4.2488e-01, 2.0210e-01,\n"," -2.1802e-01, 3.9862e-01, -1.3940e-01, 4.8126e-02, 1.5087e-01,\n"," -5.8276e-01, -2.2824e-01, 2.0540e-01, 6.2027e-01, 6.9434e-01,\n"," -7.3159e-02, -1.3641e-01, 2.1514e-01, -1.9128e-01, 5.0071e-02,\n"," -4.1375e-02, 8.2217e-02, -1.7921e-01, -9.3085e-02, 8.4690e-02,\n"," -7.9604e-02, -7.0880e-03, -7.0792e-02, 2.7408e-02, -4.6207e-01,\n"," 6.7466e-02, -7.5703e-01, -1.5563e-01, -1.2149e-01, -1.0664e-02,\n"," 3.2026e-03, -8.7811e-02, -1.8524e-01, 1.2954e-01, 1.7395e-01,\n"," 2.7243e-01, 2.9678e-02, 3.0159e-01, -4.9886e-01, -1.4746e-01,\n"," 1.9762e-01, 2.8110e-01, -4.2347e-01, 8.3471e-02, -2.9546e-02,\n"," -6.1113e-01, 1.9005e-01, 4.5182e-01, 7.7572e-02, -4.2409e-02,\n"," 4.2516e-01, 6.4087e-01, 4.1942e-01, 5.1882e-01, -4.0334e-01,\n"," -2.2627e-01, -5.1663e-03, 4.5979e-01, 2.3518e-01, 7.2026e-02,\n"," -2.3063e-01, 8.0060e-01, -1.6929e-01, -7.2189e-01, 2.0956e-01,\n"," 4.5984e-01, -3.1200e-01, -3.5127e-01, -1.0583e-01, 6.2176e-02,\n"," 4.3347e-01, -6.0807e-02, 2.6328e-01, 1.4977e-01, 2.3745e-01,\n"," -3.5506e-01, 2.6664e-01, 2.0116e-01, 2.6193e-01, 6.6278e-02,\n"," -9.0874e-02, 1.2584e-01, 4.5560e-01, -6.8599e-02, 1.1144e-02,\n"," -8.8994e-02, -4.9053e-02, -6.4847e-01, 5.2192e-02, 7.3579e-02,\n"," -7.1107e-02, -3.5480e-01, 1.6951e-01, 5.6647e-01, -1.1146e-01,\n"," -3.7864e-01, -5.1839e-01, 5.4160e-02, 4.2911e-01, 8.4946e-02,\n"," -2.1057e-01, -9.4043e-02, 3.1234e-02, 1.8734e-01, -3.4632e-01,\n"," 2.8265e-02, -7.1655e-01, -1.7668e-01, -8.4936e-02, 1.6303e-01,\n"," -3.4236e-01, 4.7172e-02, 7.5039e-01, -6.3567e-01, -2.1190e-01,\n"," -1.1310e-01, -3.5336e-02, -1.2725e-01, 6.0579e-02, -3.0158e-01,\n"," -4.5995e-01, -1.3900e-01, 1.4207e-01, -1.9504e-01, 4.2449e-01,\n"," 2.0711e-01, 3.6467e-01, 4.5925e-01, 9.2332e-01, -2.4856e-01,\n"," -1.2232e-01, 1.9377e-01, -2.6700e-01, -8.4578e-02, 4.2214e-01,\n"," 4.3623e-02, 3.9745e-02, -5.4367e-01, -9.0686e-02, 4.6217e-01,\n"," -1.3321e+00, 3.1523e-01, -1.3472e-01, -3.2936e-01, 1.2022e-01,\n"," 3.1897e-02, -2.8501e-01, -3.1467e-01, -2.0373e-02, -2.6907e-01,\n"," -1.1179e-01, 3.1092e-02, -6.1231e-01, 9.8211e-02, -4.2775e-01,\n"," 4.1630e-01, -2.2150e-01, 3.6637e-01, 8.5311e-02, 7.2983e-01,\n"," 2.5472e-01, 1.4389e-01, 1.4172e-02, -1.3177e-01, -3.2431e-01,\n"," -3.6021e-01, -1.5830e-01, -2.1587e-01, 5.3296e-01, 3.5912e-01,\n"," -1.8317e-02, -1.0013e-01, -2.1327e+00, -1.6673e-01, 1.6375e-01,\n"," -1.2370e-01, 4.0220e-01, -1.5303e-01, 1.0278e-01, -3.8122e-02,\n"," -4.7337e-02, -4.4114e-01, -1.8625e-01, -8.6430e-01, 3.6100e-01,\n"," 2.4993e-01, -3.5293e-02, -1.2965e-01]])\n"]}]}]} \ No newline at end of file diff --git a/models/spabert/notebooks/WHGDataset.py b/models/spabert/notebooks/WHGDataset.py new file mode 100644 index 0000000000000000000000000000000000000000..3d55b041335e62d2910e16aca9e13629ea4b603e --- /dev/null +++ b/models/spabert/notebooks/WHGDataset.py @@ -0,0 +1,77 @@ +import numpy as np +import torch +from torch.utils.data import Dataset +import json +import sys +sys.path.append("../") +from datasets.dataset_loader import SpatialDataset +from transformers import RobertaTokenizer, BertTokenizer + +class WHGDataset(SpatialDataset): + # initializes dataset loader and converts dataset python object + def __init__(self, data_file_path, tokenizer=None,max_token_len = 512, distance_norm_factor = 1, spatial_dist_fill=100, sep_between_neighbors = False): + if tokenizer is None: + self.tokenizer = BertTokenizer.from_pretrained('bert-base-uncased') + else: + self.tokenizer = tokenizer + self.read_data(data_file_path) + self.max_token_len = max_token_len + self.distance_norm_factor = distance_norm_factor + self.spatial_dist_fill = spatial_dist_fill + self.sep_between_neighbors = sep_between_neighbors + + # returns a specific item from the dataset given an index + def __getitem__(self, idx): + return self.load_data(idx) + + # returns the length of the dataset loaded + def __len__(self): + return self.len_data + + def get_average_distance(self,idx): + line = self.data[idx] + line_data_dict = json.loads(line) + pivot_pos = line_data_dict['info']['geometry']['coordinates'] + + neighbor_geom_list = line_data_dict['neighbor_info']['geometry_list'] + lat_diff = 0 + lng_diff = 0 + for neighbor in neighbor_geom_list: + coordinates = neighbor['coordinates'] + lat_diff = lat_diff + (abs(pivot_pos[0]-coordinates[0])) + lng_diff = lng_diff + (abs(pivot_pos[1]-coordinates[1])) + avg_lat_diff = lat_diff/len(neighbor_geom_list) + avg_lng_diff = lng_diff/len(neighbor_geom_list) + return (avg_lat_diff, avg_lng_diff) + + + # reads dataset from given filepath, run on initilization + def read_data(self, data_file_path): + with open(data_file_path, 'r') as f: + data = f.readlines() + + len_data = len(data) + self.len_data = len_data + self.data = data + + # loads and parses dataset + def load_data(self, idx): + line = self.data[idx] + line_data_dict = json.loads(line) + + # get pivot info + pivot_name = str(line_data_dict['info']['name']) + pivot_pos = line_data_dict['info']['geometry']['coordinates'] + + # get neighbor info + neighbor_info = line_data_dict['neighbor_info'] + neighbor_name_list = neighbor_info['name_list'] + neighbor_geom_list = neighbor_info['geometry_list'] + + + + parsed_data = self.parse_spatial_context(pivot_name, pivot_pos, neighbor_name_list, neighbor_geom_list, self.spatial_dist_fill) + parsed_data['qid'] = line_data_dict['info']['qid'] + + return parsed_data + diff --git a/models/spabert/notebooks/Working with SpaBERT Embedding.ipynb b/models/spabert/notebooks/Working with SpaBERT Embedding.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..ac7717734cc563f8b2b427302a7e77aaf3bf50d3 --- /dev/null +++ b/models/spabert/notebooks/Working with SpaBERT Embedding.ipynb @@ -0,0 +1 @@ +{"nbformat":4,"nbformat_minor":0,"metadata":{"colab":{"provenance":[],"gpuType":"T4","authorship_tag":"ABX9TyNl9y7CuTJ2SdbjaaYlTn5a"},"kernelspec":{"name":"python3","display_name":"Python 3"},"language_info":{"name":"python"},"accelerator":"GPU","widgets":{"application/vnd.jupyter.widget-state+json":{"cc80d2ca9fa7420dab91cf3ff2a51f1e":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_bcf91ae4f4a2410cbadd53a7d6ffc48e","IPY_MODEL_d72605ed5f8949959ddf14e24b085444","IPY_MODEL_0a30f60bb8d94e34b0cb13e7b8824558"],"layout":"IPY_MODEL_399dad9e63714b06bae2627a732312a6"}},"bcf91ae4f4a2410cbadd53a7d6ffc48e":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_089f72c2d1da4834a1c72c2f9f00e155","placeholder":"​","style":"IPY_MODEL_a0fc0aec5c4a46a88c68d302e3dd9b51","value":"config.json: 100%"}},"d72605ed5f8949959ddf14e24b085444":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_4180fb0c020c42479407045aa48377a6","max":570,"min":0,"orientation":"horizontal","style":"IPY_MODEL_829713166e88442b96998e9f9c8d33d5","value":570}},"0a30f60bb8d94e34b0cb13e7b8824558":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_c9f61fca47f44527b9fb31f7a0493048","placeholder":"​","style":"IPY_MODEL_3bae135b3d594d72a41a53c05acf3890","value":" 570/570 [00:00<00:00, 29.6kB/s]"}},"399dad9e63714b06bae2627a732312a6":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"089f72c2d1da4834a1c72c2f9f00e155":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"a0fc0aec5c4a46a88c68d302e3dd9b51":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"4180fb0c020c42479407045aa48377a6":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"829713166e88442b96998e9f9c8d33d5":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"c9f61fca47f44527b9fb31f7a0493048":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"3bae135b3d594d72a41a53c05acf3890":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"9baa380ef84441c29cb888cfd7217bdd":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_16b982d3a3334499aa9115b4482d3ea4","IPY_MODEL_d5e7c582da6542879350f0ddc3302f4c","IPY_MODEL_c3e1afb4efc74d9eb55d2fc92cd193fb"],"layout":"IPY_MODEL_009be06baac3434e88e6566cfa3d0a95"}},"16b982d3a3334499aa9115b4482d3ea4":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_ddd0b2a5124f4027b109bc1237ddc1fd","placeholder":"​","style":"IPY_MODEL_71d85e36c226475a8e5ddf35c8a4032f","value":"model.safetensors: 100%"}},"d5e7c582da6542879350f0ddc3302f4c":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_993c8521e06f4187ba7d81c4b04fde58","max":440449768,"min":0,"orientation":"horizontal","style":"IPY_MODEL_cace3b560f3a4aad8680750580c13c83","value":440449768}},"c3e1afb4efc74d9eb55d2fc92cd193fb":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_b2ef3ed771bc4029ba8686afeed7b3d1","placeholder":"​","style":"IPY_MODEL_ba2b04e360d7442885191849cc3bfedf","value":" 440M/440M [00:02<00:00, 236MB/s]"}},"009be06baac3434e88e6566cfa3d0a95":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"ddd0b2a5124f4027b109bc1237ddc1fd":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"71d85e36c226475a8e5ddf35c8a4032f":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"993c8521e06f4187ba7d81c4b04fde58":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"cace3b560f3a4aad8680750580c13c83":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"b2ef3ed771bc4029ba8686afeed7b3d1":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"ba2b04e360d7442885191849cc3bfedf":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"f5a77e1a0b3848c7b083af9ed12c60f9":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_8d3b59c822844b32a18f728f1f6ccc1d","IPY_MODEL_479c46a0cea4479db45f1bec4c519549","IPY_MODEL_a1af6531177240a2a4d9b00633e09a00"],"layout":"IPY_MODEL_8bff7f55fcb041d09b7f5b1fda669faa"}},"8d3b59c822844b32a18f728f1f6ccc1d":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_133331fa90c24047a7e37ded3008407d","placeholder":"​","style":"IPY_MODEL_4f8519013f934942a50bb795bbb79f3c","value":"tokenizer_config.json: 100%"}},"479c46a0cea4479db45f1bec4c519549":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_f2b387c1d3394532847c82beb5a805fe","max":48,"min":0,"orientation":"horizontal","style":"IPY_MODEL_13af0eb33cb44239aa35d654a7697f9e","value":48}},"a1af6531177240a2a4d9b00633e09a00":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_473d8f4f54084732a88940fbdbcd0263","placeholder":"​","style":"IPY_MODEL_c31bc70cbe5943b585923bed400b732b","value":" 48.0/48.0 [00:00<00:00, 3.05kB/s]"}},"8bff7f55fcb041d09b7f5b1fda669faa":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"133331fa90c24047a7e37ded3008407d":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"4f8519013f934942a50bb795bbb79f3c":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"f2b387c1d3394532847c82beb5a805fe":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"13af0eb33cb44239aa35d654a7697f9e":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"473d8f4f54084732a88940fbdbcd0263":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"c31bc70cbe5943b585923bed400b732b":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"509d34130ad047e485e552bb24aaf6cd":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_fbcb53f2515547beb3963a9982809c4d","IPY_MODEL_55b525378cd6401fba05a64406de1731","IPY_MODEL_6a8a12d558f443bea0b3afa4cad62706"],"layout":"IPY_MODEL_6a77611d249a40ea81069c89f7a51c83"}},"fbcb53f2515547beb3963a9982809c4d":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_0b46da4d7fae43a7a31837d49829e99e","placeholder":"​","style":"IPY_MODEL_f7ec0ead995149848add22ed117f8ec5","value":"vocab.txt: 100%"}},"55b525378cd6401fba05a64406de1731":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_b3dddb1d37d642e38185ba480f3797bf","max":231508,"min":0,"orientation":"horizontal","style":"IPY_MODEL_c4600b06964b4963a7e0e5c01fb1d902","value":231508}},"6a8a12d558f443bea0b3afa4cad62706":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_71cae588996a44b995b25dfc9b139610","placeholder":"​","style":"IPY_MODEL_0208388dda1145afb692fb6c4d871c4f","value":" 232k/232k [00:00<00:00, 1.74MB/s]"}},"6a77611d249a40ea81069c89f7a51c83":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"0b46da4d7fae43a7a31837d49829e99e":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"f7ec0ead995149848add22ed117f8ec5":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"b3dddb1d37d642e38185ba480f3797bf":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"c4600b06964b4963a7e0e5c01fb1d902":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"71cae588996a44b995b25dfc9b139610":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"0208388dda1145afb692fb6c4d871c4f":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"77fc854955f64509beafb122a7394df5":{"model_module":"@jupyter-widgets/controls","model_name":"HBoxModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HBoxModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HBoxView","box_style":"","children":["IPY_MODEL_bf0f18e217f0412f86beb69c2e60002b","IPY_MODEL_7b01d86c894f47209b5741eb8dd53ade","IPY_MODEL_e5c37e67686f4ce9964c307bb7b5203c"],"layout":"IPY_MODEL_8bad0134480b481ea937bb240758f002"}},"bf0f18e217f0412f86beb69c2e60002b":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_47916c8b12cd48348f5307fe5daf3d58","placeholder":"​","style":"IPY_MODEL_636e84e1654c4f4fb1a365484cfa0f35","value":"tokenizer.json: 100%"}},"7b01d86c894f47209b5741eb8dd53ade":{"model_module":"@jupyter-widgets/controls","model_name":"FloatProgressModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"FloatProgressModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"ProgressView","bar_style":"success","description":"","description_tooltip":null,"layout":"IPY_MODEL_18da796336e54e67b7f8523f9ffe3466","max":466062,"min":0,"orientation":"horizontal","style":"IPY_MODEL_b99a1fe6b98f4368957d2f77efbe77be","value":466062}},"e5c37e67686f4ce9964c307bb7b5203c":{"model_module":"@jupyter-widgets/controls","model_name":"HTMLModel","model_module_version":"1.5.0","state":{"_dom_classes":[],"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"HTMLModel","_view_count":null,"_view_module":"@jupyter-widgets/controls","_view_module_version":"1.5.0","_view_name":"HTMLView","description":"","description_tooltip":null,"layout":"IPY_MODEL_cb051e2148114a559341ed3ee27363e1","placeholder":"​","style":"IPY_MODEL_fd695ec60ca64355923ee9af1e0bcf87","value":" 466k/466k [00:00<00:00, 6.47MB/s]"}},"8bad0134480b481ea937bb240758f002":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"47916c8b12cd48348f5307fe5daf3d58":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"636e84e1654c4f4fb1a365484cfa0f35":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}},"18da796336e54e67b7f8523f9ffe3466":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"b99a1fe6b98f4368957d2f77efbe77be":{"model_module":"@jupyter-widgets/controls","model_name":"ProgressStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"ProgressStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","bar_color":null,"description_width":""}},"cb051e2148114a559341ed3ee27363e1":{"model_module":"@jupyter-widgets/base","model_name":"LayoutModel","model_module_version":"1.2.0","state":{"_model_module":"@jupyter-widgets/base","_model_module_version":"1.2.0","_model_name":"LayoutModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"LayoutView","align_content":null,"align_items":null,"align_self":null,"border":null,"bottom":null,"display":null,"flex":null,"flex_flow":null,"grid_area":null,"grid_auto_columns":null,"grid_auto_flow":null,"grid_auto_rows":null,"grid_column":null,"grid_gap":null,"grid_row":null,"grid_template_areas":null,"grid_template_columns":null,"grid_template_rows":null,"height":null,"justify_content":null,"justify_items":null,"left":null,"margin":null,"max_height":null,"max_width":null,"min_height":null,"min_width":null,"object_fit":null,"object_position":null,"order":null,"overflow":null,"overflow_x":null,"overflow_y":null,"padding":null,"right":null,"top":null,"visibility":null,"width":null}},"fd695ec60ca64355923ee9af1e0bcf87":{"model_module":"@jupyter-widgets/controls","model_name":"DescriptionStyleModel","model_module_version":"1.5.0","state":{"_model_module":"@jupyter-widgets/controls","_model_module_version":"1.5.0","_model_name":"DescriptionStyleModel","_view_count":null,"_view_module":"@jupyter-widgets/base","_view_module_version":"1.2.0","_view_name":"StyleView","description_width":""}}}}},"cells":[{"cell_type":"markdown","source":[" This Notebook is to get the Embeddings from our Fine-Tuned SpaBERT model so that we can send them to the GAN-BERT Notebook in place of spatial data."],"metadata":{"id":"BqGM3v_bGGUU"}},{"cell_type":"markdown","source":["# Mount and Import"],"metadata":{"id":"Q_MLWWHJGqkE"}},{"cell_type":"code","execution_count":1,"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"Pwe1nsga9EUN","executionInfo":{"status":"ok","timestamp":1722474453697,"user_tz":420,"elapsed":16813,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"102141fa-5a6f-486c-9de4-518599f86c2b"},"outputs":[{"output_type":"stream","name":"stdout","text":["Mounted at /content/drive\n","/content/drive\n"]}],"source":["#Mount Google Drive\n","from google.colab import drive\n","drive.mount('/content/drive')\n","%cd '/content/drive'"]},{"cell_type":"code","source":["import sys\n","models_path = '/content/drive/MyDrive/spaBERT/spabert'\n","sys.path.append(models_path)\n","sys.path.append('/content/drive/MyDrive/spaBERT/spabert/datasets')\n","sys.path.append(\"../\")\n","print(sys.path)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"L1jV-w8GF3cP","executionInfo":{"status":"ok","timestamp":1722474463934,"user_tz":420,"elapsed":217,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"d58a683b-6a31-44db-b061-3369269bd9c0"},"execution_count":2,"outputs":[{"output_type":"stream","name":"stdout","text":["['/content', '/env/python', '/usr/lib/python310.zip', '/usr/lib/python3.10', '/usr/lib/python3.10/lib-dynload', '', '/usr/local/lib/python3.10/dist-packages', '/usr/lib/python3/dist-packages', '/usr/local/lib/python3.10/dist-packages/IPython/extensions', '/usr/local/lib/python3.10/dist-packages/setuptools/_vendor', '/root/.ipython', '/content/drive/MyDrive/spaBERT/spabert', '/content/drive/MyDrive/spaBERT/spabert/datasets', '../']\n"]}]},{"cell_type":"markdown","source":["# Load SpaBERT with our pretrained weights\n"],"metadata":{"id":"7Sg4y6aEGwYm"}},{"cell_type":"code","source":["\n","import sys\n","import torch\n","from transformers.models.bert.modeling_bert import BertForMaskedLM\n","from transformers import BertTokenizer\n","from models.spatial_bert_model import SpatialBertConfig\n","from utils.common_utils import load_spatial_bert_pretrained_weights\n","from models.spatial_bert_model import SpatialBertForMaskedLM\n","from models.spatial_bert_model import SpatialBertModel\n","\n","\n","# load dataset we just created\n","data_file_path = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/SPABERT_Coordinate_data_combined.json'\n","pretrained_model = '/content/drive/MyDrive/Master_Project_2024_JP/Spacy Notebook/fine-spabert-base-uncased-finetuned-osm-mn.pth'\n","#pretrained_model = '/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets/mlm_mem_keeppos_ep0_iter06000_0.2936.pth'\n","#pretrained_model = '/content/drive/MyDrive/spaBERT/spabert/notebooks/tutorial_datasets/spabert-base-uncased-finetuned-osm-mn.pth'\n","\n","# load bert model and tokenizer\n","bert_model = BertForMaskedLM.from_pretrained('bert-base-uncased')\n","tokenizer = BertTokenizer.from_pretrained('bert-base-uncased')\n","\n","\n","# load pre-trained spabert model and its config\n","config = SpatialBertConfig()\n","config.output_hidden_states = True\n","\n","model = SpatialBertForMaskedLM(config) #Should I be using masked or unmasked for the downstream tasks we are trying to perform?\n","#model = SpatialBertModel(config) #We fine-tuned the Masked version of the model so the weights won't load correctly\n","\n","model.load_state_dict(bert_model.state_dict() , strict = False)\n","\n","pre_trained_model = torch.load(pretrained_model)\n","\n","# load pretrained weights\n","model_keys = model.state_dict()\n","cnt_layers = 0\n","for key in model_keys:\n"," if key in pre_trained_model:\n"," model_keys[key] = pre_trained_model[key]\n"," cnt_layers += 1\n"," else:\n"," print(\"No weight for\", key)\n","print(cnt_layers, 'layers loaded')\n","\n","model.load_state_dict(model_keys)\n","\n","#Select a CPU or GPU\n","device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu')\n","model.to(device)\n","\n","#Set the model to evaluation mode\n","model.eval()"],"metadata":{"colab":{"base_uri":"https://localhost:8080/","height":1000,"referenced_widgets":["cc80d2ca9fa7420dab91cf3ff2a51f1e","bcf91ae4f4a2410cbadd53a7d6ffc48e","d72605ed5f8949959ddf14e24b085444","0a30f60bb8d94e34b0cb13e7b8824558","399dad9e63714b06bae2627a732312a6","089f72c2d1da4834a1c72c2f9f00e155","a0fc0aec5c4a46a88c68d302e3dd9b51","4180fb0c020c42479407045aa48377a6","829713166e88442b96998e9f9c8d33d5","c9f61fca47f44527b9fb31f7a0493048","3bae135b3d594d72a41a53c05acf3890","9baa380ef84441c29cb888cfd7217bdd","16b982d3a3334499aa9115b4482d3ea4","d5e7c582da6542879350f0ddc3302f4c","c3e1afb4efc74d9eb55d2fc92cd193fb","009be06baac3434e88e6566cfa3d0a95","ddd0b2a5124f4027b109bc1237ddc1fd","71d85e36c226475a8e5ddf35c8a4032f","993c8521e06f4187ba7d81c4b04fde58","cace3b560f3a4aad8680750580c13c83","b2ef3ed771bc4029ba8686afeed7b3d1","ba2b04e360d7442885191849cc3bfedf","f5a77e1a0b3848c7b083af9ed12c60f9","8d3b59c822844b32a18f728f1f6ccc1d","479c46a0cea4479db45f1bec4c519549","a1af6531177240a2a4d9b00633e09a00","8bff7f55fcb041d09b7f5b1fda669faa","133331fa90c24047a7e37ded3008407d","4f8519013f934942a50bb795bbb79f3c","f2b387c1d3394532847c82beb5a805fe","13af0eb33cb44239aa35d654a7697f9e","473d8f4f54084732a88940fbdbcd0263","c31bc70cbe5943b585923bed400b732b","509d34130ad047e485e552bb24aaf6cd","fbcb53f2515547beb3963a9982809c4d","55b525378cd6401fba05a64406de1731","6a8a12d558f443bea0b3afa4cad62706","6a77611d249a40ea81069c89f7a51c83","0b46da4d7fae43a7a31837d49829e99e","f7ec0ead995149848add22ed117f8ec5","b3dddb1d37d642e38185ba480f3797bf","c4600b06964b4963a7e0e5c01fb1d902","71cae588996a44b995b25dfc9b139610","0208388dda1145afb692fb6c4d871c4f","77fc854955f64509beafb122a7394df5","bf0f18e217f0412f86beb69c2e60002b","7b01d86c894f47209b5741eb8dd53ade","e5c37e67686f4ce9964c307bb7b5203c","8bad0134480b481ea937bb240758f002","47916c8b12cd48348f5307fe5daf3d58","636e84e1654c4f4fb1a365484cfa0f35","18da796336e54e67b7f8523f9ffe3466","b99a1fe6b98f4368957d2f77efbe77be","cb051e2148114a559341ed3ee27363e1","fd695ec60ca64355923ee9af1e0bcf87"]},"id":"loMR8XHdzdM8","executionInfo":{"status":"ok","timestamp":1722474490548,"user_tz":420,"elapsed":24122,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"3e6a2adc-a3b6-45bc-c068-e781119cb98f"},"execution_count":3,"outputs":[{"output_type":"stream","name":"stderr","text":["/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_token.py:89: UserWarning: \n","The secret `HF_TOKEN` does not exist in your Colab secrets.\n","To authenticate with the Hugging Face Hub, create a token in your settings tab (https://huggingface.co/settings/tokens), set it as secret in your Google Colab and restart your session.\n","You will be able to reuse this secret in all of your notebooks.\n","Please note that authentication is recommended but still optional to access public models or datasets.\n"," warnings.warn(\n"]},{"output_type":"display_data","data":{"text/plain":["config.json: 0%| | 0.00/570 [00:00= 5:\n"," break\n"," if(entity['pivot_name'] == name):\n"," print(i, entity['pivot_name'])\n"," return i"],"metadata":{"id":"ncV1Xgi2wNfY","executionInfo":{"status":"ok","timestamp":1722474551566,"user_tz":420,"elapsed":186,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}}},"execution_count":6,"outputs":[]},{"cell_type":"code","source":["entity_index = get_entity_index(\"kabuki\")"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"x9yo56zjwZg2","executionInfo":{"status":"ok","timestamp":1722474552761,"user_tz":420,"elapsed":183,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"a2abeb86-a6d2-4dc3-b7ca-150847080ddc"},"execution_count":7,"outputs":[{"output_type":"stream","name":"stdout","text":["0 kabuki\n"]}]},{"cell_type":"code","source":["print(entity_index)"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"_nJnwJpWwnrZ","executionInfo":{"status":"ok","timestamp":1722474553821,"user_tz":420,"elapsed":2,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"b48ff1d7-02b0-4c64-df81-c304bda8f347"},"execution_count":8,"outputs":[{"output_type":"stream","name":"stdout","text":["0\n"]}]},{"cell_type":"code","source":["from tqdm import tqdm\n","\n","# Function to process each entity and get embeddings\n","def process_entity(batch, model, device):\n"," input_ids = batch['masked_input'].to(device)\n"," attention_mask = batch['attention_mask'].to(device)\n"," position_list_x = batch['norm_lng_list'].to(device)\n"," position_list_y = batch['norm_lat_list'].to(device)\n"," sent_position_ids = batch['sent_position_ids'].to(device)\n","\n"," with torch.no_grad():\n"," outputs = model(input_ids=input_ids,\n"," attention_mask=attention_mask,\n"," sent_position_ids=sent_position_ids,\n"," position_list_x=position_list_x,\n"," position_list_y=position_list_y)\n"," #NOTE: we are ommitting the pseudo_sentence here. Verify that this is correct\n","\n"," # Extract embeddings\n"," #embeddings = outputs[0] # Extracting the last hidden state from outputs\n"," embeddings = outputs.hidden_states[-1]\n","\n"," pivot_token_len = batch['pivot_token_len'].item()\n"," pivot_embeddings = embeddings[:, :pivot_token_len, :]\n","\n"," return pivot_embeddings.cpu().numpy(), input_ids.cpu().numpy()\n","\n","all_embeddings = []\n","# Process the first 5 rows and print embeddings\n","# NOTE: fix this to make actual batches instead of just one at a time.\n","for i, batch in enumerate(data_loader):\n"," if i >= 5:\n"," break\n"," embeddings, input_ids = process_entity(batch, model, device)\n"," sequence_length = input_ids.shape[1]\n","\n"," print(f\"Embeddings for entity {i+1}: {embeddings}\")\n"," print(f\"Shape for entity {i+1}: {embeddings.shape}\")\n"," print(f\"Sequence Length for entity {i+1}: {sequence_length}\")\n"," print(f\"Input IDs for entity {i+1}: {input_ids}\")\n"," print(f\"Decoded Tokens for entity {i+1}: {tokenizer.decode(input_ids[0])}\")\n"," all_embeddings.append(embeddings)\n","#process the entire dataset and store the embeddings (uncomment when ready)\n","#all_embeddings = []\n","#for batch in tqdm(data_loader):\n","# embeddings = process_entity(batch, model, device)\n","# all_embeddings.append(embeddings)\n"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"KkbeEMEvHbug","executionInfo":{"status":"ok","timestamp":1722474659437,"user_tz":420,"elapsed":452,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"de30d974-e482-4268-ddcf-0ab8bcabd1d8"},"execution_count":11,"outputs":[{"output_type":"stream","name":"stdout","text":["Embeddings for entity 1: [[[-5.81115723e-01 -3.62999469e-01 -3.24680656e-01 ... -2.83270359e-01\n"," 3.22587132e-01 2.28714406e-01]\n"," [-2.20670611e-01 -1.10545315e-01 -4.42134071e-04 ... 1.89075321e-01\n"," 1.37033060e-01 6.88519329e-02]\n"," [-2.28437528e-01 -1.30716190e-01 -2.46341452e-02 ... 1.89642012e-01\n"," 1.10516712e-01 8.37075785e-02]]]\n","Shape for entity 1: (1, 3, 768)\n","Sequence Length for entity 1: 300\n","Input IDs for entity 1: [[ 103 103 103 103 103 103 3211 19461 15460 19461 15460 27166\n"," 9818 12849 3406 7905 7014 103 22078 13226 13226 11458 2395 2899\n"," 13642 2899 13642 2899 3927 13173 13173 8529 4886 8529 4886 19923\n"," 25133 103 103 103 8953 1996 6842 2314 1996 6842 2314 102\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Decoded Tokens for entity 1: [MASK] [MASK] [MASK] [MASK] [MASK] [MASK]ki quiznos quiznos cnbc koto arch beth [MASK] moe vanessa vanessa herman street washington ave washington ave washington avenue kara kara umai umai provence clover [MASK] [MASK] [MASK]ugh the hudson river the hudson river [SEP] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD]\n","Embeddings for entity 2: [[[-0.12602906 -0.32964182 0.0087087 ... -0.6199797 0.38162172\n"," 0.06165807]\n"," [ 0.5201469 -0.17047702 0.49288183 ... -0.1474094 0.22941227\n"," -0.02108728]]]\n","Shape for entity 2: (1, 2, 768)\n","Sequence Length for entity 2: 300\n","Input IDs for entity 2: [[ 101 9763 2479 9763 2479 9763 2479 20829 18996 2050 6384 3077\n"," 18641 18641 6222 6222 103 15477 2395 15544 25970 4580 2675 15544\n"," 25970 4580 5318 14132 14425 1037 103 103 12674 3790 15544 5753\n"," 7570 5092 7520 7570 5092 7520 10090 103 2103 3006 102 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Decoded Tokens for entity 2: [CLS] rhode island rhode island rhode island stacks napa morrisville penelope penelope baltimore baltimore [MASK] bourbon street rittenhouse square rittenhouse brickyard lafayette a [MASK] [MASK] bergenfield ritz hoboken hoboken ruby [MASK] city market [SEP] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD]\n","Embeddings for entity 3: [[[-0.30242354 -0.1258468 -0.34332785 ... -0.39644253 0.21635099\n"," 0.08158564]\n"," [ 0.03023065 1.0184598 -0.6203913 ... 0.00816763 0.23181963\n"," 0.8504028 ]]]\n","Shape for entity 3: (1, 2, 768)\n","Sequence Length for entity 3: 300\n","Input IDs for entity 3: [[ 101 15845 2358 15845 2358 15544 21827 11462 2015 15845 7668 2032\n"," 7911 103 19668 2618 3870 2395 5292 103 5292 19445 2310 12190\n"," 103 2310 12190 18175 103 23528 2063 2395 103 25676 5413 2080\n"," 7668 10645 3900 1996 2896 2264 2217 1996 2896 2264 2217 1996\n"," 2264 2217 103 4644 1038 10559 9102 2395 102 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Decoded Tokens for entity 3: [CLS] stanton st stanton st rivington freemans stanton cafe himala [MASK] slainte elizabeth street ha [MASK] habana verl [MASK] verlaine [MASK] broome street [MASK] barrio chino cafe katja the lower east side the lower east side the east side [MASK] lane bleecker street [SEP] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD]\n","Embeddings for entity 4: [[[-4.20583300e-02 -1.42036140e-01 2.97396481e-01 -2.66784206e-02\n"," 7.87389040e-01 -1.41787067e-01 4.91385423e-02 6.45073593e-01\n"," 1.08488336e-01 7.19574749e-01 7.35178664e-02 1.88348725e-01\n"," -6.21508300e-01 6.39314890e-01 -2.15266809e-01 3.57338116e-02\n"," 6.63326919e-01 -5.23383096e-02 2.69820154e-01 5.00185728e-01\n"," 4.84644413e-01 2.94570178e-01 3.83226089e-02 5.90295911e-01\n"," 2.72509068e-01 -7.37917960e-01 -3.82818729e-01 1.03852473e-01\n"," -3.77366662e-01 5.45314491e-01 -3.04280728e-01 1.94835871e-01\n"," -1.19518153e-01 -1.67141885e-01 -5.94381630e-01 1.48739830e-01\n"," 8.69034111e-01 5.50171614e-01 -2.29134813e-01 -3.72935981e-01\n"," -6.85629308e-01 3.89814198e-01 -4.42785978e-01 5.12354016e-01\n"," 1.74551770e-01 1.77871585e-02 -1.38427067e+00 6.37979448e-01\n"," 3.42206120e-01 -9.29677427e-01 1.76999852e-01 -2.26679265e-01\n"," -3.35535675e-01 -2.98362374e-01 1.58995822e-01 7.35969782e-01\n"," -1.72390535e-01 -3.24331284e-01 1.52257785e-01 -5.13611734e-01\n"," 2.43234664e-01 -2.62337297e-01 -5.01992293e-02 -2.19223812e-01\n"," -1.74417615e-01 3.91051590e-01 -3.31758261e-01 4.79678690e-01\n"," -3.50416780e-01 -1.16087861e-01 3.79473180e-01 5.45883365e-02\n"," 1.06938958e-01 4.18085791e-03 2.79758632e-01 -3.74172330e-01\n"," -4.49101835e-01 6.63903713e-01 4.66531217e-02 1.01018809e-01\n"," -3.95578980e-01 -3.11598718e-01 1.58134066e-02 -8.07352588e-02\n"," -3.33755948e-02 -6.00086033e-01 6.17646694e-01 5.87905049e-01\n"," 3.14644724e-01 5.14653027e-01 -2.95794517e-01 -5.55559635e-01\n"," 3.62779856e-01 2.05220893e-01 -7.39268363e-01 -6.30587637e-02\n"," 2.01417524e-02 4.68644381e-01 -1.40118361e-01 -1.29960731e-01\n"," -9.45359290e-01 -9.21104372e-01 -1.04621410e-01 2.87229270e-01\n"," 6.03421152e-01 9.20968968e-03 5.82647860e-01 5.19698858e-01\n"," 4.60989475e-01 8.73905301e-01 5.99700093e-01 -1.64137512e-01\n"," 6.52999640e-01 -6.26775026e-01 -1.97182178e-01 -7.93291688e-01\n"," 5.57582259e-01 -2.66212523e-01 1.85239583e-01 -7.03943849e-01\n"," -1.32579774e-01 -6.79957807e-01 -3.89716178e-01 5.69840550e-01\n"," 2.41307169e-01 -3.36103365e-02 -5.96074425e-02 -1.42137468e-01\n"," -1.18225373e-01 5.31107113e-02 4.67748120e-02 6.44003868e-01\n"," 1.48059174e-01 -1.54107526e-01 -6.44745767e-01 5.72740734e-01\n"," -2.67564096e-02 -7.82303140e-02 -1.93561748e-01 -8.09487626e-02\n"," -5.02913594e-02 -2.91087836e-01 -3.19948465e-01 -7.50052854e-02\n"," 1.27361283e-01 -3.71302962e-01 1.69466026e-02 2.03009546e-01\n"," 3.21476817e-01 -8.63668919e-01 -9.12763104e-02 -4.94651318e-01\n"," -4.03996110e-01 -5.22427857e-01 5.51181100e-02 -2.35734507e-01\n"," -4.82882470e-01 -1.74573883e-01 -9.88620967e-02 4.35078442e-01\n"," -1.23188801e-01 1.92663353e-02 1.84086129e-01 -3.42794448e-01\n"," -1.22237265e-01 4.03788507e-01 2.03192443e-01 1.01162446e+00\n"," -1.03663445e+00 -2.09009856e-01 3.41059029e-01 6.93131387e-01\n"," 9.01372015e-01 4.99209881e-01 1.87253579e-01 5.88751078e-01\n"," 6.18605912e-01 -2.54198015e-01 2.30199844e-01 -2.57602751e-01\n"," -7.22788930e-01 -1.00487590e-01 -1.71059728e-01 2.15765417e-01\n"," 4.25757647e-01 -7.80765474e-01 5.86444557e-01 -4.66398031e-01\n"," -7.23035112e-02 -4.74276990e-01 -3.01024139e-01 -3.25428061e-02\n"," -1.09744772e-01 1.65339619e-01 -1.33192345e-01 -8.04299787e-02\n"," -4.69601393e-01 3.68288428e-01 -5.32886304e-04 1.69890687e-01\n"," 4.00348604e-01 5.46520233e-01 5.90638638e-01 1.30353153e-01\n"," -5.35967469e-01 4.10263717e-01 4.51095179e-02 -1.19078286e-01\n"," 5.46599746e-01 4.70121801e-01 1.36164710e-01 2.24372745e-02\n"," -2.18612805e-01 9.13304448e-01 -4.32012767e-01 -6.45081773e-02\n"," 3.21728349e-01 -7.26598024e-01 2.35831752e-01 -2.82883227e-01\n"," -7.42756069e-01 5.82528152e-02 -1.57105654e-01 7.69988820e-02\n"," -1.20272361e-01 1.14355040e+00 3.59906524e-01 -4.35017586e-01\n"," 2.18458205e-01 9.31276083e-01 -4.41959202e-02 -6.19252622e-01\n"," 6.43106222e-01 1.78501680e-02 -6.38990164e-01 -2.87731793e-02\n"," 8.93166125e-01 -4.49879855e-01 3.44193518e-01 -3.27608705e-01\n"," 2.91704059e-01 7.99393430e-02 8.21115613e-01 -6.56152427e-01\n"," -1.95214644e-01 -8.16270709e-01 4.06732075e-02 2.24004969e-01\n"," -3.34382616e-02 -3.86220694e-04 2.43046641e-01 -5.44572651e-01\n"," 3.97967279e-01 2.43538264e-02 -6.52384758e-01 -7.50286102e-01\n"," -1.22988865e-01 4.72665161e-01 -6.39030814e-01 -9.14427459e-01\n"," 3.49373758e-01 -4.54001635e-01 5.17096996e-01 -1.92048356e-01\n"," 8.97237752e-03 1.92620307e-01 -1.11385608e+00 1.36035411e-02\n"," 1.22096680e-01 -1.51080698e-01 -1.40820742e-01 2.73605764e-01\n"," -7.88595974e-02 1.10922825e+00 3.04361224e-01 -1.63392186e-01\n"," 2.00043246e-01 9.61500928e-02 7.69400835e-01 -7.40555584e-01\n"," -3.31326067e-01 5.52415252e-01 -9.64408144e-02 -5.71601868e-01\n"," -4.02094036e-01 -4.02092725e-01 -3.74877304e-01 4.10249263e-01\n"," 1.70451626e-01 3.76181036e-01 1.27399221e-01 -2.94819862e-01\n"," 1.55886739e-01 -1.09123319e-01 2.55696803e-01 -9.60553363e-02\n"," 3.06817234e-01 3.98070514e-01 -2.74544895e-01 -1.07325697e+00\n"," 1.90127477e-01 -5.43784857e-01 2.48867441e-02 1.49757594e-01\n"," 1.10319018e-01 -1.85347833e-02 1.67229231e-02 -7.73108065e-01\n"," -5.21152544e+00 -1.23167917e-01 -9.36981365e-02 -1.06195509e+00\n"," 2.96960957e-02 -4.36177164e-01 6.05232455e-02 -1.26250684e-01\n"," -2.50521004e-01 1.88304454e-01 -8.31437111e-02 -1.59184054e-01\n"," 4.84843493e-01 -1.83688372e-01 -1.18995667e-01 -1.79928824e-01\n"," 2.40778357e-01 2.97979731e-02 3.28282416e-02 4.33100075e-01\n"," -6.13244355e-01 -6.68086559e-02 3.61234039e-01 -2.02883184e-01\n"," 1.87461913e-01 5.97187638e-01 -4.75949913e-01 -3.54348361e-01\n"," 2.38796383e-01 -6.55548930e-01 1.53477639e-01 -7.43759274e-01\n"," 1.94866687e-01 -1.00768462e-01 2.72680938e-01 -2.40816195e-02\n"," 1.00861453e-01 -1.33742571e+00 -1.01808086e-01 -6.36162981e-02\n"," 1.50354028e-01 -1.00004494e-01 -3.45053971e-01 -1.97568417e-01\n"," 2.56787896e-01 -8.19468424e-02 3.28859597e-01 3.47068727e-01\n"," -8.65792036e-01 -1.77831814e-01 3.24072897e-01 -1.35814101e-02\n"," -1.25597775e-01 3.28854740e-01 4.10919577e-01 5.57219274e-02\n"," 4.38250661e-01 6.61741719e-02 1.02439687e-01 -1.52181283e-01\n"," 8.28154206e-01 -1.63404301e-01 -7.52954841e-01 5.85423470e-01\n"," 4.27647650e-01 -2.86366165e-01 -3.45892996e-01 5.37865579e-01\n"," -6.90653682e-01 1.78042144e-01 -2.34049246e-01 1.24150239e-01\n"," -1.96845159e-01 -7.80481458e-01 -8.51793122e-03 -4.00982559e-01\n"," -4.22099791e-02 -3.04418892e-01 2.30242372e-01 1.33076772e-01\n"," -4.29064721e-01 -7.99559653e-02 6.48758948e-01 -1.36074066e-01\n"," -3.71639162e-01 -5.11302233e-01 -1.75792471e-01 2.66938448e-01\n"," -6.66414618e-01 -4.31538373e-01 1.14751041e-01 6.42273724e-01\n"," 4.85300183e-01 -6.31901026e-02 2.62882680e-01 6.13391817e-01\n"," 1.53421238e-01 -1.76589459e-01 1.99390844e-01 6.98335826e-01\n"," 3.52326244e-01 1.28748333e-02 7.38424242e-01 -1.01524556e+00\n"," 1.45643756e-01 5.22581577e-01 -5.27043700e-01 9.32311416e-01\n"," 3.16564858e-01 2.45800480e-01 -8.52773666e-01 -1.12393871e-01\n"," 2.61995435e-01 -3.10291201e-01 1.01854414e-01 -7.20303133e-02\n"," 5.69662631e-01 2.79316276e-01 1.74242601e-01 6.08565509e-02\n"," -2.90081464e-02 7.88410977e-02 7.00094104e-01 3.33214104e-01\n"," -5.43681800e-01 -9.83734876e-02 -6.88329101e-01 -2.57365346e-01\n"," 2.47446582e-01 -2.90095896e-01 2.36264616e-01 -1.94189176e-01\n"," 3.57600562e-02 3.47871006e-01 5.96337497e-01 -2.95354035e-02\n"," -7.56269842e-02 -1.58221006e+00 1.30559117e-01 2.56578475e-01\n"," -4.59155649e-01 -1.19588636e-02 3.56034070e-01 -2.27924079e-01\n"," -3.92733783e-01 1.37594506e-01 4.26186413e-01 2.96334028e-01\n"," 3.21575284e-01 3.11855674e-01 -1.46409404e+00 -5.16062737e-01\n"," -7.40337819e-02 -3.17381442e-01 4.63878185e-01 5.22419691e-01\n"," 1.15563661e-01 -4.31120992e-01 -2.53781497e-01 -4.08371806e-01\n"," 6.26711607e-01 -1.21255115e-01 -6.08719707e-01 4.76371676e-01\n"," -1.08336222e+00 1.97172627e-01 6.48893714e-01 3.92040879e-01\n"," -4.26494122e-01 2.69766420e-01 -1.78497881e-01 -2.60389477e-01\n"," -3.12909514e-01 -5.13347685e-01 -9.19822812e-01 3.45755756e-01\n"," -3.24326962e-01 -5.20674706e-01 3.00229371e-01 6.22540638e-02\n"," 8.90340135e-02 -2.61194915e-01 -4.81542081e-01 -3.10510676e-03\n"," -7.30873942e-02 4.49387521e-01 7.01649725e-01 1.13326028e-01\n"," 2.90782541e-01 2.43255347e-01 4.31055278e-02 5.79595603e-02\n"," 2.53597498e-01 2.62962520e-01 -9.00446296e-01 -4.67785001e-01\n"," 3.85944128e-01 7.18332291e-01 3.46215218e-01 4.57312435e-01\n"," 4.10991199e-02 -2.16120481e-01 3.92579548e-02 4.00523305e-01\n"," 2.59365886e-01 1.47923017e+00 7.76369125e-02 3.54021713e-02\n"," 1.26978904e-01 -6.96261302e-02 3.08408260e-01 -4.04556990e-01\n"," -1.48088321e-01 1.26081958e-01 2.90125936e-01 -5.12668133e-01\n"," -4.66430187e-02 5.77867329e-02 -6.85970128e-01 3.39248180e-01\n"," -7.65926600e-01 -1.78885192e-01 1.78952202e-01 4.92331415e-01\n"," -5.51603973e-01 -5.35822809e-01 2.31002700e-02 3.38994674e-02\n"," 2.74416059e-02 -3.78680736e-01 7.03071011e-03 3.09685916e-01\n"," -3.20844859e-01 2.38409176e-01 -4.87325341e-01 1.29701602e+00\n"," 5.08064032e-02 -5.39849579e-01 6.07332438e-02 1.62858218e-01\n"," 3.25906515e-01 3.00551832e-01 5.91792017e-02 -8.02731156e-01\n"," -2.62057960e-01 2.21734136e-01 -3.59922677e-01 4.03454781e-01\n"," 4.07700807e-01 6.87892660e-02 4.47493047e-01 3.03660452e-01\n"," 9.78790075e-02 4.57405746e-02 6.74565315e-01 4.57604183e-03\n"," -6.70423985e-01 -1.34428665e-01 -1.85283065e-01 3.13133180e-01\n"," -5.98921061e-01 -2.60862172e-01 -1.05057731e-02 -6.91389799e-01\n"," 1.03930748e+00 -5.32819852e-02 8.30078900e-01 5.38406789e-01\n"," -6.01827428e-02 -7.02574313e-01 2.08321378e-01 -5.81434309e-01\n"," 3.61241639e-01 -1.24040820e-01 1.57193050e-01 1.25188440e-01\n"," 1.01535246e-01 -3.00486207e-01 2.11111426e-01 -3.72906355e-03\n"," -1.03542995e+00 -2.05558985e-01 -3.48530382e-01 -7.05764517e-02\n"," 6.86762333e-01 -4.68826562e-01 2.56001741e-01 4.53331202e-01\n"," -4.12840039e-01 2.04840496e-01 1.46800131e-01 4.22048390e-01\n"," -4.73021805e-01 2.86704034e-01 -2.34030351e-01 4.43962783e-01\n"," 8.03722918e-01 5.94853282e-01 3.39484774e-02 -1.43713474e-01\n"," -6.31936789e-02 3.27885240e-01 -1.72328249e-01 -2.11650789e-01\n"," -1.05722807e-01 -3.30590814e-01 -2.68604666e-01 8.00766200e-02\n"," -2.63644643e-02 3.20827097e-01 6.89812779e-01 -7.90950134e-02\n"," 3.31547529e-01 1.55034482e-01 -2.12033130e-02 -1.52814403e-01\n"," 1.57635231e-02 7.40086846e-03 -1.42272532e-01 -1.67701244e-01\n"," -2.37606183e-01 -9.60177109e-02 1.23363018e+00 4.16106761e-01\n"," 8.04355025e-01 1.53998807e-01 -1.75366506e-01 -3.09329659e-01\n"," 7.20371723e-01 -4.77514230e-02 -1.87625200e-01 -4.92584221e-02\n"," 5.36262989e-02 -1.07319780e-01 1.61969185e-01 -2.98262715e-01\n"," -2.07707714e-02 -2.22531855e-01 -9.41263214e-02 6.14095330e-01\n"," 1.83075905e-01 3.58970985e-02 -3.09905976e-01 -1.89835235e-01\n"," -1.38945788e-01 2.11028457e-01 4.42767650e-01 -8.21059644e-02\n"," 4.70530987e-02 -1.56839833e-01 -2.55679078e-02 1.11203933e+00\n"," -1.18499383e-01 1.08745009e-01 2.72996753e-01 -6.22277081e-01\n"," 6.55273497e-02 7.35994354e-02 -3.80188376e-01 1.07568634e+00\n"," 4.40968513e-01 1.06190455e+00 7.34862924e-01 -2.62038946e-01\n"," -4.68788564e-01 6.32562995e-01 -3.22465658e-01 -1.97138771e-01\n"," -2.81998128e-01 1.40144989e-01 3.41533154e-01 3.00975412e-01\n"," -6.97766066e-01 1.08797640e-01 -1.04424350e-01 -6.07960105e-01\n"," -7.52848685e-02 2.58946538e-01 1.66767269e-01 5.78080177e-01\n"," -4.79367435e-01 3.25656533e-01 -1.67153880e-01 -2.02475622e-01\n"," -1.34713441e-01 -2.36295506e-01 -4.88268621e-02 -3.46375629e-02\n"," -9.07131910e-01 -6.63629651e-01 -1.94161162e-01 -1.26584530e-01\n"," 3.00141126e-01 -2.70453678e-03 5.83868444e-01 -6.83810234e-01\n"," 6.22739159e-02 -2.55683422e-01 -2.98886877e-02 -7.85691217e-02\n"," 4.43341911e-01 -4.38892931e-01 4.26329859e-02 7.68738911e-02\n"," 3.41413528e-01 -4.89330202e-01 -4.44997162e-01 -4.61175703e-02\n"," -7.08571434e-01 1.09976971e+00 -1.75607607e-01 5.96689939e-01\n"," -5.58088064e-01 3.41733336e-01 -3.73069644e-01 -3.49682719e-01\n"," 3.91268343e-01 2.87273586e-01 -3.74164432e-01 -4.94824499e-01\n"," -2.87091643e-01 -7.61020541e-01 3.10847014e-01 -3.27813119e-01\n"," -4.53797579e-01 -3.25889140e-01 -1.13156904e-02 4.22079756e-04\n"," -1.13053811e+00 -2.23255083e-01 1.28881767e-01 3.16387951e-01\n"," 3.11034411e-01 4.66525376e-01 -1.59004256e-01 -5.17673790e-01\n"," -2.19223216e-01 -3.11245441e-01 -2.17956886e-01 -6.53032601e-01\n"," 7.67981708e-01 4.29491371e-01 -7.00244844e-01 6.39716625e-01\n"," 1.54739940e+00 3.31085473e-02 -5.72192948e-03 6.86710253e-02\n"," -7.47919679e-01 -9.01228130e-01 -8.83753061e-01 7.08807856e-02\n"," -1.47135496e-01 1.14804566e-01 -1.19330809e-01 -9.35699224e-01\n"," -1.75705269e-01 -2.37347186e-01 2.71038175e-01 3.73970091e-01]]]\n","Shape for entity 4: (1, 1, 768)\n","Sequence Length for entity 4: 300\n","Input IDs for entity 4: [[ 101 24001 24001 24001 16392 2352 24001 103 103 22200 3067 5946\n"," 13090 3067 5946 13090 13433 20058 2015 10424 7616 11320 4502 3067\n"," 5946 3067 5946 1996 15451 2102 2160 9378 5490 2225 15854 6238\n"," 2395 15854 6238 103 103 10557 2630 103 103 2072 8670 10322\n"," 2080 8670 10322 2080 2899 2675 2380 102 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Decoded Tokens for entity 4: [CLS] saigon saigon saigon nyc village saigon [MASK] [MASK] shack minetta tavern minetta tavern pommes frites lupa minetta minetta the malt house wash sq west wooster street wooster [MASK] [MASK] ribbon blue [MASK] [MASK]i babbo babbo washington square park [SEP] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD]\n","Embeddings for entity 5: [[[-0.28091115 -0.28395256 0.17784207 ... -0.5726868 0.5278725\n"," 0.23836625]\n"," [-0.70479566 -0.15419573 -0.29911867 ... -1.4865197 0.552794\n"," 0.27017713]]]\n","Shape for entity 5: (1, 2, 768)\n","Sequence Length for entity 5: 300\n","Input IDs for entity 5: [[ 101 2225 3077 2225 3077 11831 5951 5951 24547 103 13770 2064\n"," 13770 7273 12846 17223 5365 103 103 103 6921 7207 103 103\n"," 103 16271 16271 5735 7304 102 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Decoded Tokens for entity 5: [CLS] westville westville bombay franklin franklin wal [MASK]tina cantina thai cuisine heavens hollywood [MASK] [MASK] [MASK] madrid clinton [MASK] [MASK] [MASK] clifton clifton russell peru [SEP] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD]\n"]}]},{"cell_type":"code","source":["all_embeddings[3].shape"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"DJAymb8IsojE","executionInfo":{"status":"ok","timestamp":1722479415313,"user_tz":420,"elapsed":213,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"1d5465a8-cd25-4dbe-fee3-e6ad30184bd5"},"execution_count":18,"outputs":[{"output_type":"execute_result","data":{"text/plain":["(1, 1, 768)"]},"metadata":{},"execution_count":18}]},{"cell_type":"code","source":["from tqdm import tqdm\n","\n","# Function to process each entity and get embeddings\n","def process_entity(batch, model, device):\n"," input_ids = batch['masked_input'].to(device)\n"," attention_mask = batch['attention_mask'].to(device)\n"," position_list_x = batch['norm_lng_list'].to(device)\n"," position_list_y = batch['norm_lat_list'].to(device)\n"," sent_position_ids = batch['sent_position_ids'].to(device)\n","\n"," print(\"Input IDs before model:\", input_ids.cpu().numpy())\n"," print(\"Tokens before model:\", [tokenizer.convert_ids_to_tokens(ids) for ids in input_ids.cpu().numpy()])\n","\n"," with torch.no_grad():\n"," outputs = model(input_ids=input_ids,\n"," attention_mask=attention_mask,\n"," sent_position_ids=sent_position_ids,\n"," position_list_x=position_list_x,\n"," position_list_y=position_list_y)\n","\n"," # Extract embeddings\n"," embeddings = outputs.hidden_states[-1]\n","\n"," pivot_token_len = batch['pivot_token_len'].item()\n"," pivot_embeddings = embeddings[:, :pivot_token_len, :]\n","\n"," return pivot_embeddings.cpu().numpy(), input_ids.cpu().numpy()\n","\n","# Process the first 5 rows and print embeddings\n","for i, batch in enumerate(data_loader):\n"," if i >= 5:\n"," break\n"," embeddings, input_ids = process_entity(batch, model, device)\n"," sequence_length = input_ids.shape[1]\n","\n"," print(f\"Embeddings for entity {i+1}: {embeddings}\")\n"," print(f\"Shape for entity {i+1}: {embeddings.shape}\")\n"," print(f\"Sequence Length for entity {i+1}: {sequence_length}\")\n"," print(f\"Input IDs for entity {i+1}: {input_ids}\")\n"," print(f\"Decoded Tokens for entity {i+1}: {tokenizer.decode(input_ids[0], skip_special_tokens=False)}\")\n","\n","# Assuming the tokenizer is available and initialized\n","print(\"Tokenizer vocabulary size:\", tokenizer.vocab_size)\n"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"PohvF_YmySrY","executionInfo":{"status":"ok","timestamp":1720753914013,"user_tz":420,"elapsed":533,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"707e631d-ce03-49a8-ec86-3b6c72d618c4"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Input IDs before model: [[ 101 103 8569 103 10556 8569 103 19461 15460 19461 15460 27166\n"," 9818 12849 3406 7905 7014 3702 103 13226 13226 11458 103 103\n"," 103 2899 13642 2899 3927 13173 13173 8529 103 8529 4886 19923\n"," 103 19213 6187 27313 8953 1996 6842 2314 1996 6842 103 102\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Tokens before model: [['[CLS]', '[MASK]', '##bu', '[MASK]', 'ka', '##bu', '[MASK]', 'quiz', '##nos', 'quiz', '##nos', 'cn', '##bc', 'ko', '##to', 'arch', 'beth', '##wood', '[MASK]', 'vanessa', 'vanessa', 'herman', '[MASK]', '[MASK]', '[MASK]', 'washington', 'ave', 'washington', 'avenue', 'kara', 'kara', 'um', '[MASK]', 'um', '##ai', 'provence', '[MASK]', '##leaf', 'ca', '##vana', '##ugh', 'the', 'hudson', 'river', 'the', 'hudson', '[MASK]', '[SEP]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]']]\n","Embeddings for entity 1: [[[-0.38162905 0.0761855 -0.14762239 ... -0.30674034 0.12618616\n"," 0.17785785]\n"," [-0.43710983 0.02649811 -0.9639295 ... -0.13571215 0.5441345\n"," -0.11535973]\n"," [-0.5984212 -0.38061848 -0.10242525 ... -0.10456782 -0.27874386\n"," 0.5300068 ]]]\n","Shape for entity 1: (1, 3, 768)\n","Sequence Length for entity 1: 300\n","Input IDs for entity 1: [[ 101 103 8569 103 10556 8569 103 19461 15460 19461 15460 27166\n"," 9818 12849 3406 7905 7014 3702 103 13226 13226 11458 103 103\n"," 103 2899 13642 2899 3927 13173 13173 8529 103 8529 4886 19923\n"," 103 19213 6187 27313 8953 1996 6842 2314 1996 6842 103 102\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Decoded Tokens for entity 1: [CLS] [MASK]bu [MASK] kabu [MASK] quiznos quiznos cnbc koto arch bethwood [MASK] vanessa vanessa herman [MASK] [MASK] [MASK] washington ave washington avenue kara kara um [MASK] umai provence [MASK]leaf cavanaugh the hudson river the hudson [MASK] [SEP] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD]\n","Input IDs before model: [[ 103 103 2479 9763 2479 9763 2479 20829 18996 2050 6384 3077\n"," 18641 18641 6222 6222 11265 15477 2395 15544 25970 4580 2675 15544\n"," 25970 4580 5318 14132 103 103 103 19095 12674 3790 15544 5753\n"," 7570 5092 7520 7570 5092 7520 10090 9857 2103 3006 102 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Tokens before model: [['[MASK]', '[MASK]', 'island', 'rhode', 'island', 'rhode', 'island', 'stacks', 'nap', '##a', 'morris', '##ville', 'penelope', 'penelope', 'baltimore', 'baltimore', 'ne', 'bourbon', 'street', 'ri', '##tten', '##house', 'square', 'ri', '##tten', '##house', 'brick', '##yard', '[MASK]', '[MASK]', '[MASK]', 'yorker', 'bergen', '##field', 'ri', '##tz', 'ho', '##bo', '##ken', 'ho', '##bo', '##ken', 'ruby', 'tuesday', 'city', 'market', '[SEP]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]']]\n","Embeddings for entity 2: [[[-0.59880525 -0.609724 0.05645313 ... -0.6180918 0.60087276\n"," 0.11218308]\n"," [-0.03553682 -0.31881958 0.1326758 ... 0.2680149 0.2834256\n"," 0.05813964]]]\n","Shape for entity 2: (1, 2, 768)\n","Sequence Length for entity 2: 300\n","Input IDs for entity 2: [[ 103 103 2479 9763 2479 9763 2479 20829 18996 2050 6384 3077\n"," 18641 18641 6222 6222 11265 15477 2395 15544 25970 4580 2675 15544\n"," 25970 4580 5318 14132 103 103 103 19095 12674 3790 15544 5753\n"," 7570 5092 7520 7570 5092 7520 10090 9857 2103 3006 102 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Decoded Tokens for entity 2: [MASK] [MASK] island rhode island rhode island stacks napa morrisville penelope penelope baltimore baltimore ne bourbon street rittenhouse square rittenhouse brickyard [MASK] [MASK] [MASK] yorker bergenfield ritz hoboken hoboken ruby tuesday city market [SEP] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD]\n","Input IDs before model: [[ 101 15845 2358 15845 103 15544 21827 11462 103 15845 7668 2032\n"," 7911 3148 19668 2618 3870 2395 5292 19445 5292 19445 2310 12190\n"," 18175 2310 12190 18175 21250 23528 2063 2395 22814 25676 5413 2080\n"," 7668 103 3900 1996 2896 2264 2217 1996 2896 2264 2217 1996\n"," 2264 2217 5318 103 1038 103 9102 2395 102 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Tokens before model: [['[CLS]', 'stanton', 'st', 'stanton', '[MASK]', 'ri', '##vington', 'freeman', '[MASK]', 'stanton', 'cafe', 'him', '##ala', '##ya', 'slain', '##te', 'elizabeth', 'street', 'ha', '##bana', 'ha', '##bana', 've', '##rl', '##aine', 've', '##rl', '##aine', 'cheers', 'broom', '##e', 'street', 'gotham', 'barrio', 'chin', '##o', 'cafe', '[MASK]', '##ja', 'the', 'lower', 'east', 'side', 'the', 'lower', 'east', 'side', 'the', 'east', 'side', 'brick', '[MASK]', 'b', '[MASK]', '##cker', 'street', '[SEP]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]']]\n","Embeddings for entity 3: [[[-0.28443173 -0.21180399 -0.28999195 ... -0.45421076 0.22001196\n"," 0.33645397]\n"," [-0.01877349 1.2883748 -0.7619651 ... -0.05091103 0.467824\n"," 0.61257905]]]\n","Shape for entity 3: (1, 2, 768)\n","Sequence Length for entity 3: 300\n","Input IDs for entity 3: [[ 101 15845 2358 15845 103 15544 21827 11462 103 15845 7668 2032\n"," 7911 3148 19668 2618 3870 2395 5292 19445 5292 19445 2310 12190\n"," 18175 2310 12190 18175 21250 23528 2063 2395 22814 25676 5413 2080\n"," 7668 103 3900 1996 2896 2264 2217 1996 2896 2264 2217 1996\n"," 2264 2217 5318 103 1038 103 9102 2395 102 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Decoded Tokens for entity 3: [CLS] stanton st stanton [MASK] rivington freeman [MASK] stanton cafe himalaya slainte elizabeth street habana habana verlaine verlaine cheers broome street gotham barrio chino cafe [MASK]ja the lower east side the lower east side the east side brick [MASK] b [MASK]cker street [SEP] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD]\n","Input IDs before model: [[ 101 24001 24001 24001 16392 2352 24001 22200 24001 22200 3067 5946\n"," 13090 3067 103 13090 13433 20058 103 10424 7616 11320 4502 3067\n"," 103 103 5946 1996 15451 2102 2160 9378 5490 2225 103 6238\n"," 103 15854 6238 103 2630 10557 2630 10557 2019 2072 8670 10322\n"," 2080 8670 10322 2080 2899 103 2380 102 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Tokens before model: [['[CLS]', 'saigon', 'saigon', 'saigon', 'nyc', 'village', 'saigon', 'shack', 'saigon', 'shack', 'mine', '##tta', 'tavern', 'mine', '[MASK]', 'tavern', 'po', '##mme', '[MASK]', 'fr', '##ites', 'lu', '##pa', 'mine', '[MASK]', '[MASK]', '##tta', 'the', 'mal', '##t', 'house', 'wash', 'sq', 'west', '[MASK]', '##ster', '[MASK]', 'woo', '##ster', '[MASK]', 'blue', 'ribbon', 'blue', 'ribbon', 'an', '##i', 'ba', '##bb', '##o', 'ba', '##bb', '##o', 'washington', '[MASK]', 'park', '[SEP]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]']]\n","Embeddings for entity 4: [[[-2.32127458e-01 -9.18930769e-02 2.19136432e-01 2.96555981e-02\n"," 7.25247204e-01 -5.32851368e-02 9.94483903e-02 1.86052948e-01\n"," -3.08993846e-01 5.15926659e-01 1.20227590e-01 1.86715692e-01\n"," -4.41497207e-01 2.99828053e-01 -4.47100401e-01 -6.72887936e-02\n"," 5.82771480e-01 3.92545797e-02 2.07321435e-01 4.50910300e-01\n"," 7.55428791e-01 1.82055593e-01 -4.91308793e-02 7.83410549e-01\n"," 2.92378783e-01 -7.31824040e-01 -4.05730903e-01 -3.61942984e-02\n"," -2.11488619e-01 4.78587121e-01 -3.06102931e-01 1.76212519e-01\n"," 2.77128518e-01 -1.03135465e-03 -6.32077038e-01 -2.61811912e-01\n"," 5.83295703e-01 3.67664188e-01 3.86036187e-02 -6.20798290e-01\n"," -6.43285513e-01 1.37913093e-01 -3.14311922e-01 2.48697117e-01\n"," 2.68114090e-01 6.90909922e-02 -1.54573929e+00 4.49200958e-01\n"," 4.70977217e-01 -9.16715384e-01 2.18298048e-01 -2.51081228e-01\n"," -4.84505326e-01 -1.13845646e-01 3.58800530e-01 6.11110628e-01\n"," 1.73217356e-01 -3.94780159e-01 2.23506913e-01 -5.62340319e-01\n"," 4.45486844e-01 -4.27358551e-03 -1.59257993e-01 -3.85173589e-01\n"," -2.34834135e-01 4.60041136e-01 -2.23349303e-01 4.07035410e-01\n"," -4.03714389e-01 -2.92997897e-01 4.04580027e-01 1.24050513e-01\n"," 4.21054542e-01 3.23103309e-01 2.99802780e-01 -3.06068093e-01\n"," -4.99940693e-01 5.23851395e-01 -6.14880584e-02 -1.70648918e-01\n"," -3.58882666e-01 -5.97434223e-01 9.55330431e-02 -7.74227306e-02\n"," 1.90355644e-01 -7.42989123e-01 7.27307498e-01 3.81276786e-01\n"," 2.69985110e-01 4.85077113e-01 -4.89446551e-01 -1.74129173e-01\n"," 1.64864421e-01 1.88954532e-01 -8.66878152e-01 -2.62359194e-02\n"," 2.11557299e-01 3.36699694e-01 1.20699406e-01 -1.90134600e-01\n"," -7.11980939e-01 -9.89891171e-01 -6.68323115e-02 4.24929857e-01\n"," 3.83059144e-01 -2.70120353e-01 7.97938943e-01 3.64006639e-01\n"," 5.88814735e-01 8.31399322e-01 1.86285153e-01 -5.58987081e-01\n"," 7.59784937e-01 -7.55049646e-01 4.36736383e-02 -4.94223148e-01\n"," 5.55506766e-01 -3.09891701e-01 -8.62461254e-02 -9.29422617e-01\n"," 3.18029225e-02 -4.23724502e-01 -1.12866074e-01 3.99434298e-01\n"," 4.68819588e-01 -8.20364580e-02 7.40628615e-02 -3.52922916e-01\n"," -1.12787008e-01 -5.45717552e-02 -9.34484974e-02 7.09755123e-01\n"," 6.92794397e-02 9.64301266e-03 -3.62071544e-01 6.27914727e-01\n"," 5.74458614e-02 3.78374904e-01 -4.81822550e-01 -9.19076130e-02\n"," 5.21590859e-02 -2.59090122e-02 -1.68424428e-01 1.27533942e-01\n"," -2.05665193e-02 -3.33064228e-01 6.63775504e-02 3.02597225e-01\n"," 3.11101973e-01 -6.53546989e-01 1.16736487e-01 -1.07996181e-01\n"," -4.98000443e-01 -5.21951199e-01 3.30040336e-01 -1.23607919e-01\n"," -4.40430611e-01 -4.49122220e-01 -1.26617640e-01 4.19581115e-01\n"," -7.27578774e-02 -1.51742786e-01 -1.88369960e-01 -3.90673995e-01\n"," -5.15018106e-01 6.49584770e-01 -2.82208342e-02 7.18623996e-01\n"," -1.09455752e+00 -5.86448871e-02 3.56408358e-01 5.20350516e-01\n"," 7.86418021e-01 2.20755070e-01 8.70168507e-02 5.83842099e-01\n"," 5.70335388e-01 -2.07845330e-01 -1.31426767e-01 -1.88749209e-01\n"," -6.71206951e-01 -3.02740186e-01 -3.18212122e-01 2.78418630e-01\n"," 5.98317981e-01 -6.82105064e-01 8.30883324e-01 -2.56897628e-01\n"," -5.52377515e-02 -4.53176975e-01 -1.92191601e-01 -2.52950215e-03\n"," -3.30457628e-01 1.77060395e-01 5.28001264e-02 -4.54444997e-02\n"," -8.57218429e-02 2.56544411e-01 1.68761551e-01 -1.15616053e-01\n"," 3.50096226e-01 5.14472187e-01 3.86454999e-01 3.88289183e-01\n"," -5.27854741e-01 2.16889977e-01 3.85154448e-02 -1.18602421e-02\n"," 3.76549035e-01 5.26992500e-01 8.63661692e-02 -5.73871695e-02\n"," -1.68572336e-01 5.35125911e-01 -2.60125488e-01 -3.40530649e-02\n"," 7.53940523e-01 -7.67609596e-01 2.59812802e-01 -2.32273042e-01\n"," -7.08810747e-01 2.43516862e-01 -2.87564486e-01 -1.72863156e-01\n"," 5.22883311e-02 1.28039455e+00 3.22267264e-01 -4.01855767e-01\n"," 2.96064496e-01 8.73078108e-01 8.17452595e-02 -8.16755176e-01\n"," 9.09669578e-01 9.65073612e-03 -8.06252122e-01 5.25929146e-02\n"," 4.24942315e-01 -5.44106841e-01 2.14754149e-01 -2.82383353e-01\n"," 4.41166848e-01 7.22160712e-02 6.96993291e-01 -5.06527781e-01\n"," -1.05047755e-01 -9.04193938e-01 3.47809084e-02 3.32321137e-01\n"," -8.49012658e-02 -2.75587529e-01 4.31346714e-01 -2.09260434e-01\n"," 7.63776720e-01 7.64579698e-02 -4.60940957e-01 -5.22871315e-01\n"," -1.81263238e-01 1.88924998e-01 -4.57495630e-01 -9.82526422e-01\n"," 3.51930887e-01 -3.33721638e-01 2.72491693e-01 1.04421666e-02\n"," -2.89329886e-01 3.17154467e-01 -1.15669954e+00 -4.13663983e-02\n"," -1.39939159e-01 -1.27101049e-01 -1.10045694e-01 2.95935601e-01\n"," 5.64581566e-02 9.26031291e-01 3.21645319e-01 -2.71831214e-01\n"," 3.89375418e-01 2.83110559e-01 8.48079443e-01 -9.14455354e-01\n"," -3.63323480e-01 6.81037128e-01 -6.06349409e-02 -7.10844278e-01\n"," -3.51043314e-01 -1.55432820e-01 -5.91060102e-01 5.02832353e-01\n"," 4.64336872e-01 1.67976752e-01 3.44814032e-01 -2.06974909e-01\n"," -1.65562272e-01 1.00891590e-01 1.16840959e-01 1.21708706e-01\n"," 5.10155439e-01 5.08186758e-01 -1.57256052e-01 -8.64657044e-01\n"," -1.45590510e-02 -4.41058457e-01 2.06434689e-02 -1.21783063e-01\n"," 2.36847579e-01 1.83577538e-01 1.02910586e-01 -7.35641897e-01\n"," -5.24626541e+00 -1.47581592e-01 1.33208379e-01 -1.23400605e+00\n"," 7.92669430e-02 -6.18095458e-01 2.70189866e-02 -1.78242072e-01\n"," -2.05801502e-01 3.81381214e-01 3.94054130e-02 -3.71136785e-01\n"," 7.45533824e-01 -1.52756542e-01 2.99570169e-02 -2.98850060e-01\n"," 2.00396121e-01 1.67178556e-01 9.65733230e-02 4.54347610e-01\n"," -2.31699228e-01 -2.61062942e-02 2.62523830e-01 -3.23136538e-01\n"," 2.25508109e-01 4.26325083e-01 -4.59381372e-01 -4.60122973e-01\n"," 5.38587291e-03 -8.37337732e-01 4.20886248e-01 -5.26366591e-01\n"," 4.13217574e-01 1.67089373e-01 5.49848899e-02 -1.30149126e-01\n"," -2.22641930e-01 -9.42414880e-01 -8.10550973e-02 -1.20146990e-01\n"," 2.22168062e-02 -2.90578604e-02 -4.22715157e-01 -5.56364208e-02\n"," 2.23644897e-01 -2.15020459e-02 2.28317901e-01 2.65085727e-01\n"," -7.28800774e-01 -1.21461749e-01 1.58559635e-01 3.25366378e-01\n"," -2.05111682e-01 4.83622640e-01 4.82733339e-01 -1.86771348e-01\n"," 6.58763587e-01 1.63742796e-01 -1.21733956e-01 -2.87434936e-01\n"," 8.75151873e-01 -1.18269145e-01 -5.41791439e-01 6.04858398e-01\n"," 3.21258634e-01 -3.88020962e-01 -5.54738522e-01 3.71391892e-01\n"," -4.45316166e-01 6.76476583e-02 -3.50067645e-01 4.24743667e-02\n"," 2.62260251e-02 -7.52956212e-01 8.46208632e-02 -6.85882270e-01\n"," -3.05912904e-02 -2.12879717e-01 4.36664402e-01 -1.27411503e-02\n"," -3.39583725e-01 -1.87498271e-01 5.24547100e-01 1.17620982e-01\n"," -4.23407406e-01 -4.42694753e-01 -2.74582684e-01 4.17836040e-01\n"," -3.64087284e-01 -3.49417746e-01 -1.17424928e-01 6.38979673e-01\n"," 3.58592451e-01 5.06961681e-02 4.13037360e-01 3.78887624e-01\n"," -5.66198863e-02 -1.15354352e-01 3.89262177e-02 5.96774042e-01\n"," 5.01773298e-01 6.14198409e-02 6.02574348e-01 -1.09670341e+00\n"," 1.19834162e-01 4.81998891e-01 -4.64814574e-01 7.39254355e-01\n"," 4.17518109e-01 1.12306356e-01 -4.77655143e-01 -2.21514344e-01\n"," -1.89910144e-01 -6.52637064e-01 9.20041502e-02 1.97890297e-01\n"," 3.78159016e-01 4.19413298e-01 3.98006529e-01 1.19805522e-01\n"," 1.82827637e-01 2.08881255e-02 5.97022414e-01 1.67657286e-01\n"," -2.99780875e-01 -2.65357167e-01 -4.31526393e-01 -2.49820575e-01\n"," 6.33335114e-02 -3.47334266e-01 2.37650007e-01 -1.20795839e-01\n"," 2.14175791e-01 1.73247337e-01 5.16895235e-01 -4.82260324e-02\n"," -2.79049516e-01 -1.27826440e+00 1.93881035e-01 1.11989148e-01\n"," -4.67525035e-01 1.20040372e-01 3.80351424e-01 -5.78683794e-01\n"," -5.13348401e-01 -1.45789474e-01 3.03920537e-01 9.09982771e-02\n"," 1.46969870e-01 1.14659496e-01 -1.38986647e+00 -4.45276529e-01\n"," -3.18292856e-01 -3.43734324e-01 1.95033327e-01 5.16402006e-01\n"," 3.31339091e-01 -2.53450990e-01 -2.80474722e-01 -5.61761200e-01\n"," 5.97164750e-01 -2.39306733e-01 -4.17944103e-01 2.64335930e-01\n"," -8.24504912e-01 3.25888604e-01 2.93572217e-01 3.22955221e-01\n"," -3.03191513e-01 2.45280206e-01 -1.26565292e-01 -2.75402725e-01\n"," -3.87265712e-01 -4.56490844e-01 -1.16372550e+00 6.54272810e-02\n"," -2.41214558e-01 -5.31952202e-01 4.11137015e-01 3.13046128e-01\n"," 2.32168809e-01 -1.26493454e-01 -3.97229671e-01 1.23795293e-01\n"," -2.18757018e-01 6.02300465e-01 4.65756148e-01 -4.54503708e-02\n"," 4.68754351e-01 2.49049067e-01 -6.19977526e-03 -9.53918975e-03\n"," 5.38234949e-01 4.46773529e-01 -8.64204466e-01 -5.95894098e-01\n"," 3.01001161e-01 6.81683242e-01 7.83131242e-01 3.93483669e-01\n"," -1.88484564e-01 -6.66944861e-01 6.39800727e-02 4.21733141e-01\n"," 3.75889868e-01 1.12136650e+00 -6.24863580e-02 5.32989949e-02\n"," 5.77582568e-02 4.49248701e-02 3.45943153e-01 -4.22091454e-01\n"," -2.64078349e-01 3.48746508e-01 2.67953962e-01 -6.59206271e-01\n"," -1.32132098e-01 6.68191293e-04 -7.88972735e-01 4.61224258e-01\n"," -7.54186630e-01 -2.69988179e-01 2.35952027e-02 2.18563303e-01\n"," -5.98371267e-01 -5.82349062e-01 -1.31415695e-01 -3.01632077e-01\n"," 7.62087703e-02 -6.15611196e-01 1.38914615e-01 5.00038028e-01\n"," -9.59163457e-02 4.39847231e-01 -3.89594436e-01 1.49660861e+00\n"," -2.77075171e-02 -5.28882623e-01 2.69330263e-01 2.86625177e-01\n"," 2.52468556e-01 6.19645119e-01 5.69440387e-02 -1.04844320e+00\n"," -1.93931609e-01 -9.11211688e-03 -2.90297180e-01 1.93473130e-01\n"," 7.73154378e-01 -1.38327748e-01 2.92048275e-01 3.49459462e-02\n"," -9.24798325e-02 6.59925938e-02 7.54584372e-01 8.22292641e-02\n"," -8.22204769e-01 -3.25041771e-01 -8.61675739e-02 3.47461626e-02\n"," -6.12557709e-01 1.34840712e-01 2.79068239e-02 -3.59331250e-01\n"," 7.77637720e-01 -1.40012190e-01 6.35521293e-01 8.11932266e-01\n"," 1.31203914e-02 -8.88220429e-01 1.53721929e-01 -4.90582585e-01\n"," 5.28307259e-01 -1.70463726e-01 -1.31836794e-02 2.04324186e-01\n"," 2.01147139e-01 -6.57060266e-01 1.16611801e-01 -4.01594400e-01\n"," -9.24448311e-01 -4.08888936e-01 -4.30269688e-01 -1.84269235e-01\n"," 1.00098908e+00 -2.12632939e-01 1.13407299e-01 2.37189204e-01\n"," -2.24308521e-01 4.03059542e-01 2.42508426e-02 3.67209017e-01\n"," -5.16948581e-01 3.10835242e-01 -3.00943404e-01 4.39933121e-01\n"," 1.01037085e+00 5.10283887e-01 1.59436405e-01 -6.57830834e-02\n"," 1.89033464e-01 5.90162218e-01 -2.24603012e-01 4.03840169e-02\n"," -5.36061525e-02 -1.35151312e-01 -2.63676643e-01 -1.14582680e-01\n"," -2.54939473e-03 3.76228899e-01 7.56380320e-01 -4.80822846e-02\n"," 4.65031087e-01 3.13537605e-02 -3.45779687e-01 6.92100897e-02\n"," -3.29069793e-02 -7.03116134e-03 1.11795226e-02 -2.13431776e-01\n"," 2.46553612e-03 -1.07456803e-01 1.42936516e+00 3.84415299e-01\n"," 1.08065140e+00 4.10582781e-01 -3.28331798e-01 -6.76242232e-01\n"," 8.84066582e-01 1.31225780e-01 -3.55111003e-01 5.37703894e-02\n"," 2.55652785e-01 -1.24962129e-01 1.00433066e-01 -9.07299668e-02\n"," 9.93123800e-02 -2.25957721e-01 1.48931697e-01 4.36302334e-01\n"," 3.61645743e-02 1.53136238e-01 -4.26383138e-01 -1.04319178e-01\n"," -5.80002442e-02 1.96728289e-01 3.55804950e-01 -4.64399680e-02\n"," -1.13301806e-01 -1.69528246e-01 -1.93541527e-01 9.86101985e-01\n"," -2.26272881e-01 -1.32977039e-01 1.57398209e-01 -7.07822561e-01\n"," 4.77300538e-03 -1.60121769e-02 -4.43615735e-01 8.17510724e-01\n"," 4.26374465e-01 8.53859484e-01 8.92099798e-01 -2.20892414e-01\n"," -2.55746245e-01 5.04031718e-01 -3.98926407e-01 2.87004024e-01\n"," -3.01377892e-01 -1.33867025e-01 1.74790367e-01 2.01532006e-01\n"," -9.13695276e-01 4.98295575e-01 -5.84768541e-02 -3.61467630e-01\n"," -2.88227826e-01 9.36566517e-02 7.73162171e-02 3.84741366e-01\n"," -4.05206710e-01 1.64408937e-01 -2.27388948e-01 -2.81376272e-01\n"," -9.52850804e-02 -4.09162611e-01 4.07696515e-02 8.54342133e-02\n"," -1.16895831e+00 -8.20526838e-01 -3.28012228e-01 -2.17720807e-01\n"," 5.53152502e-01 -1.64649427e-01 3.71408701e-01 -5.93737066e-01\n"," -7.25642964e-02 -2.13964388e-01 1.36529446e-01 7.43945688e-02\n"," 4.36803877e-01 -2.30315685e-01 2.99450606e-01 2.09624469e-01\n"," 3.97413343e-01 -5.87478042e-01 -2.04276100e-01 -2.77292758e-01\n"," -5.40722728e-01 1.02845681e+00 -1.03554748e-01 6.24136627e-01\n"," -5.85075855e-01 2.21690238e-01 -7.13158309e-01 -1.82012260e-01\n"," 3.05482507e-01 2.14402586e-01 -2.53102005e-01 -3.56745750e-01\n"," -2.13511437e-01 -9.00834739e-01 4.02278066e-01 -4.62024748e-01\n"," -2.51226604e-01 -2.31557265e-01 1.21537335e-01 1.36342585e-01\n"," -9.52898085e-01 -1.06946789e-01 4.38074768e-01 2.97690511e-01\n"," 9.93487388e-02 5.76441586e-01 -2.17864022e-01 -3.39290261e-01\n"," -1.04374520e-01 -5.08866191e-01 -2.68830091e-01 -5.44010222e-01\n"," 8.76054049e-01 5.63209474e-01 -5.08262277e-01 5.43685138e-01\n"," 1.42189920e+00 3.79516244e-01 3.66262764e-01 2.73080152e-02\n"," -9.20679927e-01 -6.34345829e-01 -7.93236494e-01 -5.89900613e-02\n"," -2.95962870e-01 -4.21347879e-02 1.59806550e-01 -6.78540111e-01\n"," -9.10421908e-02 -1.48749292e-01 2.27457732e-01 1.55423284e-01]]]\n","Shape for entity 4: (1, 1, 768)\n","Sequence Length for entity 4: 300\n","Input IDs for entity 4: [[ 101 24001 24001 24001 16392 2352 24001 22200 24001 22200 3067 5946\n"," 13090 3067 103 13090 13433 20058 103 10424 7616 11320 4502 3067\n"," 103 103 5946 1996 15451 2102 2160 9378 5490 2225 103 6238\n"," 103 15854 6238 103 2630 10557 2630 10557 2019 2072 8670 10322\n"," 2080 8670 10322 2080 2899 103 2380 102 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Decoded Tokens for entity 4: [CLS] saigon saigon saigon nyc village saigon shack saigon shack minetta tavern mine [MASK] tavern pomme [MASK] frites lupa mine [MASK] [MASK]tta the malt house wash sq west [MASK]ster [MASK] wooster [MASK] blue ribbon blue ribbon ani babbo babbo washington [MASK] park [SEP] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD]\n","Input IDs before model: [[ 101 2225 103 2225 3077 11831 103 5951 24547 2064 13770 2064\n"," 13770 7273 12846 103 5365 5365 11942 6921 6921 7207 6396 2063\n"," 103 103 16271 5735 7304 102 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Tokens before model: [['[CLS]', 'west', '[MASK]', 'west', '##ville', 'bombay', '[MASK]', 'franklin', 'wal', 'can', '##tina', 'can', '##tina', 'thai', 'cuisine', '[MASK]', 'hollywood', 'hollywood', 'cane', 'madrid', 'madrid', 'clinton', 'ny', '##e', '[MASK]', '[MASK]', 'clifton', 'russell', 'peru', '[SEP]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]', '[PAD]']]\n"]},{"output_type":"stream","name":"stderr","text":["/usr/local/lib/python3.10/dist-packages/transformers/modeling_utils.py:1052: FutureWarning: The `device` argument is deprecated and will be removed in v5 of Transformers.\n"," warnings.warn(\n"]},{"output_type":"stream","name":"stdout","text":["Embeddings for entity 5: [[[ 0.04580183 -0.3487388 0.07472646 ... -0.504709 0.51350564\n"," 0.5396417 ]\n"," [-0.63502467 0.133689 -0.26431495 ... -1.0011739 0.59217864\n"," 0.14183448]]]\n","Shape for entity 5: (1, 2, 768)\n","Sequence Length for entity 5: 300\n","Input IDs for entity 5: [[ 101 2225 103 2225 3077 11831 103 5951 24547 2064 13770 2064\n"," 13770 7273 12846 103 5365 5365 11942 6921 6921 7207 6396 2063\n"," 103 103 16271 5735 7304 102 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0\n"," 0 0 0 0 0 0 0 0 0 0 0 0]]\n","Decoded Tokens for entity 5: [CLS] west [MASK] westville bombay [MASK] franklin wal cantina cantina thai cuisine [MASK] hollywood hollywood cane madrid madrid clinton nye [MASK] [MASK] clifton russell peru [SEP] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD] [PAD]\n","Tokenizer vocabulary size: 30522\n"]}]},{"cell_type":"code","source":["embeddings.shape"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"dk5QikqoIz0l","executionInfo":{"status":"ok","timestamp":1718998349345,"user_tz":420,"elapsed":194,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"2a9471c2-7071-4ffe-d2bb-25936b92e7fe"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["(1, 2, 768)"]},"metadata":{},"execution_count":28}]},{"cell_type":"code","source":["#all_embeddings[0].shape"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"OqFj7sSXLHaT","executionInfo":{"status":"ok","timestamp":1718762536551,"user_tz":420,"elapsed":364,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"433882f7-7732-453a-d062-ce96dfa68206"},"execution_count":null,"outputs":[{"output_type":"execute_result","data":{"text/plain":["(1, 3, 768)"]},"metadata":{},"execution_count":27}]},{"cell_type":"code","source":[],"metadata":{"id":"Iet7FCF6OxW8"},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":["# Testing the model with various inputs\n"],"metadata":{"id":"0CBELAbxFqpv"}},{"cell_type":"code","source":["# Prepare a dummy input for testing\n","input_text = \"This is a test sentence.\"\n","encoded_input = tokenizer(input_text, return_tensors='pt', padding='max_length', max_length=300, truncation=True)\n","input_ids = encoded_input['input_ids'].to(device)\n","attention_mask = encoded_input['attention_mask'].to(device)\n","\n","# Create dummy position lists\n","batch_size = input_ids.shape[0]\n","max_len = input_ids.shape[1]\n","position_list_x = torch.zeros((batch_size, max_len), dtype=torch.float32).to(device)\n","position_list_y = torch.zeros((batch_size, max_len), dtype=torch.float32).to(device)\n","sent_position_ids = torch.arange(max_len).unsqueeze(0).expand(batch_size, -1).to(device)\n","\n","# Forward pass\n","with torch.no_grad():\n"," outputs = model(input_ids=input_ids,\n"," attention_mask=attention_mask,\n"," sent_position_ids=sent_position_ids,\n"," position_list_x=position_list_x,\n"," position_list_y=position_list_y)\n","\n","# Check the output\n","if config.output_hidden_states:\n"," hidden_states = outputs.hidden_states\n"," print(f\"Number of layers (including embedding layer): {len(hidden_states)}\")\n"," print(f\"Shape of hidden states for each layer: {[state.shape for state in hidden_states]}\")\n","else:\n"," print(\"Hidden states not outputted\")"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"JamZgfEP-6K8","executionInfo":{"status":"ok","timestamp":1718993333983,"user_tz":420,"elapsed":464,"user":{"displayName":"Jason Phillips","userId":"10136472498761089328"}},"outputId":"1a78ac8d-e202-4f6f-bdf0-065ccaeec313"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Number of layers (including embedding layer): 13\n","Shape of hidden states for each layer: [torch.Size([1, 300, 768]), torch.Size([1, 300, 768]), torch.Size([1, 300, 768]), torch.Size([1, 300, 768]), torch.Size([1, 300, 768]), torch.Size([1, 300, 768]), torch.Size([1, 300, 768]), torch.Size([1, 300, 768]), torch.Size([1, 300, 768]), torch.Size([1, 300, 768]), torch.Size([1, 300, 768]), torch.Size([1, 300, 768]), torch.Size([1, 300, 768])]\n"]}]},{"cell_type":"code","source":["# Access the hidden states\n","hidden_states = outputs.hidden_states\n","\n","# Get the hidden states of the last layer:\n","last_hidden_state = hidden_states[-1] # Shape: [1, 300, 768]\n","\n","# Print the tokens and their corresponding embeddings for the first sequence in the batch\n","input_ids_batch = input_ids[0].cpu().numpy() # Convert to numpy for easy indexing\n","\n","for token_index in range(len(input_ids_batch)):\n"," token_id = input_ids_batch[token_index]\n"," token_str = tokenizer.decode(token_id)\n"," token_embedding = last_hidden_state[0, token_index, :] # Shape: [768]\n","\n"," print(f\"Token: {token_str} | Token ID: {token_id} | Embedding shape: {token_embedding.shape}\")"],"metadata":{"id":"BUVgcSCA_msw"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["import torch\n","from transformers import BertTokenizer\n","\n","# Initialize the tokenizer\n","tokenizer = BertTokenizer.from_pretrained('bert-base-uncased')\n","\n","# Example input text\n","pivot_name = \"Central Park\"\n","pivot_pos = [40.785091, -73.968285] # Latitude, Longitude\n","neighbor_names = [\"Museum of Natural History\", \"Metropolitan Museum of Art\"]\n","neighbor_positions = [[40.781324, -73.973988], [40.779437, -73.963244]]\n","\n","# Tokenize pivot and neighbors\n","pivot_tokens = tokenizer.tokenize(pivot_name)\n","pivot_token_ids = tokenizer.convert_tokens_to_ids(pivot_tokens)\n","neighbor_token_ids = [tokenizer.convert_tokens_to_ids(tokenizer.tokenize(name)) for name in neighbor_names]\n","\n","# Flatten neighbor token IDs\n","neighbor_token_ids_flat = [token_id for sublist in neighbor_token_ids for token_id in sublist]\n","\n","# Create the full token ID list with special tokens\n","input_tokens = [tokenizer.cls_token_id] + pivot_token_ids + [tokenizer.sep_token_id] + neighbor_token_ids_flat + [tokenizer.sep_token_id]\n","input_ids = tokenizer.convert_tokens_to_ids(input_tokens)\n","\n","# Pad the input IDs to the max length\n","max_token_len = 300\n","padding_length = max_token_len - len(input_ids)\n","input_ids += [tokenizer.pad_token_id] * padding_length\n","\n","# Create attention mask\n","attention_mask = [1] * len(input_tokens) + [0] * padding_length\n","\n","# Create sentence position IDs\n","sent_position_ids = list(range(max_token_len))\n","\n","# Normalize positions\n","distance_norm_factor = 0.0001\n","norm_lng_list = [(pos[1] - pivot_pos[1]) / distance_norm_factor for pos in [pivot_pos] + neighbor_positions]\n","norm_lat_list = [(pos[0] - pivot_pos[0]) / distance_norm_factor for pos in [pivot_pos] + neighbor_positions]\n","\n","# Pad the position lists to the max length\n","norm_lng_list += [0.0] * (max_token_len - len(norm_lng_list))\n","norm_lat_list += [0.0] * (max_token_len - len(norm_lat_list))\n","\n","# Create the batch dictionary\n","batch = {\n"," 'masked_input': torch.tensor([input_ids], dtype=torch.long),\n"," 'attention_mask': torch.tensor([attention_mask], dtype=torch.long),\n"," 'sent_position_ids': torch.tensor([sent_position_ids], dtype=torch.long),\n"," 'norm_lng_list': torch.tensor([norm_lng_list], dtype=torch.float),\n"," 'norm_lat_list': torch.tensor([norm_lat_list], dtype=torch.float),\n"," 'pivot_token_len': torch.tensor([len(pivot_token_ids)], dtype=torch.long)\n","}\n","\n","# Display the example batch\n","print(batch)"],"metadata":{"id":"g6NTtY4RDvfA"},"execution_count":null,"outputs":[]}]} \ No newline at end of file diff --git a/models/spabert/notebooks/__pycache__/WHGDataset.cpython-310.pyc b/models/spabert/notebooks/__pycache__/WHGDataset.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..e929c8319e7e9b7f7807f5f503011e4abd3001a7 Binary files /dev/null and b/models/spabert/notebooks/__pycache__/WHGDataset.cpython-310.pyc differ diff --git a/models/spabert/notebooks/spabert-entity-linking.ipynb b/models/spabert/notebooks/spabert-entity-linking.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..5456baf26227f35e2c4918a22d0d63d602c0c747 --- /dev/null +++ b/models/spabert/notebooks/spabert-entity-linking.ipynb @@ -0,0 +1,287 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "import sys\n", + "from transformers import BertTokenizer\n", + "from transformers.models.bert.modeling_bert import BertForMaskedLM\n", + "import torch\n", + "from WHGDataset import WHGDataset\n", + "\n", + "sys.path.append(\"../\")\n", + "from datasets.usgs_os_sample_loader import USGS_MapDataset\n", + "from datasets.wikidata_sample_loader import Wikidata_Geocoord_Dataset, Wikidata_Random_Dataset\n", + "from models.spatial_bert_model import SpatialBertModel\n", + "from models.spatial_bert_model import SpatialBertConfig\n", + "from models.spatial_bert_model import SpatialBertForMaskedLM\n", + "from utils.find_closest import find_ref_closest_match, sort_ref_closest_match\n", + "from utils.common_utils import load_spatial_bert_pretrained_weights, get_spatialbert_embedding, get_bert_embedding, write_to_csv\n", + "from utils.baseline_utils import get_baseline_model\n", + "\n", + "\n", + "# load our spabert model\n", + "device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu')\n", + "tokenizer = BertTokenizer.from_pretrained('bert-base-uncased')\n", + " \n", + "config = SpatialBertConfig()\n", + "model = SpatialBertModel(config)\n", + "\n", + "model.to(device)\n", + "model.eval()\n", + "\n", + "# load pretrained weights\n", + "pre_trained_model=torch.load('tutorial_datasets/fine-spabert-base-uncased-finetuned-osm-mn.pth')\n", + "cnt_layers = 0\n", + "model_keys = model.state_dict()\n", + "for key in model_keys:\n", + " if 'bert.'+ key in pre_trained_model:\n", + " model_keys[key] = pre_trained_model[\"bert.\"+key]\n", + " cnt_layers += 1\n", + " else:\n", + " print(\"No weight for\", key)\n", + "print(cnt_layers, 'layers loaded')\n", + "\n", + "model.load_state_dict(model_keys)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# load entity-linking datasets\n", + "\n", + "sep_between_neighbors = False\n", + "wikidata_dict_per_map = {}\n", + "wikidata_dict_per_map['wikidata_emb_list'] = []\n", + "wikidata_dict_per_map['wikidata_qid_list'] = []\n", + "wikidata_dict_per_map['names'] = []\n", + "\n", + "\n", + "whg_dataset = WHGDataset(\n", + " data_file_path = 'tutorial_datasets/spabert_whg_wikidata.json',\n", + " tokenizer = tokenizer,\n", + " max_token_len = 512, \n", + " distance_norm_factor = 25, \n", + " spatial_dist_fill=100,\n", + " sep_between_neighbors = sep_between_neighbors)\n", + "\n", + "wikidata_dataset = WHGDataset(\n", + " data_file_path='tutorial_datasets/spabert_wikidata_sampled.json',\n", + " tokenizer=tokenizer,\n", + " max_token_len=512,\n", + " distance_norm_factor=50000,\n", + " spatial_dist_fill=20,\n", + " sep_between_neighbors=sep_between_neighbors)\n", + "\n", + "\n", + "matched_wikid_dataset = []\n", + "for i in range(len(wikidata_dataset)):\n", + " emb = wikidata_dataset[i]\n", + " matched_wikid_dataset.append(emb)\n", + " max_dist_lng = max(emb['norm_lng_list'])\n", + " max_dist_lat = max(emb['norm_lat_list'])\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import sys\n", + "sys.path.append('../')\n", + "from experiments.entity_matching.data_processing import request_wrapper\n", + "import scipy.spatial as sp\n", + "import numpy as np\n", + "## ENTITY LINKING ##\n", + "\n", + "\n", + "# disambigufy\n", + "def disambiguify(model, model_name, usgs_dataset, wikidata_dict_list, candset_mode = 'all_map', if_use_distance = True, select_indices = None): \n", + "\n", + " if select_indices is None: \n", + " select_indices = range(0, len(wikidata_dict_list))\n", + "\n", + "\n", + " assert(candset_mode in ['all_map','per_map'])\n", + " wikidata_emb_list = wikidata_dict_list['wikidata_emb_list']\n", + " wikidata_qid_list = wikidata_dict_list['wikidata_qid_list'] \n", + " ret_list = []\n", + " for i in range(len(usgs_dataset)):\n", + " if (i % 1000) == 0:\n", + " print(\"disambigufy at \" + str((i/len(usgs_dataset))*100)+\"%\")\n", + " if model_name == 'spatial_bert-base' or model_name == 'spatial_bert-large':\n", + " usgs_emb = get_spatialbert_embedding(usgs_dataset[i], model, use_distance = if_use_distance)\n", + " else:\n", + " usgs_emb = get_bert_embedding(usgs_dataset[i], model)\n", + " sim_matrix = 1 - sp.distance.cdist(np.array(wikidata_emb_list), np.array([usgs_emb]), 'cosine')\n", + " closest_match_qid = sort_ref_closest_match(sim_matrix, wikidata_qid_list)\n", + " #print(closest_match_qid)\n", + " \n", + " sorted_sim_matrix = np.sort(sim_matrix, axis = 0)[::-1] # descending order\n", + "\n", + " ret_dict = dict()\n", + " ret_dict['pivot_name'] = usgs_dataset[i]['pivot_name']\n", + "\n", + " ret_dict['sorted_match_qid'] = [a[0] for a in closest_match_qid]\n", + " ret_dict['sorted_sim_matrix'] = [a[0] for a in sorted_sim_matrix]\n", + "\n", + " ret_list.append(ret_dict)\n", + "\n", + " return ret_list \n", + "\n", + "\n", + "candset_mode = 'all_map'\n", + "for i in range(0, len(matched_wikid_dataset)):\n", + " if (i % 1000) == 0:\n", + " print(\"processing at: \"+ str(i/len(matched_wikid_dataset)*100) + \"%\")\n", + " #print(matched_wikid_dataset[i])\n", + " entity = matched_wikid_dataset[i]\n", + " wikidata_emb = get_spatialbert_embedding(matched_wikid_dataset[i], model)\n", + " wikidata_dict_per_map['wikidata_emb_list'].append(wikidata_emb)\n", + " wikidata_dict_per_map['wikidata_qid_list'].append(matched_wikid_dataset[i]['qid'])\n", + " wikidata_dict_per_map['names'].append(wikidata_dataset[i]['pivot_name'])\n", + "\n", + "ret_list = disambiguify(model, 'spatial_bert-base', whg_dataset, wikidata_dict_per_map, candset_mode= candset_mode, if_use_distance = not False, select_indices = None)\n", + "write_to_csv('tutorial_datasets/', \"output.csv\", ret_list)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Evaluate entity linking\n", + "import os\n", + "import pandas as pd\n", + "import json\n", + "\n", + "# define the ground truth directory for evaluation\n", + "gt_dir = os.path.abspath(\"tutorial_datasets/spabert_wikidata_sampled.json\")\n", + "\n", + "\n", + "# define the file where we wrote out predictions\n", + "prediction_path = os.path.abspath('tutorial_datasets/output.csv.json')\n", + "\n", + "\n", + "# define ground truth dictionary\n", + "gt_dict = dict()\n", + "\n", + "with open(gt_dir) as f:\n", + " data = f.readlines()\n", + " for line in data:\n", + " d = json.loads(line)\n", + " gt_dict[d['info']['name']] = d['info']['qid']\n", + "\n", + "\n", + "\n", + "rank_list = []\n", + "hits_at_1 = 0\n", + "hits_at_5 = 0\n", + "hits_at_10 = 0\n", + "out_dict = {'title':[],'rank':[]}\n", + "\n", + "with open(prediction_path) as f:\n", + " data = f.readlines()\n", + " for line in data:\n", + " pred_dict = json.loads(line)\n", + " pivot_name = pred_dict['pivot_name']\n", + " sorted_matched_uri = pred_dict['sorted_match_qid']\n", + " sorted_sim_matrix = pred_dict['sorted_sim_matrix']\n", + " if pivot_name in gt_dict:\n", + " gt_uri = gt_dict[pivot_name]\n", + " rank = sorted_matched_uri.index(gt_uri) +1\n", + " if rank == 1:\n", + " hits_at_1 += 1\n", + " if rank <= 5:\n", + " hits_at_5 += 1\n", + " if rank <= 10:\n", + " hits_at_10 +=1\n", + " rank_list.append(rank)\n", + " out_dict['title'].append(pivot_name)\n", + " out_dict['rank'].append(rank)\n", + "\n", + "hits_at_1 = hits_at_1/len(rank_list)\n", + "hits_at_5 = hits_at_5/len(rank_list)\n", + "hits_at_10 = hits_at_10/len(rank_list)\n", + "\n", + "print(hits_at_1)\n", + "print(hits_at_5)\n", + "print(hits_at_10)\n", + "\n", + "out_df = pd.DataFrame(out_dict)\n", + "out_df\n", + " \n", + "\n" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Mean Reciprocal Rank is a statistical measure for evaluating processes that produce a list of possible responses of a query in order of probability of correctness.\n", + "\n", + "First we obtain the rank from the ranked list shown above.\n", + "\n", + "Next we calculate the reciprocal rank for each rank. The reciprocal is the inverse of the rank. So for a rank of 1 the recprocal rank would be 1/1, for a rank of 2 the reciprocal rank would be 1/2.\n", + "\n", + "The mean reciprocal rank is the average of the reciprocal ranks. \n", + "\n", + "This measure gives us a general conceptualization of how well our model predicts entities based on their embeddings.\n", + "\n", + "An in-depth description of Mean Reciprocal Rank can be found here https://en.wikipedia.org/wiki/Mean_reciprocal_rank\n", + "\n", + "An import thing to keep in mind when caclulating mean reciprocal rank is that it tends to inversely scale with your candidate set size\n", + "\n", + "Our candidate set is has a length of 4624 " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# calculating the mean reciprocal rank (MRR)\n", + "import numpy as np\n", + "\n", + "reciprocal_list = [1./rank for rank in rank_list]\n", + "\n", + "MRR = np.mean(reciprocal_list)\n", + "\n", + "print(MRR)\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "ucgis23workshop", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.3" + }, + "orig_nbformat": 4 + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/models/spabert/notebooks/spabert-fine-tuning.ipynb b/models/spabert/notebooks/spabert-fine-tuning.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..9d37c5fb1d2ee50bb9a33520b4b4424a0268633b --- /dev/null +++ b/models/spabert/notebooks/spabert-fine-tuning.ipynb @@ -0,0 +1,262 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import json\n", + "import pandas as pd\n", + "\n", + "# LOCATION OF THE OSM DATA FOR FINE-TUNING\n", + "data = 'tutorial_datasets/osm_mn.csv'\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "## CONSTRUCT DATASET FOR FINE TUNING ##\n", + "\n", + "# Read data from .csv data file\n", + "\n", + "state_frame = pd.read_csv(data)\n", + "\n", + "\n", + "# construct list of names and coordinates from data\n", + "name_list = []\n", + "coordinate_list = []\n", + "for i, item in state_frame.iterrows():\n", + " name = item[1]\n", + " lat = item[2]\n", + " lng =item[3]\n", + " name_list.append(name)\n", + " coordinate_list.append([lng,lat])\n", + "\n", + "\n", + "# construct KDTree out of coordinates list for when we make the neighbor lists\n", + "import scipy.spatial as scp\n", + "\n", + "ordered_neighbor_coordinate_list = scp.KDTree(coordinate_list)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "state_frame" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "# Get top 20 nearest neighbors for each entity in dataset\n", + "with open('tutorial_datasets/SPABERT_finetuning_data.json', 'w') as out_f:\n", + " for i, item in state_frame.iterrows():\n", + " name = item[1]\n", + " lat = item[2]\n", + " lng = item[3]\n", + " coordinates = [lng,lat]\n", + "\n", + " _, nearest_neighbors_idx = ordered_neighbor_coordinate_list.query([coordinates], k=21)\n", + "\n", + " # we want to store their names and coordinates\n", + "\n", + " nearest_neighbors_name = []\n", + " nearest_neighbors_coords = []\n", + " \n", + " # iterate over nearest neighbors list\n", + " for idx in nearest_neighbors_idx[0]:\n", + " # get name and coordinate of neighbor\n", + " neighbor_name = name_list[idx]\n", + " neighbor_coords = coordinate_list[idx]\n", + " nearest_neighbors_name.append(neighbor_name)\n", + " nearest_neighbors_coords.append({\"coordinates\": neighbor_coords})\n", + " \n", + " # construct neighbor info dictionary object for SpaBERT embedding construction\n", + " neighbor_info = {\"name_list\":nearest_neighbors_name, \"geometry_list\":nearest_neighbors_coords}\n", + "\n", + "\n", + " # construct full dictionary object for SpaBERT embedding construction\n", + " place = {\"info\":{\"name\":name, \"geometry\":{\"coordinates\": coordinates}}, \"neighbor_info\":neighbor_info}\n", + "\n", + " out_f.write(json.dumps(place))\n", + " out_f.write('\\n')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "### FINE-TUNE SPABERT\n", + "import sys\n", + "from transformers.models.bert.modeling_bert import BertForMaskedLM\n", + "from transformers import BertTokenizer\n", + "sys.path.append(\"../\")\n", + "from models.spatial_bert_model import SpatialBertConfig\n", + "from utils.common_utils import load_spatial_bert_pretrained_weights\n", + "from models.spatial_bert_model import SpatialBertForMaskedLM\n", + "\n", + "# load dataset we just created\n", + "\n", + "dataset = 'tutorial_datasets/SPABERT_finetuning_data.json'\n", + "\n", + "# load pre-trained spabert model\n", + "\n", + "pretrained_model = 'tutorial_datasets/mlm_mem_keeppos_ep0_iter06000_0.2936.pth'\n", + "\n", + "\n", + "# load bert model and tokenizer as well as the SpaBERT config\n", + "bert_model = BertForMaskedLM.from_pretrained('bert-base-uncased')\n", + "tokenizer = BertTokenizer.from_pretrained('bert-base-uncased')\n", + "config = SpatialBertConfig()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# load pre-trained spabert model\n", + "import torch\n", + "model = SpatialBertForMaskedLM(config)\n", + "\n", + "model.load_state_dict(bert_model.state_dict() , strict = False) \n", + "\n", + "pre_trained_model = torch.load(pretrained_model)\n", + "\n", + "model_keys = model.state_dict()\n", + "cnt_layers = 0\n", + "for key in model_keys:\n", + " if key in pre_trained_model:\n", + " model_keys[key] = pre_trained_model[key]\n", + " cnt_layers += 1\n", + " else:\n", + " print(\"No weight for\", key)\n", + "print(cnt_layers, 'layers loaded')\n", + "\n", + "model.load_state_dict(model_keys)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from datasets.osm_sample_loader import PbfMapDataset\n", + "from torch.utils.data import DataLoader\n", + "# load fine-tning dataset with data loader\n", + "\n", + "fine_tune_dataset = PbfMapDataset(data_file_path = dataset, \n", + " tokenizer = tokenizer, \n", + " max_token_len = 300, \n", + " distance_norm_factor = 0.0001, \n", + " spatial_dist_fill = 20, \n", + " with_type = False,\n", + " sep_between_neighbors = False, \n", + " label_encoder = None,\n", + " mode = None)\n", + "#initialize data loader\n", + "train_loader = DataLoader(fine_tune_dataset, batch_size=12, num_workers=5, shuffle=False, pin_memory=True, drop_last=True)\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "# cast our loaded model to a gpu if one is available, otherwise use the cpu\n", + "device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu')\n", + "model.to(device)\n", + "\n", + "# set model to training mode\n", + "model.train()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "### FINE TUNING PROCEDURE ###\n", + "from tqdm import tqdm \n", + "from transformers import AdamW\n", + "# initialize optimizer\n", + "optim = AdamW(model.parameters(), lr = 5e-5)\n", + "\n", + "# setup loop with TQDM and dataloader\n", + "epoch = tqdm(train_loader, leave=True)\n", + "iter = 0\n", + "for batch in epoch:\n", + " # initialize calculated gradients from previous step\n", + " optim.zero_grad()\n", + "\n", + " # pull all tensor batches required for training\n", + " input_ids = batch['masked_input'].to(device)\n", + " attention_mask = batch['attention_mask'].to(device)\n", + " position_list_x = batch['norm_lng_list'].to(device)\n", + " position_list_y = batch['norm_lat_list'].to(device)\n", + " sent_position_ids = batch['sent_position_ids'].to(device)\n", + "\n", + " labels = batch['pseudo_sentence'].to(device)\n", + "\n", + " # get outputs of model\n", + " outputs = model(input_ids, attention_mask = attention_mask, sent_position_ids = sent_position_ids,\n", + " position_list_x = position_list_x, position_list_y = position_list_y, labels = labels)\n", + " \n", + "\n", + " # calculate loss\n", + " loss = outputs.loss\n", + "\n", + " # perform backpropigation\n", + " loss.backward()\n", + "\n", + " optim.step()\n", + " epoch.set_postfix({'loss':loss.item()})\n", + "\n", + "\n", + " iter += 1\n", + "torch.save(model.state_dict(), \"tutorial_datasets/fine-spabert-base-uncased-finetuned-osm-mn.pth\")\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "base", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.3" + }, + "orig_nbformat": 4 + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/models/spabert/notebooks/tutorial_datasets/mlm_mem_keeppos_ep0_iter06000_0.2936.pth b/models/spabert/notebooks/tutorial_datasets/mlm_mem_keeppos_ep0_iter06000_0.2936.pth new file mode 100644 index 0000000000000000000000000000000000000000..27a95b1f01318ffee9c2b7759c328f51f86c2cf7 --- /dev/null +++ b/models/spabert/notebooks/tutorial_datasets/mlm_mem_keeppos_ep0_iter06000_0.2936.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e591f9d4798bee6d0deb59dcbbaefb31f08fdc5c751b81e4b52b95ddca766b71 +size 531897899 diff --git a/models/spabert/notebooks/tutorial_datasets/osm_mn.csv b/models/spabert/notebooks/tutorial_datasets/osm_mn.csv new file mode 100644 index 0000000000000000000000000000000000000000..0a93e7713778975b063fbbb95439ca1cd5a59372 --- /dev/null +++ b/models/spabert/notebooks/tutorial_datasets/osm_mn.csv @@ -0,0 +1,42980 @@ +,name,latitude,longitude +0,Duluth,-92.1251218,46.7729322 +1,Walker,-94.585026,47.101709 +2,Discount Liquor,-94.8866165,47.490563900000005 +3,Laporte,-94.7533561,47.214110000000005 +4,Avoca,-95.64341800000001,43.949721000000004 +5,Worthington,-95.5956434,43.6205056 +6,Westbrook,-95.4345304,44.0405625 +7,Plymouth Rd,-93.4462845,44.972788 +8,Superior Blvd & Lake St,-93.50876620000001,44.968608 +9,Wayzata Blvd & Broadway Ave,-93.5102294,44.9723593 +10,Penn & West Broadway,-93.30820010000001,45.0038886 +11,Lake Street/Midtown,-93.2390797,44.9487845 +12,Merrimac Lane North,-93.50482690000001,45.020952 +13,50th and France,-93.32903300000001,44.912529 +14,Gate,-93.540192,44.891063 +15,Duck Lake Rd,-93.49856600000001,44.874107 +16,U.S. Bank Stadium,-93.2603217,44.974901800000005 +17,Bemidji,-94.89078690000001,47.4785418 +18,Gate 3,-93.22298110000001,44.8726373 +19,Post Road Gate,-93.2095752,44.874257300000004 +20,Manganese,-94.00970670000001,46.5274634 +21,Funeral Cortege Entrance Gate 2,-93.22296080000001,44.8702623 +22,Northdale,-93.28022840000001,45.1785763 +23,Okabena,-95.31583210000001,43.739404 +24,Saint Clair,-93.8577456,44.081874400000004 +25,Childs,-96.5345145,46.065515000000005 +26,Tansem,-96.2361736,46.6752364 +27,Kettle Falls,-92.63959600000001,48.5026834 +28,Kinney,-92.730737,47.514095000000005 +29,Cushing,-94.5769564,46.139687900000006 +30,New Prague,-93.57604450000001,44.543333100000005 +31,Campbell,-96.40438710000001,46.097696000000006 +32,Hanley Falls,-95.6219645,44.6927352 +33,Saint Augusta,-94.19804470000001,45.4582982 +34,Linwood,-93.1116118,45.3569096 +35,Walnut Grove,-95.46944900000001,44.223012100000005 +36,Wahkon,-93.5215714,46.118790600000004 +37,Milan,-95.91337100000001,45.108571000000005 +38,Kevin,-93.1938094,47.348547700000005 +39,White Rock,-92.7671432,44.456355200000004 +40,Arlington,-94.08052780000001,44.608296700000004 +41,Green Valley,-95.75724340000001,44.526902500000006 +42,Kettle River,-92.87733560000001,46.4884021 +43,Austin,-92.97448960000001,43.668092800000004 +44,Dennison,-93.0396206,44.407293300000006 +45,Onamia,-93.66774550000001,46.0705151 +46,Holland,-96.188642,44.091635000000004 +47,Armour Number Two Mine,-93.9685949,46.484962900000006 +48,Churchill,-94.6708249,44.8182952 +49,Leonidas,-92.5718506,47.4615949 +50,Brownsdale,-92.86935430000001,43.740240400000005 +51,Weber,-93.1241119,45.4749637 +52,Randolph,-93.0199336,44.526078000000005 +53,French River,-91.8971278,46.8979921 +54,Hagan,-95.7761457,45.1485702 +55,Ponsford Landing,-95.45502230000001,47.3313469 +56,O J Mathison Mobile Home Park,-95.2619136,47.532665300000005 +57,Waldorf,-93.6974928,43.934922300000004 +58,Wasioja,-92.8193598,44.0802418 +59,Beaver Crossing,-91.5248766,47.2422083 +60,Searles,-94.4346917,44.228573600000004 +61,Winthrop,-94.3663674,44.5430195 +62,Amor,-95.74532540000001,46.4124599 +63,Grand View Heights,-95.52309550000001,46.6132932 +64,Cerro Gordo,-96.0319827,45.0524605 +65,Providence,-96.11309410000001,44.834406 +66,Albion Center,-94.0735899,45.176909 +67,Lake Hubert,-94.2574974,46.5021897 +68,Proctor,-92.2254695,46.7471638 +69,Rosemount,-93.12611000000001,44.739187300000005 +70,Estes Brook,-93.7371913,45.6488564 +71,Birchmont,-94.86055040000001,47.546341500000004 +72,Lino Lakes,-93.0888324,45.1602442 +73,Skyline Gardens Mobile Home Park,-93.23298910000001,44.1055185 +74,Jay See Landing,-91.4779338,47.545745700000005 +75,Opstead,-93.47218240000001,46.233842900000006 +76,Janesville,-93.70800440000001,44.116078 +77,Ringo Mobile Home Park,-94.2294444,44.6736111 +78,Walters,-93.6732896,43.606524300000004 +79,Bonga Landing,-95.4844664,47.3738468 +80,Cherry,-92.70713,47.400765 +81,Diamond Corner,-96.10394600000001,43.993495800000005 +82,Gregory,-94.35639060000001,45.93941 +83,Hazelton,-93.95163620000001,44.956629500000005 +84,Libby,-93.32522610000001,46.7841151 +85,Delorme,-96.2892176,47.764689600000004 +86,Pine Springs,-92.95483130000001,45.0358292 +87,Bloomington Ferry,-93.3843935,44.7996861 +88,Alma City,-93.72792430000001,44.0222661 +89,Pennington,-94.47996930000001,47.4835642 +90,Casco,-92.70185740000001,47.2579909 +91,Grand Lake,-92.4679677,46.8666081 +92,Ramshaw,-92.5812959,47.4274293 +93,Anglim,-96.5978424,47.794971600000004 +94,Corning,-93.0493625,43.7610729 +95,Browns Valley,-96.83340700000001,45.595239 +96,Clarkfield,-95.808639,44.790514 +97,Hydes Lake,-93.8494105,44.818851200000005 +98,Foster,-96.675899,45.416352 +99,Paynesville,-94.711892,45.3804687 +100,Hopkins,-93.40749450000001,44.9271194 +101,Sabin,-96.65313300000001,46.779685 +102,Haydenville,-96.30976980000001,45.0094081 +103,Morristown,-93.444316,44.2264466 +104,Delhi,-95.21111300000001,44.5991256 +105,McIntosh,-95.8864205,47.6369051 +106,Tracy,-95.6191766,44.2332911 +107,Deephaven,-93.52245520000001,44.929685400000004 +108,Roscoe,-92.7715835,44.2252419 +109,Pine City,-92.96854230000001,45.826067200000004 +110,French,-96.2017287,46.288015300000005 +111,Willington Grove,-91.57903230000001,43.5783025 +112,Pleasant Beach,-94.73529300000001,45.7780208 +113,Clifton,-91.92046230000001,46.881325700000005 +114,Wilds,-96.6361787,47.7455274 +115,Rosy,-94.3060645,47.658009400000005 +116,Doyle,-93.5749504,44.3702416 +117,Brunswick,-93.2757796,45.7888498 +118,Gonvick,-95.5131887,47.7370442 +119,New Brighton,-93.2060969,45.062899900000005 +120,Bena,-94.20741500000001,47.340669000000005 +121,Wood Lake,-95.53834950000001,44.652734900000006 +122,Rockford,-93.7344099,45.0882963 +123,Spring Lake,-93.4632844,44.706352200000005 +124,Margie,-93.9400147,48.0949217 +125,Brooks,-96.0011917,47.814589100000006 +126,West Lynn,-94.47859770000001,44.8491287 +127,Saint Patrick,-93.5021739,44.5946853 +128,Warroad,-95.31440400000001,48.905266000000005 +129,Wilbert,-94.5394208,43.5438448 +130,Evergreen Mobile Home Park,-94.51111110000001,45.0944444 +131,Makinen,-92.36768400000001,47.357151800000004 +132,Saint Mary's Point,-92.7715817,44.914502500000005 +133,Lauren,-91.69767440000001,47.1846496 +134,Fairbanks,-91.9265623,47.370480300000004 +135,Danube,-95.09722500000001,44.791904900000006 +136,Friesland,-92.9296473,46.085505500000004 +137,Belle Creek,-92.77075430000001,44.438299400000005 +138,Koniska,-94.21721140000001,44.8449813 +139,Thor,-93.4207945,46.476061900000005 +140,Canisteo,-93.45409790000001,47.287719200000005 +141,Lake Netta,-93.19189300000001,45.2799655 +142,Schroeder,-90.8974661,47.5431303 +143,Pelican Rapids,-96.083112,46.570792000000004 +144,Bussler Trailer Court,-94.36250000000001,44.550000000000004 +145,Clara City,-95.3664045,44.954959300000006 +146,Empire,-93.0146565,44.659133600000004 +147,Fritz's Resort Trailer Park,-94.30667000000001,46.53333 +148,Sterling Center,-94.07717880000001,43.9060715 +149,Russell,-95.95169200000001,44.31913 +150,North Redwood,-95.0944424,44.5632931 +151,Frontenac,-92.3565707,44.5110788 +152,Marshall,-95.7886581,44.4469635 +153,Current Lake,-95.94371930000001,44.138762500000006 +154,Bass Brook,-93.64660620000001,47.238279600000006 +155,Wrightstown,-95.1861413,46.273851300000004 +156,Lakeview Estates,-96.04806,46.299440000000004 +157,Heisler Manufactured Home Park,-95.82111110000001,46.644444400000005 +158,Stockholm,-94.22109110000001,45.036352 +159,Stewart,-91.7093421,47.1032639 +160,Rich Valley,-93.04382480000001,44.7460777 +161,Gilbert,-92.46520000000001,47.488909 +162,Grant,-92.79740480000001,47.4932627 +163,Celina,-93.0618434,47.8657595 +164,Landfall,-92.9766032,44.9507993 +165,Jessie Lake,-93.8171523,47.601058200000004 +166,Elbow Lake,-95.5460328,47.148022700000006 +167,Rothman,-91.9643221,47.7660264 +168,Cambridge,-93.2243921,45.572740800000005 +169,Lakeside,-94.55915540000001,44.8341286 +170,Monticello,-93.7939996,45.305390100000004 +171,Clotho,-95.04300350000001,46.019848700000004 +172,Puposky,-94.90717860000001,47.677717300000005 +173,Mounds View,-93.20759310000001,45.1068949 +174,Kilkenny,-93.5741156,44.3132973 +175,Brevik,-94.2885863,47.083011000000006 +176,Greenleafton,-92.20933210000001,43.5802429 +177,Tyler,-96.13475500000001,44.2783 +178,Mountain Lake,-94.9309224,43.939299600000005 +179,Good Thunder,-94.06578850000001,44.0046863 +180,Belvidere Mills,-92.5093544,44.452467500000004 +181,Rogers,-93.5785587,44.260519800000004 +182,Long Beach,-95.4175371,45.654683500000004 +183,Red Lake / Ogaakaaning,-95.01694020000001,47.876346000000005 +184,Heritage Estate,-92.8577637,44.0255542 +185,Beaver,-92.0123846,44.1532976 +186,Glen,-93.5152427,46.4185646 +187,Hixon,-96.6756234,47.8174725 +188,Syre,-96.25867050000001,47.180239900000004 +189,Island Park,-93.638293,44.924685100000005 +190,Supreme Mobile Court,-94.17778000000001,46.43056 +191,Franklin,-94.8805473,44.528294700000004 +192,Kesteloot's Trailer Court,-95.98333330000001,44.5561111 +193,Sogn,-92.92798350000001,44.406354900000004 +194,Stoney Creek Estates,-93.3529869,43.6160681 +195,Clarks Grove,-93.32895520000001,43.7639185 +196,Solway,-95.1291755,47.5199538 +197,Isle,-93.47079240000001,46.138011000000006 +198,Dakota,-91.35984780000001,43.9138856 +199,McGregor,-93.31384200000001,46.606615100000006 +200,Balaton,-95.872242,44.233296 +201,Baudette,-94.600171,48.7124408 +202,Tofte,-90.8364038,47.5738732 +203,Shorewood,-93.5891242,44.9007963 +204,Rustad,-96.7482557,46.7335878 +205,Four Corners,-92.2801901,46.8532736 +206,Heiberg,-96.27589250000001,47.2830188 +207,High Landing,-95.80826470000001,48.0495352 +208,Savage,-93.33562040000001,44.7779041 +209,Normania,-95.8086366,44.6466252 +210,Stark,-94.6497008,44.2394052 +211,Dalbo,-93.398841,45.6588517 +212,Tawney,-91.78987240000001,43.6163553 +213,Tenmile Corner,-94.42854150000001,43.9783629 +214,Cohasset,-93.620215,47.263556 +215,Enfield,-93.93136650000001,45.3574655 +216,Staples,-94.7933333,46.355000100000005 +217,Gibbon Trailer Park,-94.5166667,44.5361111 +218,Sunrise,-92.8549364,45.5469049 +219,Trail,-95.6931315,47.7794012 +220,Oak Grove,-93.326897,45.3407981 +221,Hackensack,-94.52040740000001,46.93003 +222,Wendell,-96.10116900000001,46.035516 +223,Manchester,-93.44943500000001,43.7240781 +224,Point Douglas,-92.8179813,44.7510787 +225,Heinola,-95.4072591,46.456071800000004 +226,Hallock,-96.946447,48.7744263 +227,Johnsville,-93.23439400000001,45.1971876 +228,Harmony,-92.010176,43.555189000000006 +229,La Prairie,-93.489102,47.228276 +230,Minerva,-95.38224170000001,47.369124000000006 +231,Nemadji,-92.5946404,46.479389600000005 +232,Beltrami,-96.5309438,47.542365000000004 +233,Pipestone,-96.317502,44.000584 +234,Snowden,-92.55046200000001,47.455206000000004 +235,Burntside Lake,-92.03459260000001,47.892687300000006 +236,Baptism Crossing,-91.3412667,47.52963260000001 +237,Inez,-94.58024540000001,47.860234600000005 +238,Nielsville,-96.8164302,47.527327500000006 +239,Kelly Lake,-93.0063454,47.417625300000005 +240,Willow River,-92.8383129,46.3201763 +241,Baxter,-94.28666600000001,46.343300500000005 +242,Windom,-95.1169366,43.866346400000005 +243,Merton,-93.1465977,44.1460747 +244,Robinson,-92.04181750000001,47.859356000000005 +245,Mahoning,-92.972133,47.4490989 +246,Jordan,-93.6261918,44.6663146 +247,Silver Rapids,-91.75541700000001,47.903789100000004 +248,Norshor Junction,-91.62572340000001,47.3665875 +249,Jelle,-95.40027160000001,48.2380184 +250,Wagon Wheel Mobile Home Park,-93.53460410000001,47.198289900000006 +251,Mar Wey Mobile Home Park,-93.97119810000001,44.310733500000005 +252,Troy,-92.067937,43.8707968 +253,Woodlyn Court,-93.3277778,45.409722200000004 +254,Western,-96.18311650000001,46.151904300000005 +255,Melvin,-96.38922500000001,47.620800700000004 +256,Kingsdale,-92.312455,46.239177000000005 +257,Oakridge,-91.91988040000001,44.120797 +258,Coopers Corner,-93.23467190000001,45.399131000000004 +259,Elevenmile Corner,-93.9563408,47.1957875 +260,Stanton,-93.0228921,44.4719439 +261,Mantorville,-92.7551315,44.0678403 +262,Rainbow Terrace Mobile Home Park,-93.3579871,43.6171791 +263,Le Center,-93.7302337,44.3894097 +264,Trosky,-96.25697600000001,43.889137000000005 +265,Minneota,-95.98558600000001,44.55885 +266,Tabor,-96.8628456,48.0791435 +267,Centerville,-93.05577570000001,45.1630223 +268,Kjellbergs Mobile Home Park,-93.80972220000001,45.282777800000005 +269,Rock Dell,-92.63871900000001,43.9207309 +270,Clearbrook,-95.431123,47.691901 +271,Scott,-92.7696281,47.449652500000006 +272,Independence,-92.4604681,46.9582731 +273,Clear Lake,-93.9988708,45.444965700000004 +274,Lydia,-93.50106310000001,44.652740900000005 +275,Cross Lake,-94.1138727,46.6594065 +276,Saint Vincent,-97.2249917,48.9678252 +277,Zimmerman,-93.5899663,45.443276100000006 +278,Greenland,-93.7274507,44.2066336 +279,New Germany,-93.97052550000001,44.884129200000004 +280,Wabedo,-94.1880318,46.920512300000006 +281,Hatfield,-96.1953064,43.957469 +282,Legionville,-94.19943950000001,46.4471889 +283,Otisville,-92.7649317,45.2469108 +284,Murphy City,-91.32460130000001,47.5096329 +285,Colonial Manor Mobile Home Park,-93.25799,44.0999628 +286,Benson,-95.60003490000001,45.314960400000004 +287,Alden,-93.5761961,43.6703382 +288,Squaw Lake,-94.1363333,47.6324527 +289,Randall,-94.5036199,46.0910771 +290,Shooks,-94.438291,47.874124 +291,Saint Hilaire,-96.215418,48.0141149 +292,Carnelian Junction,-92.8302099,45.124689000000004 +293,Island,-93.0135401,46.986052400000005 +294,Fulda,-95.6002856,43.870518600000004 +295,Wacouta,-92.43490800000001,44.5449677 +296,White Mobile Home Park,-93.85472220000001,44.9652778 +297,Liston Evergreen Mobile Home Park,-93.79616580000001,47.3462558 +298,Matawan,-93.63600330000001,43.8600584 +299,Davidson,-96.84729490000001,47.8766418 +300,Country Acres Mobile Home Park,-93.4925544,47.209156400000005 +301,Woodstock,-96.100581,44.009134 +302,Pfingsten,-95.67362130000001,43.805519100000005 +303,Dice Trailer Park,-95.695051,47.7790073 +304,Renville,-95.21167310000001,44.7891264 +305,Rapidan,-94.0686744,44.094412000000005 +306,Jeffers,-95.19666020000001,44.0557904 +307,Madelia Mobile Village,-94.4182983,44.057460500000005 +308,Alger,-91.6926749,47.147151 +309,Quiring,-94.6996979,47.882457200000005 +310,Nett Lake,-93.09397750000001,48.1109257 +311,Grand Meadow,-92.5721281,43.7061113 +312,Fox Lake,-94.65886660000001,43.6766221 +313,Mendota Heights,-93.1382749,44.8835768 +314,Spring Lake,-93.8679869,47.6424481 +315,Mizpah,-94.2038765,47.9241673 +316,North Star Moblie Home Park,-93.5507553,47.2263941 +317,Lake Park,-96.09573280000001,46.8855616 +318,Langor,-94.59163640000001,47.7807886 +319,Le Roy,-92.5032843,43.509662600000006 +320,Towns Edge Mobile Home Park,-93.9577867,46.4849394 +321,Effie,-93.64296820000001,47.84022 +322,Finlayson,-92.9160349,46.2016136 +323,Popple Creek,-94.0244294,45.6619108 +324,Round Lake,-95.46833810000001,43.5405195 +325,Sartell,-94.20693650000001,45.621631900000004 +326,Nicolville,-92.8782441,43.6746855 +327,Waldeck,-93.6077413,46.6743996 +328,Wahlsten,-92.2835012,47.7357561 +329,Klossner,-94.42574090000001,44.3657194 +330,Lawndale,-96.3603437,46.556904100000004 +331,Hardwick,-96.19932,43.774851000000005 +332,Leonard,-95.2722308,47.651900000000005 +333,Minneiska,-91.87182460000001,44.1949642 +334,Garfield,-95.4921314,45.940697400000005 +335,Louisburg,-96.1711592,45.1660744 +336,Dakomin,-96.6720152,45.724960800000005 +337,Greenwood Junction,-91.57988610000001,47.4407512 +338,Old Mesaba,-92.13239270000001,47.5821453 +339,Farris,-94.70276870000001,47.3766204 +340,Glendale,-93.3891155,44.761074900000004 +341,Falls Junction,-93.3429248,48.6027124 +342,Chamberlain,-94.7216739,46.9052364 +343,Iona,-95.784181,43.91552 +344,Woodland Terrace Mobile Home Park,-93.6587602,47.7478959 +345,Saco,-93.266322,44.004406700000004 +346,Valley View Park,-92.8563862,44.0334044 +347,Hollandale,-93.2041983,43.760829 +348,White Bear Beach,-92.98962420000001,45.09998 +349,Coney Island,-93.7838145,44.8612418 +350,Duquette,-92.5531655,46.369707600000005 +351,Hull,-92.92325260000001,47.197437300000004 +352,Imogene,-94.3455239,43.660232900000004 +353,Pencer,-95.63776060000001,48.6991443 +354,International Falls,-93.4105904,48.601033 +355,Sumter,-94.26331250000001,44.739407 +356,Clappers,-91.96489410000001,47.4354795 +357,Dumfries,-92.12017,44.3449667 +358,Predmore,-92.32877830000001,43.9378071 +359,High Forest,-92.54838840000001,43.8460972 +360,Pinetop,-94.1018799,47.9057875 +361,Fifty Lakes,-94.093035,46.739127200000006 +362,Sturgeon,-92.868791,47.776590000000006 +363,Hermantown,-92.23824640000001,46.8068852 +364,Sunrise Estates Mobile Home Park,-92.9958333,45.3938889 +365,Aurora,-92.23676440000001,47.529853300000006 +366,Lake Crystal,-94.21884940000001,44.105797300000006 +367,Bayview,-92.1954692,46.747163500000006 +368,Strandquist,-96.4473744,48.4903988 +369,Swift Falls,-95.42392000000001,45.398850100000004 +370,Parkers Prairie Park,-95.33500000000001,46.1516667 +371,Terrace,-95.3200305,45.509962400000006 +372,Breda,-91.8857304,47.311869800000004 +373,Mankato,-93.9993505,44.1634663 +374,Keewatin,-93.072415,47.399657000000005 +375,Buckman,-94.0936003,45.8974655 +376,Burnsville,-93.2773887,44.767056700000005 +377,Coffee Pot Landing,-95.18260360000001,47.34885370000001 +378,Lansing,-92.97019180000001,43.745240200000005 +379,Farmington,-93.14354970000001,44.6402434 +380,Ortonville,-96.44477900000001,45.304687 +381,Norway Lake,-95.1350173,45.283574300000005 +382,New Duluth,-92.22630380000001,46.6599415 +383,Morgan,-94.92554650000001,44.416904900000006 +384,Nowthen,-93.47046490000001,45.3281563 +385,Komensky,-94.2769251,44.9071848 +386,Laurel,-93.67460750000001,48.514948100000005 +387,Malung,-95.7241499,48.7724643 +388,Ellis,-94.69695770000001,46.514129700000005 +389,Emmons,-93.4883348,43.501801400000005 +390,Afton,-92.7835373,44.902745200000005 +391,Caledonia,-91.49638700000001,43.635046900000006 +392,Clontarf,-95.678651,45.37635 +393,Bucksnort,-92.05099150000001,43.8177413 +394,Mora,-93.2938352,45.8769031 +395,Stewartville,-92.4883221,43.8554243 +396,Chisago City,-92.88993760000001,45.3735757 +397,Holt,-96.19253110000001,48.2919155 +398,Klondyke,-93.9660951,46.441629400000004 +399,Bongards,-93.84857670000001,44.7624622 +400,Goodridge,-95.809459,48.143296500000005 +401,New Richland,-93.49382870000001,43.8938493 +402,Kirk,-92.6626849,47.4152082 +403,Cottonwood,-95.674187,44.608846 +404,Varco,-92.95658080000001,43.605796700000006 +405,Dresbach,-91.3431966,43.8955202 +406,McCauleyville,-96.7089023,46.441385100000005 +407,Saint Paul,-93.09310280000001,44.9497487 +408,Red Wing,-92.53380130000001,44.562467600000005 +409,Fairmont,-94.4610832,43.6521775 +410,Lax Lake,-91.30877410000001,47.344085 +411,West Albion,-94.1352739,45.1958952 +412,New Ulm,-94.46141770000001,44.3140261 +413,Winger,-95.98837250000001,47.536073200000004 +414,Schechs Mill,-91.5809766,43.6674676 +415,Kiester,-93.7121663,43.5363429 +416,Deer Creek Mobile Home Park,-95.32111110000001,46.3911111 +417,Riverview Terrace,-96.57362570000001,47.760982600000006 +418,Eagles Nest,-92.09654210000001,47.839913900000006 +419,Lawler,-93.1705015,46.5360576 +420,Ruthton,-96.10391800000001,44.176633 +421,Wolf,-92.60879510000001,47.4504845 +422,Watertown,-93.84699160000001,44.9636573 +423,Buffalo Lake,-94.6169333,44.7371841 +424,Turtle River,-94.7516528,47.587453000000004 +425,Heron Lake,-95.3202763,43.7949593 +426,Maple Hill,-90.3048243,47.807668400000004 +427,Lime Creek,-95.56195100000001,43.889685 +428,Lake Shore,-94.36055730000001,46.4855226 +429,Comus,-93.25743920000001,44.3849639 +430,Waskish,-94.512455,48.161352 +431,Bethel,-93.2678063,45.404098000000005 +432,Ostrander,-92.4279497,43.6135754 +433,Downer,-96.48701460000001,46.754127200000006 +434,Highland,-91.87015240000001,43.6807984 +435,Long Point,-94.95994920000001,48.9772145 +436,Outing,-93.9480252,46.820514 +437,Freeman,-96.76090500000001,47.819417900000005 +438,Stroms,-92.6616109,44.629409700000004 +439,Carver Beach,-93.53773310000001,44.878018700000005 +440,Marion,-92.34822550000001,43.943575 +441,Twig,-92.3646341,46.8943846 +442,Parkview Mobile Home Park,-94.03555560000001,44.8825 +443,West Ridge Village Mobile Home Park,-94.9947137,43.609680700000006 +444,Twin Lakes,-93.4229885,43.559677900000004 +445,Union,-93.12548020000001,43.891906600000006 +446,Woodward Brook,-93.58523790000001,45.676075600000004 +447,Adrian,-95.933355,43.634942 +448,Cannon Falls,-92.90621750000001,44.5068445 +449,Andree,-93.22309150000001,45.728717700000004 +450,Havana,-93.14626700000001,44.066388800000006 +451,Bluffton,-95.2330859,46.4691278 +452,Gilfillan,-94.9944378,44.459127 +453,Elcor,-92.44101540000001,47.505204000000006 +454,Otter Creek,-92.53880360000001,46.625222300000004 +455,Dent,-95.716435,46.553571000000005 +456,Pilot Grove,-94.22800620000001,43.529007500000006 +457,Lakeland,-92.77091010000001,44.955056000000006 +458,Andover,-93.2913405,45.233298500000004 +459,Sveadahl,-94.7394256,44.074125 +460,Kimberly,-93.4663507,46.560785200000005 +461,Star Hills Mobile Home Park,-95.7161111,46.553611100000005 +462,Odessa,-96.32894300000001,45.259687 +463,Altura,-91.93960220000001,44.0716301 +464,Bain,-93.58968080000001,46.7907876 +465,Ronald,-93.05521390000001,46.447168000000005 +466,Hidden Valley Mobile Home Village,-91.72361190000001,44.0637933 +467,Coleraine Junction,-92.57241450000001,46.9671626 +468,Waukon,-96.13093160000001,47.368925000000004 +469,Gates Corner,-94.10269910000001,48.2191239 +470,Lengby,-95.635869,47.5157697 +471,Summit,-93.18548360000001,43.9207952 +472,Stanchfield Corner,-93.19300000000001,45.6735729 +473,Opole,-94.3688889,45.746632000000005 +474,Crystal Bay,-93.5764944,44.9538699 +475,Henrytown,-91.9293227,43.594410100000005 +476,Hutchinson,-94.36970570000001,44.8877401 +477,Vasa,-92.7224199,44.503300100000004 +478,Bengal,-93.0660314,47.2682701 +479,Red Lake Falls,-96.27319770000001,47.882251100000005 +480,Granger,-92.1387756,43.502188100000005 +481,Tintah,-96.32278380000001,46.009966600000006 +482,Lennox,-94.3430579,46.2435781 +483,Forbes,-92.6040753,47.3715978 +484,Martin Lake,-93.0949444,45.3810761 +485,North Mankato,-94.0338055,44.173291600000006 +486,Palisade,-93.4885687,46.713286200000006 +487,Spring Park,-93.632293,44.935325600000006 +488,Herman,-96.14341630000001,45.8085608 +489,Stevenson,-93.05796910000001,47.4366001 +490,East Union,-93.68162600000001,44.718018300000004 +491,Iverson,-92.52935810000001,46.6663331 +492,Saint Rosa,-94.7158469,45.7305208 +493,Guckeen,-94.22496430000001,43.6513439 +494,Johnson's Mobile Home Park,-96.00961720000001,47.672867200000006 +495,Jacobson,-93.2674372,47.0007761 +496,Danvers,-95.7519839,45.2819049 +497,Buyck,-92.5234934,48.121853 +498,Oslo,-97.13115900000001,48.195132300000004 +499,Maple Island,-93.163813,43.761627100000005 +500,Torfin,-95.7344266,48.597586500000006 +501,Jessenland,-93.92330030000001,44.5719079 +502,Goodland,-93.13576,47.161884 +503,Bradford,-93.368842,45.522464 +504,Artichoke,-96.15755390000001,45.39913 +505,Mallory,-96.9117415,47.8766429 +506,Bancroft,-93.35521,43.7016244 +507,Barry,-96.5591953,45.558806600000004 +508,Colby,-92.1698959,47.5418687 +509,Finkle,-96.74730310000001,46.8138519 +510,Nashua,-96.30811920000001,46.0374599 +511,Bagley,-95.39834900000001,47.521623000000005 +512,Flensburg,-94.53500890000001,45.955243200000005 +513,Louriston,-95.45196700000001,45.0944036 +514,Brookston,-92.6038061,46.8677233 +515,Huntersville,-94.8927939,46.775792 +516,Luxemburg,-94.24625080000001,45.4527726 +517,Pontoria,-94.3366537,46.863291600000004 +518,Doran,-96.48246630000001,46.1843106 +519,Chanhassen,-93.5307207,44.861840300000004 +520,Calumet,-93.27686800000001,47.321883 +521,Glendale,-92.8310026,48.032416000000005 +522,Greenview,-96.56062170000001,47.625803000000005 +523,Nicollet Landing,-94.2163534,44.282744 +524,Watkins Mobile Home Park,-94.40833330000001,45.315277800000004 +525,Backus,-94.5163876,46.8202373 +526,Rush Meadows Mobile Home Park,-92.9583333,45.6777778 +527,Northview Court,-94.38166670000001,44.9063889 +528,Northside Trailer Park,-96.21545110000001,48.0178616 +529,Skibo,-91.9943374,47.485479000000005 +530,Riverside Terrace Mobile Home Park,-93.84066320000001,44.9707803 +531,River Terrace Mobile Home Park,-93.81809270000001,45.3210582 +532,Big Stone Colony,-96.47422780000001,45.529130200000004 +533,Sebeka,-95.08891360000001,46.629960000000004 +534,Stephen,-96.87286200000001,48.4506658 +535,Mobile Park Estates,-95.37555560000001,45.8611111 +536,New Sweden,-94.18996960000001,44.4074655 +537,Emily,-93.9580296,46.731071400000005 +538,Epsom,-93.05604190000001,44.262186500000006 +539,Frazee,-95.7001391,46.7278049 +540,Burr,-96.35921490000001,44.748296700000004 +541,River Valley,-95.78224060000001,48.020238600000006 +542,Shirley,-96.61450830000001,47.868861 +543,Deerfield,-93.3596613,44.167463000000005 +544,Madelia,-94.4183249,44.050733900000004 +545,Allen,-92.0987838,47.5163128 +546,Eagle Lake,-93.88134190000001,44.1649669 +547,Corona,-92.76631010000001,46.670501900000005 +548,Harliss,-92.6565386,44.582443600000005 +549,Lewis Lake,-93.3688388,45.7666282 +550,Perez Mobile Home Park,-94.14444440000001,44.771388900000005 +551,Moorhead,-96.7538674,46.8739081 +552,Rutledge,-92.86645680000001,46.2595839 +553,Grogan,-94.53663490000001,44.0163475 +554,Parent,-93.98655040000001,45.6326253 +555,Vista,-93.4666062,43.9571841 +556,Dalton Trailer Court,-95.915318,46.1739242 +557,Belgrade,-92.3740685,47.5310367 +558,Perkins,-91.64431180000001,43.783020900000004 +559,Chisholm,-92.88352800000001,47.489926000000004 +560,Alberta,-96.0476086,45.5732488 +561,Riley,-92.9299132,47.362989400000004 +562,Evergreen Mobile Home Park,-94.51111110000001,45.0944444 +563,Mayville,-92.9093562,43.7638515 +564,Lismore,-95.947241,43.747744000000004 +565,Vista Village Mobile Home Park,-92.86935430000001,43.740240400000005 +566,Burschville,-93.6355552,45.1236966 +567,Upsala,-94.57139740000001,45.810798600000005 +568,Heidelberg,-93.6263443,44.491352600000006 +569,Watson,-95.801348,45.009723 +570,Waukenabo,-93.60023890000001,46.7399551 +571,Grainwood,-93.43939470000001,44.722185700000004 +572,Little Rock,-94.0927668,45.8324659 +573,Naytahwaush,-95.62614090000001,47.2627371 +574,Nisswa,-94.28860900000001,46.520522400000004 +575,East Cottage Grove,-92.88159680000001,44.8416337 +576,Oylen,-94.79862650000001,46.574683400000005 +577,Erdahl,-95.81782700000001,45.991905 +578,Thorhult,-95.24804510000001,48.230242600000004 +579,Sawbill Landing,-91.26791890000001,47.7151809 +580,Vlasaty,-92.84908800000001,43.964688 +581,Jameson,-93.365981,48.603824700000004 +582,Orrock,-93.73637330000001,45.4438601 +583,Richards,-95.9122717,46.836069900000005 +584,Walbo,-93.3268953,45.587185500000004 +585,Crystal Springs Fish Hatchery,-91.9862707,44.0746856 +586,Wiiams Narrows Resort and Mobile Home Court,-94.06223840000001,47.5051125 +587,Riverview Terrace Mobile Home Park,-93.5722222,44.801388900000006 +588,Choice,-91.7908596,43.6597789 +589,Johnsdale,-93.7885844,46.032739600000006 +590,Bellechester,-92.5112976,44.3683004 +591,Holman,-93.371594,47.3099398 +592,Carman Terrace,-96.61843540000001,47.7566581 +593,Kerrick,-92.5870118,46.3393449 +594,Noyes Junction,-96.60562060000001,47.794693800000005 +595,Butternut,-94.32913090000001,44.1377408 +596,Judson,-94.1956576,44.196319900000006 +597,Cummingsville,-92.2600937,43.8746777 +598,Albright,-94.1144232,45.1294084 +599,Basswood,-95.69337940000001,46.455515500000004 +600,Inger,-93.9850782,47.554277000000006 +601,Ransom,-95.793974,43.543707000000005 +602,Lake Orono Estates,-93.6032273,45.3081552 +603,Arnesén,-95.06739800000001,48.9578257 +604,Biscay,-94.27498010000001,44.8274625 +605,Fillmore,-92.2682204,43.7485749 +606,Anthony,-96.66618480000001,47.346080400000005 +607,Hamilton,-92.4485047,43.761629500000005 +608,Horton,-95.0972457,46.811070300000004 +609,Bigfork,-93.6539948,47.7445302 +610,Jakeville,-93.98665030000001,45.750244800000004 +611,Georgeville,-94.9272351,45.428575900000006 +612,Freeport,-94.6902307,45.66241 +613,Lynd Mobile Home Park,-95.89,44.3861111 +614,Country Club Terrace Mobile Home Park,-94.3927778,44.8977778 +615,Cormorant,-96.06565850000001,46.730700600000006 +616,Elko,-93.32688900000001,44.564686200000004 +617,Lake Elmo,-92.88018620000001,45.0021685 +618,Kasota,-93.96495750000001,44.292466700000006 +619,Pleasant Valley,-92.384916,46.5382763 +620,Silver Lake,-94.1955334,44.9032959 +621,Fairhaven,-94.2113753,45.3216314 +622,Cotton,-92.47630000000001,47.169380000000004 +623,Wabasha,-92.0320116,44.383943800000004 +624,Cresson,-96.43531890000001,44.111080900000005 +625,Avoca,-95.645565,43.948575000000005 +626,Leo,-96.2505727,48.760811000000004 +627,Flaming,-96.2706115,47.456631300000005 +628,Marysburg,-93.8168974,44.240245 +629,Kelliher,-94.44829,47.941625 +630,Bennettville,-93.74886210000001,46.401902500000006 +631,Togo,-93.15601260000001,47.821318000000005 +632,Little Marais Postoffice,-91.13488410000001,47.3954687 +633,Beardsley,-96.71237550000001,45.5582477 +634,Lewisville,-94.4374659,43.9232913 +635,Ghent,-95.891137,44.512738000000006 +636,Berne,-92.7789321,44.1635987 +637,Lamberton,-95.2641639,44.231067700000004 +638,Casperson,-95.6872122,48.5760839 +639,Parkers Prairie,-95.32892430000001,46.1530178 +640,East Gate Mobile Home Park,-94.16944000000001,46.36722 +641,Pinewood,-95.1277838,47.597176700000006 +642,Taunton,-96.06586800000001,44.593573 +643,Wilno,-96.2314295,44.4996864 +644,Stacy,-92.98744040000001,45.3980205 +645,Blackduck,-94.54823300000001,47.7333383 +646,Barrows,-94.2539083,46.3016267 +647,Hart,-91.7398706,43.8755194 +648,Callaway,-95.90976900000001,46.982459000000006 +649,Green Isle,-94.00830400000001,44.679129200000006 +650,Gemmell,-94.12327110000001,47.973119800000006 +651,North Shore,-94.73807120000001,45.802743 +652,Orth,-94.3152283,47.839122200000006 +653,Marble,-93.29853600000001,47.320494000000004 +654,Palmer,-93.54188930000001,44.153019300000004 +655,Sugarloaf,-91.62642380000001,44.0282289 +656,Clinton,-96.43367,45.460242 +657,Shaw,-92.35296550000001,47.1132688 +658,Withrow,-92.8974352,45.124133500000006 +659,Blackberry,-93.39049,47.180776 +660,Sleepy Eye,-94.724204,44.297169200000006 +661,Pine Village Mobile Home Park,-93.23472220000001,45.5527778 +662,North Saint Paul,-92.99225120000001,45.0122571 +663,Godahl,-94.63997610000001,44.1088481 +664,Odin,-94.7427574,43.866345100000004 +665,Marna,-94.0077344,43.6057885 +666,Salo Corner,-92.2792314,47.6609539 +667,Sturgeon River Landing,-93.8862952,48.2124533 +668,East Gate Estates,-93.55416670000001,44.5486111 +669,Mesaba,-92.1318378,47.5688122 +670,Deerwood Mobile Home Park,-93.89861,46.47361 +671,Verdi,-96.3522619,44.208579500000006 +672,Roseland,-95.10555280000001,44.935405200000005 +673,London,-93.0626967,43.5260729 +674,Courtland,-94.3402456,44.2682979 +675,Saint Anna,-94.4752797,45.661631500000006 +676,Chester,-92.3451151,44.005247600000004 +677,Millville,-92.295731,44.244689 +678,Camp Ripley Junction,-94.32833480000001,46.0702439 +679,Saint Martin,-94.6688941,45.5019088 +680,Barrett,-95.89033,45.910516 +681,Funkley,-94.431348,47.7835661 +682,Arbutus,-93.04765900000001,48.306864100000006 +683,Oxlip,-93.3888429,45.5002421 +684,Coin,-93.3066146,45.734962 +685,Wilmington,-91.5423643,43.5469146 +686,Minnetonka,-93.4638936,44.9405086 +687,Preston,-92.08321570000001,43.670242300000005 +688,Five Corners,-92.2799129,46.807718900000005 +689,Riverside Heights,-94.11051570000001,43.664677100000006 +690,Faunce,-94.95245270000001,48.59303370000001 +691,Greenfield,-93.69135270000001,45.1032966 +692,Mapleton,-93.95606430000001,43.928851200000004 +693,Cook,-92.68961800000001,47.852418 +694,Trommald,-94.01831920000001,46.505241600000005 +695,Rogers,-93.5524563,45.1888596 +696,Mabel,-91.7695949,43.5205234 +697,Mansfield,-93.60882910000001,43.5724546 +698,Oak Park,-93.8179849,45.6958088 +699,Domaas,-94.55023680000001,48.115517700000005 +700,Saginaw,-92.4443566,46.8591081 +701,Iberia,-94.6952564,44.2390917 +702,Lakewood,-91.96268590000001,46.863826100000004 +703,Springfield,-94.9758156,44.2385706 +704,Olivia,-94.98972140000001,44.77635 +705,Ogilvie,-93.4263416,45.8321825 +706,Meire Grove,-94.86918270000001,45.6296872 +707,East Beaver Bay,-91.282943,47.2676997 +708,Goldenrod,-95.2341897,47.0944038 +709,Regal,-94.84525020000001,45.4068106 +710,Saint Leo,-96.0522574,44.7171833 +711,Bear River,-93.0829585,47.7777061 +712,Croftville,-90.276114,47.765497 +713,Canyon,-92.47074590000001,47.0399382 +714,Caribou,-96.4494686,48.9824817 +715,Lake Lillian,-94.8798814,44.943516200000005 +716,Beaver Creek,-96.363724,43.613987 +717,Mudbaden,-93.61773450000001,44.691629600000006 +718,Casino,-94.540287,46.4269103 +719,Tenstrike,-94.6768682,47.6563825 +720,Countryside Mobile Home Park,-95.745894,47.5717793 +721,Hader,-92.8010321,44.365521 +722,Halma,-96.60038370000001,48.6610529 +723,Kost,-92.86799350000001,45.491906300000004 +724,Pine Ridge Court,-93.8694444,45.3972222 +725,Stockton,-91.76987340000001,44.0274629 +726,Hadler,-96.53534640000001,47.368578500000005 +727,Redfield Court Mobile Home Park,-92.7494444,45.3855556 +728,Dakota Junction,-96.1944804,48.158858200000005 +729,Bristol,-92.16894520000001,43.5443943 +730,Steele Center,-93.22616830000001,43.989377700000006 +731,Argyle,-96.8207052,48.3330251 +732,Lindsay Mobile Home Court,-95.6833333,44.608888900000004 +733,New Ulm Mobile Village,-94.4333333,44.2861111 +734,Lynd,-95.890302,44.386072000000006 +735,Waterville,-93.56797,44.2189914 +736,Gordonsville,-93.2535385,43.512734800000004 +737,Benoit,-96.39477910000001,47.701635 +738,West Concord,-92.8992187,44.1533704 +739,Sedil,-92.97326650000001,44.7533004 +740,East Lake,-93.2835646,46.5382808 +741,Bridgeman,-94.5805667,46.383854400000004 +742,Burwell,-96.50311640000001,47.7452479 +743,Maple Leaf Court,-94.3736111,45.983888900000004 +744,Southhaven,-93.96134310000001,44.138299700000005 +745,Ellson,-93.0113175,46.3174453 +746,Osseo,-93.40245580000001,45.119390800000005 +747,Sandstone,-92.86742310000001,46.1310598 +748,Forsman,-92.5787885,47.7079778 +749,Brook Park,-93.07553890000001,45.949317 +750,Lester Prairie,-94.04163890000001,44.883851400000005 +751,Westbury,-95.9097704,46.9171812 +752,Taopi,-92.642188,43.558248500000005 +753,New Market,-93.3535568,44.5730194 +754,Blomford,-93.1424458,45.500241200000005 +755,Henning,-95.44531620000001,46.3216278 +756,Hi-Vue Trailer Park,-94.2050002,45.6138902 +757,Long Prairie,-94.86526420000001,45.974112600000005 +758,Soudan,-92.23765800000001,47.815752 +759,Saint Bonifacius,-93.7474636,44.9055181 +760,Ash Lake,-92.91599810000001,48.2188043 +761,Fossum,-96.1759839,47.238398000000004 +762,Pine Creek,-91.40347390000001,43.8452434 +763,Jack Pine,-95.52057830000001,47.383291400000005 +764,Elmdale,-94.49250550000001,45.8332987 +765,Hunters Park,-92.07324410000001,46.8291053 +766,Lime Valley Mobile Home Park,-93.9793997,44.2027446 +767,Arago,-95.1614802,47.051227600000004 +768,Jordan,-91.6301675,47.376309500000005 +769,Pease,-93.6480191,45.6980214 +770,Breezy Point,-94.2169351,46.6166305 +771,Maynard,-95.4689074,44.9069025 +772,Lafayette,-94.3952541,44.446630600000006 +773,Lewiston,-91.8695909,43.9846785 +774,Vineland,-93.75747240000001,46.163570400000005 +775,Saint James,-94.62691810000001,43.982457700000005 +776,Asbury,-95.5339091,44.8788465 +777,Haley,-92.7326723,47.921027300000006 +778,Pequot Lakes,-94.3094399,46.603019800000006 +779,Clarissa,-94.9486356,46.1302414 +780,Dunvilla,-96.0161655,46.6630143 +781,Crow Wing,-94.2924998,46.2799671 +782,Stark,-93.06049630000001,45.580517400000005 +783,Arcola,-92.76659590000001,45.1233002 +784,Anderson Trailer Court,-96.8297378,47.348207800000004 +785,Dale,-96.21978250000001,46.905237400000004 +786,Hendrum,-96.8114676,47.264416600000004 +787,Cardigan Junction,-93.1093874,45.0527436 +788,Ivanhoe,-96.24737200000001,44.463229000000005 +789,Onega,-92.8274126,47.318545500000006 +790,Gully Mobile Home Park,-95.62249080000001,47.768667 +791,Meadowcrest Estates Mobile Home Park,-94.98638890000001,44.7833333 +792,Wirock,-95.7036223,43.8869082 +793,Mission,-94.051095,46.588018600000005 +794,Baker,-96.55201720000001,46.7130166 +795,Moland,-93.06159600000001,44.1966308 +796,Whitman,-91.8058616,44.152913500000004 +797,White Iron,-91.77680670000001,47.9032343 +798,Brooklyn Park,-93.34435850000001,45.100480700000006 +799,Kenneth,-96.07251260000001,43.7538536 +800,Willmar,-95.04353730000001,45.1219492 +801,Santiago,-93.82008540000001,45.539198400000004 +802,Pequot Terrace,-94.28833,46.52056 +803,Oreland,-93.9188706,46.4507951 +804,Bonanza Grove,-96.70951170000001,45.4455183 +805,Rose Terrace Mobile Home Park,-94.82222220000001,45.6722222 +806,Norcross,-96.19777690000001,45.868978500000004 +807,Edgerton,-96.12863700000001,43.872468000000005 +808,Hazel Park,-92.9847046,44.9876006 +809,Peterson,-91.8348562,43.786213200000006 +810,Pine Island,-92.64611550000001,44.2033956 +811,Arden Hills,-93.1666945,45.076140900000006 +812,Fruitville,-94.0794322,45.7130219 +813,Norseland,-94.1166345,44.4127432 +814,Richwood,-95.8227765,46.9747172 +815,Johnson's Sunset Mobile Home Park,-92.8658333,46.142500000000005 +816,Mahtomedi,-92.9516037,45.069688600000006 +817,Rice Lake,-94.1444211,45.014129700000005 +818,Whyte,-91.56210750000001,47.451584000000004 +819,Maplewood,-93.0456985,45.008221600000006 +820,J's Trailer Park,-92.7005556,46.4847222 +821,Miloma,-95.3683338,43.762737800000004 +822,Happy Wanderer,-91.6923737,47.6921332 +823,East Bethel,-93.2024487,45.319409500000006 +824,Pemberton,-93.7833425,44.0076685 +825,Maple Springs,-92.161839,44.409689400000005 +826,Norwegian Grove,-96.2206173,46.609125600000006 +827,Perth,-94.3586489,44.080254200000006 +828,Eden Valley,-94.54610740000001,45.326074500000004 +829,Roseland,-95.10552580000001,44.942643000000004 +830,Aldrich,-94.93668890000001,46.3763513 +831,Oslo,-92.7385186,43.892185500000004 +832,Huhn Addition Mobile Home Court,-93.509844,47.238559 +833,Orchard Garden,-93.2960561,44.72552 +834,Alder,-93.70381520000001,47.5616113 +835,Valley Green Mobile Home Park,-93.6291667,44.676388900000006 +836,Bonnevista Terrace Mobile Home Park,-93.56388890000001,44.781111100000004 +837,Clearwater Estates,-94.04027780000001,45.4125 +838,Fairmont Estates,-94.4433048,43.668010800000005 +839,Cleveland,-93.8377341,44.325521900000005 +840,Concord,-92.8363068,44.1474641 +841,Lyle,-92.9435596,43.50533 +842,Ken and Debi Lathrop Mobile Home Park,-94.99281300000001,47.2029094 +843,Beroun,-92.95520660000001,45.910232 +844,Salem Corners,-92.60800950000001,43.9858679 +845,Glyndon,-96.578963,46.875240000000005 +846,Apple Valley,-93.21772,44.7319094 +847,Myrtle,-93.1635346,43.5644039 +848,Johnsburg,-92.76907510000001,43.5055223 +849,South Haven,-94.21206670000001,45.292284900000006 +850,Bowlus,-94.40944680000001,45.8194098 +851,Virginia,-92.53657100000001,47.52326 +852,Homer,-91.5565347,44.021352 +853,Wilpen,-92.82796330000001,47.4404867 +854,Saint Joseph,-94.3180516,45.5645229 +855,Deerwood,-93.8988695,46.4735725 +856,Kingsway Estates,-93.89666670000001,44.4730556 +857,Burchard,-95.9903034,44.2560756 +858,Castle Danger,-91.50323010000001,47.1207617 +859,Redwood Falls,-95.1164478,44.5393721 +860,Lindford,-93.7818381,48.410785000000004 +861,Martin Landing,-91.30375020000001,47.744902700000004 +862,Riceford,-91.726815,43.5760785 +863,Carmody,-93.4713435,45.6516297 +864,Merrifield,-94.17277150000001,46.4649663 +865,Eveleth,-92.538824,47.462761 +866,Canby,-96.27643400000001,44.708853000000005 +867,Section Thirty,-91.7804174,47.9101784 +868,Huot,-96.42338860000001,47.865247600000004 +869,Westport,-95.1672511,45.714963700000006 +870,Bald Eagle Center,-94.41885780000001,47.401065100000004 +871,Ramey,-93.93764940000001,45.8352401 +872,Twin Valley,-96.25894770000001,47.2602405 +873,Kabekona Corner,-94.87715890000001,47.2349484 +874,Hector,-94.715547,44.7438507 +875,Meadowlands,-92.73241700000001,47.071884000000004 +876,Bay Lake,-93.8738685,46.4094051 +877,Houston,-91.56847640000001,43.7632995 +878,Crosby,-93.95776120000001,46.482184800000006 +879,Twin Grove,-93.18825840000001,43.702737500000005 +880,Alpha,-94.87096240000001,43.6389343 +881,Sauk Rapids,-94.16738020000001,45.591327500000006 +882,West Duluth,-92.18630250000001,46.7354968 +883,Fernando,-94.4577606,44.6516293 +884,Pine Mountain Trailer Court,-90.362982,47.823826800000006 +885,Delft,-95.08894070000001,43.9863749 +886,Union Hill,-93.6671769,44.543827 +887,Benson Mobile Manor,-95.5916667,45.319166700000004 +888,Wilmont,-95.82723700000001,43.764687 +889,Aitkin,-93.70969360000001,46.533398500000004 +890,Vernon,-92.73824110000001,43.903296700000006 +891,Roscoe,-94.6397247,45.433852900000005 +892,Squier,-96.08172440000001,46.1374598 +893,Cromwell,-92.88409390000001,46.6807803 +894,Stewart,-94.48581850000001,44.7246843 +895,Traverse,-94.01746170000001,44.3485771 +896,Greaney,-93.02100560000001,47.9671454 +897,Averill,-96.5472946,46.970795200000005 +898,Belle Plaine,-93.76857290000001,44.622741000000005 +899,Bratsberg,-91.7704259,43.7349649 +900,Spaulding,-94.8527969,45.776076200000006 +901,Harnell Park,-92.3963009,46.887440500000004 +902,Pitt,-94.7360474,48.7174769 +903,Vern,-95.2144617,47.303845700000004 +904,Ely,-91.8671034,47.9033433 +905,Skime,-95.6027633,48.54691690000001 +906,Mildred,-94.46472,46.7549598 +907,Dundas,-93.2020856,44.4294359 +908,Meadow Brook,-92.9546207,47.862701400000006 +909,Storden,-95.3183305,44.037736 +910,Dora Lake,-94.0402153,47.738562300000005 +911,Robbinsdale,-93.33958430000001,45.031315600000006 +912,Frontier,-94.2565811,48.656353800000005 +913,Clements,-95.0524937,44.381626000000004 +914,Seaforth,-95.32639230000001,44.4771797 +915,Franklin,-92.51907100000001,47.5377036 +916,Luce,-95.65282110000001,46.657737100000006 +917,Birch,-92.5921368,47.0341059 +918,Shovel Lake,-93.7535696,46.9574535 +919,De Graff,-95.4678064,45.2632935 +920,Kragnes,-96.75142140000001,46.9883522 +921,Coon Lake Beach,-93.15605810000001,45.308021100000005 +922,Huntley,-94.23746440000001,43.7316215 +923,Franconia,-92.69159730000001,45.370240800000005 +924,Blomkest,-95.02327700000001,44.9427369 +925,Hanover,-93.66635240000001,45.155797 +926,Dassel,-94.3069284,45.0816298 +927,Highland,-94.0327536,45.1230198 +928,Vermillion,-92.9671545,44.6735782 +929,Jenkins,-94.3347171,46.646074000000006 +930,Erhard,-96.098669,46.485515 +931,Churchill,-95.8666642,45.022227 +932,Fort Ripley,-94.3602807,46.1660777 +933,Loerch,-94.0724893,46.403297800000004 +934,Hartland,-93.48663810000001,43.8037219 +935,Oaks Mobile Home Court,-96.2673989,47.891105200000005 +936,Bayport,-92.78132380000001,45.021264800000004 +937,Embarrass,-92.19826350000001,47.6585047 +938,Valley Haven Mobile Home Park,-93.5069989,44.8019661 +939,Sundal,-96.19838560000001,47.456352700000004 +940,Tamarack,-93.12716350000001,46.644391500000005 +941,Berner,-95.4730665,47.8044011 +942,Sanborn,-95.12892480000001,44.2095386 +943,Oslund,-94.0332722,47.6555071 +944,Correll,-96.15949470000001,45.2307969 +945,Battle Lake,-95.7139599,46.281056 +946,Dawson,-96.05448100000001,44.932738 +947,Weaver,-91.9287717,44.2149646 +948,West Albany,-92.28545360000001,44.301355900000004 +949,Bingham Lake,-95.04637910000001,43.9066239 +950,Boy River,-94.1221838,47.1680106 +951,Cass Lake,-94.60415,47.379398 +952,Silica,-93.0207527,47.264658600000004 +953,Yucatan,-91.6887574,43.6805219 +954,Deer Creek,-95.32142280000001,46.391072400000006 +955,Saint Anthony,-93.2187368,45.0283001 +956,Lakewood Court,-94.23333000000001,46.6625 +957,Spruce,-92.5629627,47.427429100000005 +958,Sauk Centre,-94.95252160000001,45.737465 +959,Skyberg,-92.93160280000001,44.2113304 +960,Wheelers Point,-94.6987837,48.837776000000005 +961,Zimmerman Terrace,-93.5829698,45.4479332 +962,Gaylord Mobile Home Park,-94.20694440000001,44.560833300000006 +963,Saint Charles,-92.06598240000001,43.9693607 +964,Gunn,-93.47521330000001,47.2160542 +965,Wheeler Landing,-91.29014040000001,47.7257364 +966,White Hawk,-93.82553270000001,46.398015300000004 +967,Hendricks,-96.42421300000001,44.507186000000004 +968,Salida,-93.81941730000001,45.356631900000004 +969,Weme,-95.5380724,47.6441238 +970,Victoria,-93.6616266,44.8585738 +971,Kennedy Landing,-91.1509704,47.3795044 +972,Shanty Town,-92.63990530000001,43.974130300000006 +973,Central,-94.342973,48.699412 +974,Rollingstone,-91.81682070000001,44.0977412 +975,Brush Creek,-93.8479801,43.644919800000004 +976,Babbitt,-91.9440871,47.708714300000004 +977,Echols,-94.67497660000001,43.9238458 +978,Hampton,-93.0001355,44.610780000000005 +979,Lake Eunice,-95.96962900000001,46.746236 +980,Clementson,-94.4363117,48.6908029 +981,Glencoe,-94.15156710000001,44.7691886 +982,Otto,-94.6074639,48.088017300000004 +983,Grant,-92.9104908,45.084411 +984,La Crescent,-91.30402740000001,43.8280216 +985,Conger,-93.5282708,43.6149554 +986,Rindal,-96.1314366,47.4994079 +987,Crown,-93.4602339,45.4446869 +988,Dorothy,-96.4467219,47.927748400000006 +989,Dumont,-96.42570300000001,45.715911500000004 +990,Perault,-96.2888764,47.8184126 +991,Trondjem,-93.39300180000001,44.4791302 +992,Ransom Trailer Court,-92.94408100000001,43.505242100000004 +993,Eitzen,-91.4615282,43.5080273 +994,Assumption,-93.88885540000001,44.6880182 +995,Leader,-94.6550114,46.528574500000005 +996,Ham Lake,-93.24995080000001,45.2502429 +997,Hollandale Junction,-93.18936950000001,43.663570500000006 +998,Georgetown,-96.7946792,47.080225000000006 +999,Thomson,-92.39796940000001,46.663554100000006 +1000,Nansen,-92.93187160000001,44.3502432 +1001,New Hope,-93.3861037,45.0347176 +1002,Big Falls,-93.8059355,48.191293800000004 +1003,Benson Mobile Manor,-95.5916667,45.319166700000004 +1004,Country Valley Mobile Home Park,-91.71853010000001,44.0718819 +1005,Grandy,-93.19525320000001,45.6352294 +1006,Zemple,-93.7854952,47.3230044 +1007,Philbrook,-94.7169617,46.2832973 +1008,West Side Mobile Home Park,-93.8172222,45.318888900000005 +1009,Wyman,-92.10767220000001,47.5324237 +1010,Miltona,-95.2914238,46.044129500000004 +1011,East Grand Forks,-97.0175792,47.9317013 +1012,Wheaton,-96.499233,45.804405 +1013,Fremont,-91.899043,43.9138521 +1014,Saint Francis,-93.3597084,45.386428300000006 +1015,Ball Club,-93.93605640000001,47.3257859 +1016,Cloverdale,-92.7399207,46.0121726 +1017,Haug,-96.1844568,48.819701300000006 +1018,Maple Lake,-94.00192270000001,45.229132 +1019,Marine on Saint Croix,-92.77104510000001,45.3666305 +1020,Lincoln,-94.6408481,46.210243000000006 +1021,Enok,-96.7583855,48.653867600000005 +1022,Pine Center,-93.91442640000001,46.2144059 +1023,Tilden Junction,-96.28894100000001,47.702189100000005 +1024,Lyndale,-93.7319083,44.982462700000006 +1025,Nary,-94.8233934,47.3668959 +1026,Skyline,-94.0307892,44.1421882 +1027,Vadnais Heights,-93.07383060000001,45.057465900000004 +1028,Brennyville,-93.9058121,45.8085776 +1029,Wilson,-91.68412670000001,43.960356700000006 +1030,Silver Creek,-93.97970120000001,45.3149655 +1031,Crystal,-93.3606072,45.031823 +1032,Markville,-92.3307496,46.091888000000004 +1033,Murtaugh,-93.32826370000001,43.599957 +1034,Minneapolis,-93.26546920000001,44.9772995 +1035,Jacobs Prairie,-94.392965,45.487230200000006 +1036,Little Falls,-94.36250240000001,45.9763545 +1037,Coates,-93.0346576,44.717188900000004 +1038,Pleasant Lake,-94.28665960000001,45.4977424 +1039,Saint Benedict,-93.6138447,44.5880189 +1040,Hazel Run,-95.71502450000001,44.7519019 +1041,Newport,-93.00038620000001,44.873474400000006 +1042,White Earth,-95.843299,47.0966328 +1043,Freedhem,-94.20860710000001,46.0563547 +1044,Mendota,-93.16438690000001,44.8871878 +1045,Saint Wendel,-94.3777766,45.666076100000005 +1046,Lucan,-95.41056110000001,44.4096788 +1047,Montrose,-93.9110814,45.0649634 +1048,New Hartford,-91.4756978,43.878576100000004 +1049,Scott Junction,-91.6104437,47.408252600000004 +1050,Nininger,-92.9021522,44.769134 +1051,Rockford Riverview Estates,-93.74166670000001,45.0833333 +1052,Birch Beach,-94.93189170000001,48.9524908 +1053,Vernon Center,-94.1691248,43.961906000000006 +1054,Edgewood,-93.23078190000001,45.5363522 +1055,Sioux Valley,-95.30472130000001,43.5438516 +1056,Walcott,-93.1835453,44.233297 +1057,Dunwoody Junction,-92.8674082,47.4518756 +1058,Cable,-94.07414010000001,45.511524900000005 +1059,Dalton,-95.915609,46.173849000000004 +1060,Pleasant Terrace Mobile Home Park,-94.1805556,45.0772222 +1061,Oshawa,-94.6388936,46.803848 +1062,Rosby,-94.80666330000001,47.4099531 +1063,Kabetogama,-93.02737400000001,48.437695000000005 +1064,Starbuck,-95.53110960000001,45.614451200000005 +1065,Hill City,-93.5985615,46.993284700000004 +1066,Gary,-92.22574820000001,46.6702193 +1067,Bygland,-96.9322997,47.8116427 +1068,Roseville,-93.1566107,45.0060767 +1069,Barnum,-92.68853130000001,46.5030014 +1070,Pine Bend,-95.59113520000001,47.4263473 +1071,Morrill,-93.9697048,45.838855 +1072,Illgen City,-91.18967380000001,47.3468722 +1073,Jennie,-94.34803950000001,45.0077403 +1074,Nimrod,-94.88085070000001,46.638849 +1075,Raymond,-95.2386238,45.0157942 +1076,Groningen,-92.92409110000001,46.1507815 +1077,Hancock,-95.79671400000001,45.497461 +1078,Mahnomen,-95.9689651,47.3151116 +1079,Don' Lakeview Mobile Home Park,-95.4138889,45.9083333 +1080,Brittmount,-92.58212470000001,47.5965916 +1081,Alvarado,-96.9961813,48.1941477 +1082,Roland,-95.7789089,47.94412680000001 +1083,Mahtowa,-92.63186250000001,46.5738342 +1084,Pepin Woods Mobile Home Park,-92.5555556,44.5444444 +1085,Dayton,-93.5149576,45.243854000000006 +1086,Brewster,-95.46861530000001,43.698573 +1087,Mazeppa,-92.5449085,44.2730219 +1088,Washington,-92.33877860000001,43.7757967 +1089,Olga,-95.6636314,47.6871803 +1090,Adolph,-92.28019110000001,46.778552700000006 +1091,Briggs Lake,-93.936091,45.508577200000005 +1092,Gladstone,-93.0304952,45.001632300000004 +1093,Annandale,-94.1244271,45.262742800000005 +1094,Buffalo,-93.8746941,45.1719084 +1095,Dexter,-92.70455480000001,43.7197096 +1096,Circle Pines,-93.1553635,45.144882 +1097,Andyville,-92.98963710000001,43.7238514 +1098,Lake Henry,-94.7963976,45.460520200000005 +1099,East Gull Lake,-94.3564527,46.4079131 +1100,Leetonia,-92.9851897,47.429099400000005 +1101,Talmoon,-93.77381700000001,47.599946100000004 +1102,La Salle,-94.56969360000001,44.0707924 +1103,Hills,-96.35904400000001,43.527554 +1104,Forest Mills,-92.64074620000001,44.2977434 +1105,Mentor,-96.1411666,47.698423500000004 +1106,Lake George Pines Mobile Home Park,-94.9926892,47.201516700000006 +1107,Marystown,-93.5413429,44.7207963 +1108,Esko,-92.3649597,46.696274900000006 +1109,University Park,-93.98634360000001,44.141633000000006 +1110,Rushford,-91.75312650000001,43.808260600000004 +1111,Freiheit Spring,-92.3173893,43.7057972 +1112,Brooten,-95.1244669,45.5010752 +1113,Millersburg,-93.3318873,44.4277415 +1114,Sibley Estates East,-93.9091667,44.5277778 +1115,Felton,-96.50636420000001,47.0785258 +1116,North Side Mobile Home Park,-94.68277780000001,45.150555600000004 +1117,Sunset Bay Trailer Park,-94.19722,46.668060000000004 +1118,Melby,-95.73588090000001,46.0638495 +1119,Pengilly,-93.1971434,47.332714700000004 +1120,Litomysl,-93.1860396,43.947184400000005 +1121,Rochert,-95.6878192,46.859959100000005 +1122,Clinton Falls,-93.24687920000001,44.138851900000006 +1123,Greenbush,-96.18129850000001,48.700121800000005 +1124,Rosendale,-94.7066631,45.040518000000006 +1125,Morton,-94.98443920000001,44.5513496 +1126,Five Points,-94.26095790000001,45.607704000000005 +1127,Hopper,-92.5810158,47.5099269 +1128,Etna,-92.3468361,43.602186800000005 +1129,Reno,-91.27513420000001,43.601082000000005 +1130,Forest Center,-91.3076345,47.794901 +1131,Richville,-95.6256,46.506627 +1132,Saratoga,-92.0702464,43.892642300000006 +1133,Ryan Village,-94.28912890000001,47.358843300000004 +1134,Kelly Landing,-91.33597780000001,47.6765721 +1135,Badger,-96.014453,48.7824188 +1136,Pineville,-92.29486030000001,47.5363167 +1137,Grasston,-93.1491067,45.7946814 +1138,Brushvale,-96.6434083,46.369404100000004 +1139,Kimball,-94.3002666,45.3124642 +1140,Ringe,-92.39892420000001,44.1082788 +1141,Key West,-96.78340220000001,47.9346964 +1142,Craigville,-93.6129636,47.9029971 +1143,Hillview,-95.2578077,46.680237700000006 +1144,Hendrickson Landing,-93.82017660000001,48.299952700000006 +1145,Reads Landing,-92.079058,44.4021892 +1146,Island Lake,-95.0180519,47.788845300000006 +1147,Schley,-94.4160813,47.3688432 +1148,Bald Eagle,-93.0103421,45.1009824 +1149,Fairfax,-94.72082110000001,44.529129100000006 +1150,Hinsdale,-92.14794780000001,47.6010341 +1151,Newhouse,-91.70014780000001,43.5249685 +1152,Pine Knoll,-93.7577497,46.577180500000004 +1153,Meadow View Manor,-94.17222000000001,46.344440000000006 +1154,Acheson Mobile Home Village,-93.5042902,47.2300808 +1155,Manley,-96.4311504,43.590250600000005 +1156,Maple Lake Mobile Home Park,-94.00138890000001,45.2247222 +1157,Viking,-96.4058607,48.2186364 +1158,Rambush Estates II,-94.22746070000001,44.1027417 +1159,Croix Estates,-92.8927778,45.3744444 +1160,Saint Francis,-94.5850085,45.759965300000005 +1161,Brainerd,-94.20082880000001,46.3580221 +1162,Gluek,-95.4733533,44.9852361 +1163,Woodland,-92.0824104,46.8460495 +1164,Wolverton,-96.73369000000001,46.563295000000004 +1165,Oak Park,-93.2657834,45.1680208 +1166,Young America,-93.91357900000001,44.7827399 +1167,Twin Pine Mobile Home Park,-92.9888889,45.1680556 +1168,New Auburn,-94.2296994,44.673574300000006 +1169,West Union,-95.08343310000001,45.800859200000005 +1170,Pratt,-93.1593732,44.022463 +1171,Tower Junction,-92.25627130000001,47.8049193 +1172,Hartley Spur,-93.02520700000001,46.996885400000004 +1173,Crookston,-96.60811670000001,47.7739988 +1174,Breckenridge,-96.581626,46.265205 +1175,Duelm,-93.93442440000001,45.572188600000004 +1176,Jackson,-94.9886022,43.620791600000004 +1177,Beauford,-93.9584499,44.0073014 +1178,High Ciara,-93.9649153,44.1646877 +1179,Roosevelt,-95.0982082,48.8034101 +1180,Mort,-93.18550350000001,45.360520400000006 +1181,Holloway,-95.9081,45.248572 +1182,Manannah,-94.61749710000001,45.253574400000005 +1183,Northcote,-97.00116940000001,48.8452611 +1184,Eagan,-93.16591790000001,44.818173 +1185,Clyde,-91.9793233,43.8946854 +1186,Carlos,-95.29225740000001,45.9724628 +1187,Stanchfield,-93.18327740000001,45.673295 +1188,Shotley,-94.63885660000001,48.048849700000005 +1189,Hines,-94.6326087,47.686702700000005 +1190,Gutches Grove,-94.9594692,45.944130900000005 +1191,Pelan,-96.3933636,48.643587600000004 +1192,Meriden,-93.38687750000001,44.0740755 +1193,South Troy,-92.4326801,44.2055218 +1194,Medicine Lake,-93.4164045,44.9951032 +1195,Andrusia,-94.6638719,47.4860635 +1196,Blaine,-93.2349489,45.1607987 +1197,Kingston,-94.31331990000001,45.1969081 +1198,Elm Park,-93.27605890000001,45.673018000000006 +1199,Warba,-93.266598,47.12883 +1200,Cobden,-94.8488756,44.2863491 +1201,Oronoco,-92.5350748,44.1642851 +1202,Kerr,-92.979912,47.423543900000006 +1203,Parkdale,-96.01283400000001,46.233293 +1204,Garvin,-95.7582891,44.2157398 +1205,Carpenters Corner,-96.4375502,48.1580281 +1206,Angus,-96.70311790000001,48.081085 +1207,Little Chicago,-93.32216550000001,44.479130600000005 +1208,Racine,-92.4827005,43.7760146 +1209,Spruce Center,-95.22364370000001,46.0705186 +1210,Woodland,-93.5105087,44.9484736 +1211,York,-91.70350850000001,47.126874 +1212,Simar,-92.3438014,46.812997100000004 +1213,Birchwood Terrace Mobile Home Park,-92.9751123,45.344740300000005 +1214,Weston,-92.98466210000001,45.188856200000004 +1215,Rockville,-94.3408273,45.4719088 +1216,Shelly,-96.8190314,47.4576794 +1217,Foreston,-93.71052230000001,45.7344117 +1218,Saint Mathias,-94.25110910000001,46.2227447 +1219,Ironton,-93.9777621,46.4774631 +1220,Cloquet,-92.4613669,46.721727900000005 +1221,Park Estates,-95.0152778,46.940277800000004 +1222,West Point,-93.38911990000001,45.557741500000006 +1223,Country Village Mobile Estates,-94.1983333,45.0736111 +1224,Pelican Hills Mobile Home Park,-96.07638890000001,46.6930556 +1225,Wildwood,-93.9668721,47.8905072 +1226,Montgomery,-93.5813413,44.4388525 +1227,Cyrus,-95.73810300000001,45.614683 +1228,Wales,-91.74684140000001,47.234925800000006 +1229,Baden,-92.58852590000001,47.0102175 +1230,Plummer,-96.04146460000001,47.9113855 +1231,New London,-94.9441773,45.301075600000004 +1232,Kerkhoven,-95.32057680000001,45.193016500000006 +1233,Lexington,-93.7024566,44.4424645 +1234,Pickwick,-91.4945878,43.981630200000005 +1235,Ruby Junction,-92.9196175,47.434864700000006 +1236,Elizabeth,-96.129226,46.379682 +1237,Ellendale,-93.3010744,43.872844300000004 +1238,Byron,-92.64543950000001,44.0325922 +1239,Medford,-93.2463242,44.174129900000004 +1240,Corvuso,-94.6045732,44.9358251 +1241,Richfield,-93.28778770000001,44.8766431 +1242,Petran,-93.2090926,43.6566258 +1243,Whalan,-91.9265426,43.7321864 +1244,Hackett,-94.71894800000001,48.815974000000004 +1245,Shermans Corner,-92.65628770000001,47.779087000000004 +1246,Maple Island,-92.8552119,45.174133600000005 +1247,Hastings,-92.85186970000001,44.742693300000006 +1248,Bailey,-93.66554190000001,45.3168683 +1249,Stanley,-93.1527229,45.5505184 +1250,Pomroy,-93.9929877,47.8174513 +1251,Rush River,-94.0507781,44.4668403 +1252,Midland Junction,-92.0015541,44.321077 +1253,Scotts Corner,-92.4288035,46.5979991 +1254,Post Town,-92.6387969,44.090519900000004 +1255,Madison,-96.19587700000001,45.009685000000005 +1256,Corcoran,-93.5475651,45.095106900000005 +1257,Oaks Corner,-94.94996470000001,48.424418700000004 +1258,Fond du Lac,-92.2732484,46.6596641 +1259,Kasson,-92.7503451,44.029705500000006 +1260,Brooklyn,-92.9210211,47.439654100000006 +1261,Pelland,-93.5758445,48.522161000000004 +1262,Ebro,-95.52946460000001,47.495513100000004 +1263,Conception,-92.1098908,44.2655216 +1264,Comfrey,-94.9047089,44.1102361 +1265,Waconia,-93.7869088,44.850795700000006 +1266,Bellaire,-92.99494440000001,45.068122900000006 +1267,Prairieville,-93.1921576,44.283852800000005 +1268,Side Lake,-93.01573900000001,47.665206700000006 +1269,Almora,-95.36559150000001,46.2463507 +1270,Payne,-92.59935850000001,47.096049 +1271,Dorset,-94.9525169,46.9563476 +1272,Wilkinson,-94.62776860000001,47.2507886 +1273,Pine Point,-95.3834221,46.977729700000005 +1274,Grayling,-93.2107804,46.629113600000004 +1275,Richdale,-95.4750389,46.554682400000004 +1276,Hassman,-93.61302160000001,46.6018996 +1277,Fredenberg,-92.21713190000001,46.9738265 +1278,Birchwood Village,-92.97737380000001,45.060605900000006 +1279,West View Court,-95.7511111,47.576388900000005 +1280,Bartlett,-92.34130060000001,46.9124397 +1281,Arco,-96.1836773,44.383540100000005 +1282,Wakemup,-92.6451691,47.9240821 +1283,Gary,-96.26810300000001,47.3711053 +1284,Bigelow,-95.690014,43.505243 +1285,Hansen's Harbor and Trailer Court,-92.3152778,44.4994444 +1286,Grand View Mobile Park,-92.6172222,44.5625 +1287,Isabella,-91.354871,47.61713 +1288,Winsted,-94.0489618,44.964633400000004 +1289,Hawick,-94.8272295,45.347742100000005 +1290,Evergreen Village,-94.2068292,45.6215446 +1291,Arnold,-92.0904654,46.8802157 +1292,Fletcher,-93.54195270000001,45.172571600000005 +1293,Farwell,-95.6172677,45.752181900000004 +1294,Spring Lodge Resort and Marina,-93.21125520000001,48.597705500000004 +1295,McComber,-92.0654298,47.8488016 +1296,Olson's Mobile Home Park,-95.35323170000001,45.887107300000004 +1297,Sheshebee,-93.24244730000001,46.704669200000005 +1298,Gheen Corner,-92.8298206,47.963717200000005 +1299,Bennett,-93.08491500000001,47.416045200000006 +1300,Yankeetown,-96.74006890000001,45.4910732 +1301,Cold Spring,-94.4288849,45.4557973 +1302,Munger,-92.34380150000001,46.800775 +1303,Largo,-92.57046120000001,47.480205500000004 +1304,Owanka,-95.67488230000001,44.125645000000006 +1305,Hinckley,-92.94437070000001,46.0113409 +1306,Saint George,-94.53247800000001,44.3894068 +1307,Hokah,-91.34652630000001,43.7594117 +1308,Sawyer,-92.6332502,46.671334 +1309,Brickton,-93.6060731,45.6071874 +1310,Hubbard,-95.0091934,46.836947200000004 +1311,Hasty,-93.97303520000001,45.3710767 +1312,Lorne,-95.5744641,44.7460685 +1313,Priam,-95.1408442,45.0682952 +1314,Little Pine,-93.8613593,46.7455146 +1315,Wastedo,-92.8507216,44.4021848 +1316,Little Rock,-95.10894900000001,47.869162300000006 +1317,Grove Lake,-95.1575263,45.6141305 +1318,Phelps,-95.8206055,46.3802377 +1319,Hope,-93.2760439,43.9619062 +1320,Melrose,-94.80755860000001,45.6746836 +1321,Longworth,-95.3649613,48.9824908 +1322,Cosmos Mobile Home Park,-94.69936960000001,44.9357241 +1323,Pierz,-94.10471240000001,45.9816318 +1324,Peyla,-92.3634906,47.785268300000006 +1325,Delano,-93.7891331,45.041907300000005 +1326,Florian,-96.6281069,48.4421983 +1327,Pine River,-94.40416250000001,46.7180163 +1328,Siegel,-92.80687350000001,45.015522600000004 +1329,Deer River,-93.7928136,47.3328087 +1330,Alvwood,-94.2680052,47.7305094 +1331,Wilton,-95.00111700000001,47.503400000000006 +1332,Big Spring,-92.0523831,43.5666321 +1333,Farming,-94.59813910000001,45.515456300000004 +1334,Otsego,-93.614857,45.2812733 +1335,Dodge Center,-92.85472870000001,44.0280202 +1336,Hillman,-93.8938677,46.004130100000005 +1337,Glenwood,-95.3897582,45.650239400000004 +1338,Canton,-91.92987930000001,43.5296886 +1339,Bush Landing,-95.4733561,47.3316248 +1340,Hawley,-96.316731,46.880793000000004 +1341,Hammond,-92.3735113,44.2221886 +1342,Esterdy,-94.732515,46.4766296 +1343,Donaldson,-96.8964437,48.5723691 +1344,Deer Lane,-94.9780724,47.0399582 +1345,Ogema,-95.9255358,47.1040932 +1346,Oklee,-95.8547886,47.838748300000006 +1347,Howard Lake Mobile Home Park,-94.0755556,45.0566667 +1348,Atwater,-94.7810199,45.1363343 +1349,Hadley,-95.85390770000001,44.0010355 +1350,Big Woods,-97.1081259,48.3113724 +1351,Gheen,-92.8082268,47.9679724 +1352,LaBelle,-96.0625545,46.882736900000005 +1353,Saint Kilian,-95.87112730000001,43.790243100000005 +1354,Midway,-92.5260562,47.491043600000005 +1355,Oneota,-92.16602440000001,46.746329900000006 +1356,Euclid,-96.6388927,47.971865900000005 +1357,Rush City,-92.9654903,45.685514500000004 +1358,Espelie,-95.68028290000001,48.223574000000006 +1359,Winnipeg Junction,-96.2467282,46.895792900000004 +1360,Glenwood Junction,-93.33280160000001,44.987294600000006 +1361,Porter,-96.16559500000001,44.636352 +1362,Smith Lake,-94.1149774,45.0830192 +1363,Murdock,-95.39335820000001,45.223849400000006 +1364,Fisher,-96.8014534,47.800073000000005 +1365,Wolf Lake,-95.35253180000001,46.8030154 +1366,Giese,-93.1166029,46.2160583 +1367,Hanska,-94.49413600000001,44.1488494 +1368,Malmo,-93.5192523,46.333544 +1369,Sherack,-96.7834404,48.020811 +1370,Arlington Mobile Home Park,-94.06916670000001,44.6069444 +1371,Avon,-94.45166680000001,45.6091313 +1372,Albany,-94.5700048,45.6299647 +1373,Lakefield,-95.1716615,43.6774593 +1374,Cannon City,-93.21132560000001,44.3291307 +1375,Plainview,-92.17176090000001,44.1647423 +1376,Eureka,-93.6044026,44.901074 +1377,Clearwater,-94.04887210000001,45.419409900000005 +1378,Radium,-96.6136673,48.229418800000005 +1379,Ponsford,-95.3838664,46.9699582 +1380,Eden Prairie,-93.470786,44.8546856 +1381,Eden,-92.88491850000001,44.088019700000004 +1382,Redtop,-93.3974553,46.176064200000006 +1383,Potsdam,-92.33911450000001,44.165524100000006 +1384,Claremont,-92.9976958,44.0441674 +1385,Nicollet,-94.1874823,44.2760635 +1386,Cologne,-93.78135230000001,44.771629000000004 +1387,Ruskin,-93.1618787,44.267464000000004 +1388,Luna,-96.7936729,48.2535874 +1389,Englund,-96.6281057,48.485809700000004 +1390,Poor Farm Landing,-94.2410785,44.3288548 +1391,Guthrie,-94.7911114,47.300232400000006 +1392,Wright,-93.006878,46.6691142 +1393,Prinsburg,-95.18750890000001,44.9338496 +1394,Buhl,-92.77796000000001,47.49354 +1395,Theilman,-92.1921164,44.289133400000004 +1396,Poplar,-94.6966783,46.5866285 +1397,Isanti Estates,-93.23333330000001,45.454722200000006 +1398,Northome,-94.28002670000001,47.8724999 +1399,York,-92.2690996,43.532601 +1400,Lonsdale,-93.42855870000001,44.4802412 +1401,Cedar Beach,-92.46490250000001,44.1616323 +1402,Strathcona,-96.16890710000001,48.5538633 +1403,Butterfield,-94.79462550000001,43.958364100000004 +1404,Excelsior,-93.56634550000001,44.9032963 +1405,Highland,-91.7193412,47.2049268 +1406,Iron Junction,-92.6034597,47.4188278 +1407,Tobique,-94.0396815,47.1155106 +1408,Swan River,-93.1949312,47.086607300000004 +1409,Watab,-94.1811028,45.6763544 +1410,Elba,-92.0187721,44.0885748 +1411,Bruce,-96.40013230000001,43.5213289 +1412,Parkview Mobile Home Court,-93.1665382,47.382506400000004 +1413,Suburban Mobile Home Park,-94.3416667,45.9727778 +1414,Minnewawa,-93.27494890000001,46.6985587 +1415,South Hollandale,-93.18964740000001,43.7207931 +1416,Cove,-93.61857690000001,46.108569200000005 +1417,Currie,-95.66639900000001,44.071351 +1418,Swatara,-93.6739029,46.8955957 +1419,Angle Inlet,-95.0636673,49.3430199 +1420,Johnson,-96.29511690000001,45.5729819 +1421,Silver Bay,-91.2573708,47.294296800000005 +1422,Vergas,-95.80532600000001,46.656626 +1423,Waubun,-95.93888580000001,47.1807067 +1424,Countryview Estates,-94.71833330000001,44.518055600000004 +1425,Erie,-95.72500000000001,48.072222200000006 +1426,Borup,-96.5061805,47.180243000000004 +1427,Dover,-92.1387184,43.9737407 +1428,Lutsen,-90.67486600000001,47.6470829 +1429,Lakeview Terrace,-93.5875599,47.230901800000005 +1430,Muckland,-93.18909190000001,43.744682100000006 +1431,Paupores,-92.76436410000001,46.872443700000005 +1432,Swanburg,-94.17553880000001,46.740238100000006 +1433,Shady Oak Mobile Park,-94.2125,45.581944400000005 +1434,Garden City,-94.1649581,44.0471858 +1435,Rice Lake,-93.04603730000001,44.1105196 +1436,Little Swan,-92.8310247,47.2971571 +1437,Grand Marais,-90.334675,47.750467 +1438,Evergreen,-95.45086930000001,46.7599597 +1439,Lastrup,-94.0633217,46.0394091 +1440,Haypoint,-93.6138439,46.899675200000004 +1441,Remer,-93.91606900000001,47.056065000000004 +1442,Cokato,-94.19036750000001,45.075043 +1443,Waltham,-92.8771918,43.821645100000005 +1444,Sargeant,-92.8014629,43.8052377 +1445,Inver Grove Heights,-93.0428119,44.847903900000006 +1446,Hazeltine,-93.60134620000001,44.8369073 +1447,Winter,-91.49043540000001,47.5271356 +1448,Goodview,-91.6954403,44.061987 +1449,Bock,-93.5569028,45.7849627 +1450,Darfur,-94.8380398,44.0513467 +1451,Nebish,-94.8474863,47.771344600000006 +1452,West Side Mobile Home Park,-96.2847222,47.4177778 +1453,Slayton,-95.755846,43.987742000000004 +1454,Duxbury,-92.508807,46.1277233 +1455,Forest Grove,-94.2313311,47.9766241 +1456,Welch,-92.7385321,44.568300300000004 +1457,Wykoff,-92.26822100000001,43.707186300000004 +1458,Perch Lake Trailer Court,-94.26389,46.34778 +1459,Angora,-92.634065,47.77492 +1460,Markham,-92.21851550000001,47.2990964 +1461,Manitoba Junction,-96.24756140000001,46.9066264 +1462,Yola,-95.01223630000001,47.232178100000006 +1463,Palo,-92.2596249,47.415205400000005 +1464,Sparta,-92.47710000000001,47.46737 +1465,Mayer,-93.8877453,44.8849625 +1466,Cramer,-91.09015450000001,47.5271282 +1467,Lauderdale,-93.2018736,44.994328 +1468,Beaulieu,-95.8044794,47.3355157 +1469,Twig Station,-92.3463009,46.8777181 +1470,Minnetonka Beach,-93.5766241,44.9396852 +1471,Orleans,-96.93671900000001,48.926094600000006 +1472,Rollag,-96.23836250000001,46.741154900000005 +1473,Little Canada,-93.08771970000001,45.0269101 +1474,Ada,-96.5153463,47.299689 +1475,Reno,-91.95045,47.4179796 +1476,Ridge,-92.0359986,47.6224209 +1477,North Star,-94.0794051,44.290522100000004 +1478,Vawter,-94.2449971,45.912187800000005 +1479,Spencer Brook,-93.44051080000001,45.521908700000004 +1480,Central Lakes,-92.4765778,47.2257673 +1481,Sunfish Lake,-93.098551,44.8707992 +1482,Idington,-92.6518449,47.733255 +1483,Easton,-93.90117930000001,43.7654711 +1484,Murray,-92.18043490000001,47.816028300000006 +1485,Longville,-94.21136360000001,46.986344300000006 +1486,Riverside,-92.2040808,46.709941400000005 +1487,Oak Knoll,-93.428008,44.971352800000005 +1488,Brandon,-95.59873780000001,45.9651633 +1489,Ponemah / Obaashiing,-94.9138442,48.020698900000006 +1490,Bodum,-93.2043922,45.5216301 +1491,Hoyt Lakes,-92.138507,47.519647000000006 +1492,Ramsey,-92.9696363,43.7096849 +1493,Webster,-93.35272300000001,44.529686000000005 +1494,Money Creek,-91.613478,43.821354 +1495,Shephard,-94.1041582,46.2138536 +1496,Shoreview,-93.12828780000001,45.072205600000004 +1497,Duluth Junction,-92.89993460000001,45.076633300000005 +1498,Four Town,-95.33570680000001,48.2813488 +1499,Nakoda,-93.4582089,48.514939700000006 +1500,Noyes,-97.20489300000001,48.998839000000004 +1501,Beckville,-94.56388070000001,45.0444066 +1502,Lerdal,-93.2690958,43.7238477 +1503,Summit Mobile Home Park,-93.9663568,44.3463286 +1504,Motley,-94.64612500000001,46.3366315 +1505,Chatfield,-92.1880907,43.844629600000005 +1506,Brownsville,-91.2798571,43.6941356 +1507,Lagoona Beach,-96.4856139,45.3663534 +1508,Padua,-95.05696680000001,45.614131300000004 +1509,Maney,-92.60797090000001,46.9902181 +1510,Page,-93.66357670000001,45.887463000000004 +1511,Forada,-95.3555925,45.7921841 +1512,Woodbury,-92.9599311,46.6791141 +1513,Saint Michael,-93.6648083,45.210202 +1514,Grey Eagle,-94.7493714,45.824631200000006 +1515,Halstad,-96.828626,47.3516282 +1516,Henriette,-93.11743700000001,45.8716237 +1517,Rose City,-95.1666977,46.077463200000004 +1518,Roan,-96.7433956,48.149974500000006 +1519,Roseau,-95.76132310000001,48.84579960000001 +1520,Redby / Madaabiimog,-94.91303,47.878725900000006 +1521,LeHillier,-94.0352338,44.1519105 +1522,Trimont,-94.7072,43.762177400000006 +1523,Lucknow,-92.73629240000001,47.501039600000006 +1524,Gaylord,-94.22053100000001,44.553020100000005 +1525,Arlberg,-92.61408200000001,46.9232749 +1526,Saga Hill,-93.63996,44.954685100000006 +1527,Fountain,-92.13627170000001,43.7399639 +1528,Deerwood,-96.5919903,48.558310000000006 +1529,Castle Rock,-93.15243810000001,44.5438543 +1530,Knapp,-94.22637180000001,45.152186 +1531,Bethany,-91.9115448,44.0241296 +1532,Girard,-96.6742366,47.7285832 +1533,Lake Wilson,-95.9532664,43.9967083 +1534,Becida,-95.08112360000001,47.354121600000006 +1535,Arthyde,-93.08938110000001,46.356057 +1536,Covill,-90.16065490000001,47.795169300000005 +1537,Leota,-96.0135918,43.8338541 +1538,Sax,-92.60296840000001,47.2116022 +1539,Mission Creek,-92.9499272,45.9702308 +1540,Suomi,-93.74131940000001,47.4832793 +1541,Boyd,-95.903086,44.84857 +1542,Littlefork,-93.5544969,48.398298100000005 +1543,Echo,-95.41751040000001,44.6169018 +1544,Pillsbury,-94.6836258,45.933298400000005 +1545,Wyanett,-93.45078810000001,45.586908 +1546,Lake Benton,-96.28753900000001,44.261079 +1547,Fergus Falls,-96.07755800000001,46.283015000000006 +1548,Lindström,-92.8479921,45.3894083 +1549,Gilman,-93.9491479,45.735245000000006 +1550,Chokio,-96.17298050000001,45.571458500000006 +1551,Manhattan Beach,-94.134704,46.728294000000005 +1552,Shafer,-92.7477114,45.3869076 +1553,Nickerson,-92.4993613,46.4107776 +1554,East Lake Francis Shores,-93.32384090000001,45.503852900000005 +1555,Knife River,-91.77906750000001,46.949380000000005 +1556,Barnesville,-96.41979,46.652182 +1557,Lavinia,-94.8116593,47.5149521 +1558,Wolford,-93.979149,46.545518200000004 +1559,Toimi,-91.7676694,47.400477200000005 +1560,Saint Josephs,-93.56328780000001,44.6605186 +1561,Dahlgren,-93.683571,44.7766293 +1562,Wangs,-92.9794519,44.4066191 +1563,Bee,-91.5706988,43.5010817 +1564,Aure,-95.12055860000001,47.673288500000005 +1565,Schultz Trailer Park,-96.49888890000001,45.8044444 +1566,Ericsburg,-93.3315728,48.4877106 +1567,Butler,-95.35308880000001,46.688015500000006 +1568,Stubbs Bay,-93.61468140000001,44.974963 +1569,Fryers Mobile Home Park,-92.75632990000001,44.0691044 +1570,Ormsby,-94.6977554,43.848289400000006 +1571,Minnetonka Mills,-93.44189700000001,44.941074900000004 +1572,Dudley,-95.691484,44.4257373 +1573,Emmons Trailer Court,-93.48810920000001,43.5019277 +1574,Pine Bend,-93.0353915,44.7791124 +1575,Bejou,-95.97650060000001,47.441443 +1576,West Newton,-91.900716,44.2649649 +1577,Rollins,-91.84517600000001,47.2565929 +1578,Northrop,-94.43635920000001,43.7363438 +1579,Evansville,-95.68282400000001,46.004128 +1580,Beaver Falls,-95.0472192,44.5830159 +1581,Elysian,-93.6733978,44.198820500000004 +1582,Chippewa City,-90.30204830000001,47.759613400000006 +1583,Forest Lake,-92.9851629,45.279106000000006 +1584,Philbin,-93.34132190000001,47.159942 +1585,Genoa,-92.5087953,47.464372000000004 +1586,Midvale,-92.9949378,44.971632400000004 +1587,Villard,-95.2691995,45.7155184 +1588,Baroda,-93.6749448,43.720788500000005 +1589,Woodlawn Mobile Home Court,-95.4958333,45.930555600000005 +1590,Bassett,-91.82878210000001,47.387145000000004 +1591,Balsam,-93.15605160000001,46.7810579 +1592,Days High Landing,-93.805777,47.252172300000005 +1593,Federal Dam,-94.21597890000001,47.2457909 +1594,Maple,-91.1518254,47.4579657 +1595,Pleasant Acres Mobile Home Park,-92.6973021,43.7163443 +1596,Mahkonce,-95.61551150000001,47.3244327 +1597,Saint Anthony,-94.6122301,45.6866317 +1598,Bucks Mill,-95.915051,46.7230142 +1599,Lake Sarah,-93.6902412,45.0719075 +1600,Vesta,-95.4163965,44.5077348 +1601,Zumbro Falls,-92.4219702,44.283207000000004 +1602,Big Bear Landing,-95.4769672,47.3366248 +1603,North Oaks,-93.0791092,45.102744 +1604,Saint Clair Junction,-92.8446291,47.4704861 +1605,Brownell,-92.33824750000001,46.677164700000006 +1606,South Silver Lake,-94.1991445,44.8849626 +1607,Evergreen Park,-92.94416670000001,46.0113889 +1608,Bechyn,-95.0760406,44.6506227 +1609,Little Marais,-91.1100174,47.4109326 +1610,Willernie,-92.9566037,45.054132900000006 +1611,Ash Creek,-96.1941951,43.538302800000004 +1612,Atkinson,-92.5654712,46.612166900000005 +1613,Bowstring,-93.796598,47.543003000000006 +1614,Wadena,-95.13613860000001,46.442461400000006 +1615,Mavie,-95.93890990000001,48.1446874 +1616,Climax,-96.81702220000001,47.607751500000006 +1617,Lazy Acre's Trailer Court,-94.13889,46.38667 +1618,Minnesota City,-91.7495959,44.0938521 +1619,Saint Nicholas,-94.4366609,45.3807971 +1620,Claybank,-92.63185940000001,44.4416335 +1621,Pinecreek,-95.9428151,48.9779945 +1622,Bellingham,-96.28755000000001,45.136075000000005 +1623,Genola,-94.1163796,45.9602431 +1624,Saint Thomas,-93.7574603,44.497742 +1625,Platte,-94.08221200000001,46.1055203 +1626,Spicer,-94.9400088,45.2330198 +1627,Nelson,-95.2642005,45.8894074 +1628,Linden Grove,-92.87045400000001,47.862977 +1629,Goodhue,-92.623957,44.3997031 +1630,Graceville,-96.433299,45.569586300000005 +1631,Merriam,-93.59440070000001,44.7377406 +1632,Armstrong,-93.4679916,43.6646785 +1633,Jasper,-96.397388,43.849709000000004 +1634,Greenwald,-94.86001490000001,45.601631700000006 +1635,Burnett,-92.52435750000001,46.900774600000005 +1636,Ramsey,-93.4605008,45.232059500000005 +1637,Rushmore,-95.800571,43.61941 +1638,Garrison,-93.82719920000001,46.294428 +1639,Humboldt,-97.0935431,48.921243200000006 +1640,Centerville,-91.6357021,43.9430192 +1641,Frogner,-92.30658290000001,46.5541087 +1642,Lyman,-95.2486427,46.339961900000006 +1643,Kanaranzi,-96.094469,43.575802 +1644,Glenville,-93.28142620000001,43.572754 +1645,Cazenovia,-96.3678155,44.0669145 +1646,Wirt,-93.959934,47.730505 +1647,Carp,-94.6471674,48.505248800000004 +1648,Penasse,-94.9594952,49.367614700000004 +1649,Leighton,-93.6202382,45.0652412 +1650,Rose Creek,-92.8318541,43.6035756 +1651,Saint Stephen,-94.2744404,45.702743000000005 +1652,Silverdale,-93.1096157,47.986036500000004 +1653,Bertha,-95.0628047,46.2666295 +1654,Lockhart,-96.552462,47.4401104 +1655,South Branch,-94.5494153,43.8838456 +1656,Truman,-94.4389338,43.8277419 +1657,Sun-Bay Mobile Court and Camping,-92.8020676,46.4082674 +1658,Lexington,-93.168558,45.1387036 +1659,Hay Creek,-92.54380090000001,44.491911900000005 +1660,Osakis,-95.15235700000001,45.866902200000006 +1661,Ward Lee Mobile Home Park,-91.2798571,43.6941356 +1662,Meadow Mobile Home Park,-92.56880910000001,43.7035305 +1663,Cutler,-93.75747340000001,46.358291400000006 +1664,Palmers,-91.85073700000001,46.9246582 +1665,Village Terrace,-91.3590266,43.758300600000005 +1666,Westwood Mobile Home Park,-94.22033060000001,46.357701500000005 +1667,Zumbrota,-92.66891430000001,44.2939669 +1668,Spring Creek,-95.84863920000001,44.7180143 +1669,Lakeland Shores,-92.7672749,44.9489049 +1670,Prosper,-91.8695993,43.507745 +1671,Bird Island,-94.8955521,44.7674614 +1672,Kellogg,-91.99572040000001,44.308576900000006 +1673,Foldahl,-96.5503288,48.3333081 +1674,Ray,-93.20968830000001,48.4107697 +1675,Blue Earth,-94.10218210000001,43.637455 +1676,Debs,-95.12805680000001,47.7313446 +1677,Amiret,-95.69695870000001,44.316625 +1678,Hustad Mobile Home Park,-95.35000000000001,45.8902778 +1679,Cuyuna,-93.9230366,46.5169062 +1680,Sigsbee,-93.208815,43.6932926 +1681,Wanamingo,-92.79061220000001,44.304390700000006 +1682,Snellman,-95.4130878,46.889404400000004 +1683,Lancaster,-96.80456020000001,48.858248800000005 +1684,Groveland,-93.4860651,44.941630100000005 +1685,Hitterdal,-96.25922800000001,46.97746 +1686,Ah-gwah-ching,-94.5627714,47.0741244 +1687,Robbin,-97.1424568,48.5726625 +1688,Clitherall,-95.631156,46.274961000000005 +1689,West Wind Estates,-95.23277780000001,46.4691667 +1690,Boisberg,-96.56017960000001,45.9205472 +1691,Bremen,-92.3107354,44.208116200000006 +1692,Independence,-93.70746340000001,45.025240700000005 +1693,Inguadona,-94.13024820000001,46.9832886 +1694,Norwood,-93.9274683,44.7680176 +1695,Thunderbird Mobile Home Park,-91.3509707,43.7571895 +1696,Steelton,-92.22047040000001,46.6702193 +1697,Avalon,-94.0513889,44.1888889 +1698,Braham,-93.1706367,45.724744400000006 +1699,Serpent Lake Mobile Home Park,-93.92500000000001,46.475 +1700,Hagen's Mobile Home Park,-96.28,47.53611110000001 +1701,Scribner,-95.01250510000001,47.534396900000004 +1702,Wyattville,-91.79015070000001,43.9407964 +1703,New Trier,-92.9340416,44.6013175 +1704,Wilton,-93.53438680000001,44.013852500000006 +1705,Graff,-94.5469511,46.5724638 +1706,Granada,-94.34781450000001,43.695895400000005 +1707,Winner,-95.43997350000001,48.5977539 +1708,Wrenshall,-92.3856282,46.619688100000005 +1709,Millerville,-95.5625433,46.0674611 +1710,Burtrum,-94.68501400000001,45.867465200000005 +1711,Sacred Heart,-95.35167840000001,44.786903 +1712,Welcome,-94.61878630000001,43.667113900000004 +1713,Border,-94.27824740000001,48.6966327 +1714,Saint Augusta,-94.1541547,45.478576200000006 +1715,Greenleaf,-94.4994336,44.9963508 +1716,Freeborn,-93.5641078,43.765790100000004 +1717,Jasper Sunrise Village,-96.39010490000001,43.8495311 +1718,Silver Creek,-91.6020464,47.112278800000006 +1719,Cort,-93.2471447,47.3327152 +1720,Eastview Mobile Home Park,-94.105,45.2652778 +1721,Amboy,-94.1585259,43.887871000000004 +1722,March,-96.8972889,48.194978500000005 +1723,McKinley,-92.4110144,47.512703800000004 +1724,Cashtown,-96.4392231,45.298576000000004 +1725,Wyoming,-92.99716310000001,45.336355100000006 +1726,Brownton,-94.3502593,44.731906800000004 +1727,Florence,-96.0519726,44.2371877 +1728,Forest City,-94.4663799,45.2063519 +1729,Orr,-92.83100200000001,48.053527 +1730,Chandler,-95.9476393,43.9289195 +1731,South International Falls,-93.3986332,48.5861524 +1732,Fairland,-94.15463720000001,48.46746 +1733,Comstock,-96.74841400000001,46.659407 +1734,Maple Plain,-93.6557945,45.0071851 +1735,Essig,-94.60481680000001,44.324209100000004 +1736,Waterford,-93.14299270000001,44.483854300000004 +1737,Pillager,-94.47417440000001,46.3299668 +1738,Graceton,-94.8363271,48.7410897 +1739,Ross,-95.92066100000001,48.906039500000006 +1740,Barden,-93.4105055,44.7905193 +1741,Charlesville,-96.26867320000001,45.949127000000004 +1742,Lamson,-94.2747032,44.990240500000006 +1743,Blooming Prairie,-93.05525130000001,43.866806600000004 +1744,Darwin,-94.41082100000001,45.096351600000006 +1745,Elmore,-94.0879847,43.5048149 +1746,Denham,-92.9429827,46.3638345 +1747,Wawina,-93.11909700000001,47.052996 +1748,Orono,-93.6044033,44.9713519 +1749,Hamel,-93.52523620000001,45.0409201 +1750,Ottawa,-93.94579490000001,44.382187800000004 +1751,East Chain,-94.3652476,43.5588445 +1752,Lake George,-94.993232,47.2004517 +1753,Sedan,-95.2480847,45.5755186 +1754,Vining,-95.53712630000001,46.2631511 +1755,Dunbar,-94.2246705,47.658286800000006 +1756,Automba,-93.0185457,46.5207793 +1757,Eagle Lake Regency,-93.8774528,44.1541336 +1758,Kandiyohi,-94.93111660000001,45.1321856 +1759,Wylie,-96.35310550000001,47.961913800000005 +1760,Winnebago,-94.16590000000001,43.767716 +1761,Fort Saint Charles,-94.9807916,49.3619405 +1762,Winona,-91.6392294,44.0500054 +1763,Cedar,-93.28606260000001,45.319687 +1764,Remus Trailer Lots,-94.48555560000001,44.7247222 +1765,Shevlin,-95.2592685,47.5300348 +1766,Viola,-92.26804920000001,44.063249500000005 +1767,Gotha,-93.78857430000001,44.717184700000004 +1768,Oak Park Heights,-92.7929842,45.0313559 +1769,Cusson,-92.84294560000001,48.1018594 +1770,Badoura,-94.7661209,46.862180800000004 +1771,South Rushford,-91.75514790000001,43.7960755 +1772,Ellerth,-96.4775468,48.354974500000004 +1773,Warren,-96.7727048,48.196591000000005 +1774,Rothsay,-96.2808631,46.4739548 +1775,Genoa,-92.60720880000001,44.1100584 +1776,Little Sauk,-94.9183557,45.863853600000006 +1777,Miesville,-92.81269950000001,44.6007079 +1778,Belview,-95.32945090000001,44.6052358 +1779,Lilydale,-93.12605260000001,44.916076800000006 +1780,Cedar Lake,-93.44022700000001,44.587185600000005 +1781,Nashville Center,-94.3077423,43.834123600000005 +1782,Greenwood,-93.55328970000001,44.9149631 +1783,Adams,-92.71853440000001,43.565067000000006 +1784,Garrison Trailer Park,-93.826721,46.294388100000006 +1785,Long Lake,-93.57159080000001,44.986389200000005 +1786,Perley,-96.8047502,47.1776695 +1787,Blakeley,-93.8532981,44.6107965 +1788,Harold,-96.4975615,47.7021918 +1789,River Point,-93.24520910000001,43.939128200000006 +1790,Carimona,-92.1576625,43.6602423 +1791,Grass Lake,-93.167719,45.7780155 +1792,Birchdale,-94.101403,48.6274006 +1793,Marietta,-96.417551,45.008297000000006 +1794,London,-91.5696169,47.2027037 +1795,Austin Acres,-93.00475010000001,43.6547855 +1796,Ulen,-96.25894910000001,47.078850200000005 +1797,Roy Lake,-95.55169210000001,47.3252364 +1798,Greely,-93.0682704,45.744681400000005 +1799,Langdon,-92.92882080000001,44.809967 +1800,Alborn,-92.5760257,46.972996 +1801,Elmer,-92.777139,47.103550000000006 +1802,Lavinia,-92.9462982,47.472431400000005 +1803,Leander,-92.65045310000001,47.802975100000005 +1804,Alford,-92.3835255,46.6318873 +1805,Appleton,-96.019767,45.196906000000006 +1806,Jarrett,-92.33906590000001,44.2360777 +1807,Renova,-92.7657389,43.738573900000006 +1808,Garnes,-95.88115710000001,47.906419500000005 +1809,Holdingford,-94.47000320000001,45.731076300000005 +1810,Harlis,-92.31269490000001,46.4121642 +1811,Crane Lake,-92.489427,48.266691 +1812,Hoffman,-95.791994,45.829404000000004 +1813,Wisner,-93.6762796,48.306892600000005 +1814,Saum,-94.6767147,47.974566 +1815,Akeley,-94.7269629,47.0041955 +1816,Manitou,-93.9929548,48.628292 +1817,Tenney,-96.453401,46.0444041 +1818,Branch,-92.9618842,45.485240700000006 +1819,Foxhome,-96.3096553,46.276998500000005 +1820,Everdell,-96.408124,46.2674596 +1821,Nodine,-91.43625320000001,43.904964500000006 +1822,Minnesota Boys Town,-93.1766127,45.5566296 +1823,Oak Terrace,-93.4705086,44.896074600000006 +1824,West Virginia,-92.57019530000001,47.515612700000005 +1825,Thompson Heights,-93.3377299,45.1830207 +1826,Faribault,-93.268827,44.294963700000004 +1827,Golden Harbor Mobile Home Park,-94.15972000000001,46.684720000000006 +1828,Nevis,-94.8395533,46.9651482 +1829,Haddeland Mobile Home Park,-95.93825340000001,47.1860371 +1830,Le Sueur,-93.9154299,44.4612348 +1831,Sunburg,-95.2383563,45.3477401 +1832,Prior Lake,-93.4226873,44.7133271 +1833,Ball Bluff,-93.2732727,46.954666 +1834,Pine Terrace Mobile Home Park,-92.9666667,45.8161111 +1835,Princeton,-93.5803054,45.569815600000005 +1836,Ihlen,-96.368846,43.908394 +1837,Eldred,-96.78035320000001,47.682751100000004 +1838,Underwood,-95.8712208,46.285321 +1839,Bernadotte,-94.30175630000001,44.455562400000005 +1840,Golden Hill,-92.4681889,43.9880961 +1841,Oshawa,-94.10523970000001,44.3002442 +1842,Baden,-93.5882892,44.7141296 +1843,Taft,-92.3326887,46.9943825 +1844,Elbow Lake Village,-95.55198370000001,47.146666 +1845,Sunrise Court,-94.1427778,44.7719444 +1846,Lazy U Mobile Home Park,-93.28299200000001,44.168018700000005 +1847,Chaska,-93.6021791,44.7894072 +1848,Rowena,-95.15221860000001,44.389680600000005 +1849,Watkins,-94.4086029,45.315241500000006 +1850,Soderville,-93.2349501,45.2880206 +1851,West Lake Francis Shores,-93.33745230000001,45.507741800000005 +1852,Lamoille,-91.4723659,44.0021853 +1853,Gates Corner,-95.31914210000001,48.452750800000004 +1854,Org,-95.651678,43.581353400000005 +1855,Quamba,-93.17327270000001,45.9155122 +1856,Cooley,-93.1921423,47.3582697 +1857,Eagle Bend,-95.0391936,46.164963300000004 +1858,Northfield,-93.16115900000001,44.4582041 +1859,Day,-93.3793953,45.7091289 +1860,Willow Creek,-94.2685732,43.894680900000004 +1861,Hollywood,-93.97135890000001,44.9057959 +1862,Valley View Terrace,-93.7765834,44.626860400000005 +1863,Casey,-94.441377,45.0660736 +1864,Carver,-93.625791,44.7635738 +1865,Dupont,-93.5988488,45.0957969 +1866,Scanlon,-92.4272669,46.7072662 +1867,Osage,-95.25690920000001,46.920325500000004 +1868,Gibbon,-94.5263709,44.5338518 +1869,Saint Henry,-93.78842900000001,44.3841801 +1870,Sobieski,-94.45917220000001,45.9244099 +1871,Park Rapids,-95.0586322,46.922181300000005 +1872,Rosewood,-96.2903187,48.1894155 +1873,Cedar Lane Trailer Park,-95.6244444,44.2291667 +1874,Brimson,-91.86717370000001,47.276505400000005 +1875,Center City,-92.81660240000001,45.3938525 +1876,Gracelock,-95.58058050000001,45.0505137 +1877,Rossburg,-93.57996700000001,46.535232300000004 +1878,Grand Falls,-93.7926791,48.1985625 +1879,Perham,-95.5725415,46.5944042 +1880,Dellwood,-92.9724382,45.0899665 +1881,Leaf Valley,-95.4580962,46.049406000000005 +1882,Bayview,-93.6032986,46.118846700000006 +1883,Lawrence,-93.6846812,44.658018600000005 +1884,Zim,-92.603244,47.306877400000005 +1885,Wescott,-93.1057727,44.8196881 +1886,Parkville,-92.5792017,47.5311443 +1887,Prosit,-92.6176933,46.997995800000005 +1888,Gowan,-92.8471458,46.8641109 +1889,Hornby,-91.90211830000001,47.3432582 +1890,Wanda,-95.21166360000001,44.3163463 +1891,Douglas,-92.57211450000001,44.108494400000005 +1892,Nerstrand,-93.06798810000001,44.341909400000006 +1893,Lake Itasca,-95.21251860000001,47.253846200000005 +1894,Gem Lake,-93.0324403,45.057466000000005 +1895,Falcon Heights,-93.17625070000001,44.9898128 +1896,Maine,-95.8172718,46.412182 +1897,Taylors Falls,-92.65250420000001,45.4018632 +1898,Brooklyn Center,-93.3296296,45.074854300000005 +1899,Jurgenson,-93.2296443,47.3321594 +1900,The Lakes,-95.66528860000001,44.1382939 +1901,Wheatland,-93.4835606,44.4646853 +1902,Beaver Bay,-91.30022140000001,47.257736400000006 +1903,Lake City,-92.26786630000001,44.4478474 +1904,Spring Grove,-91.63595160000001,43.561014500000006 +1905,Nichols,-93.7849748,46.326903 +1906,Redore,-92.89907600000001,47.4435428 +1907,Airlie,-96.4380958,44.0199712 +1908,Hiview Park,-95.34388890000001,45.9055556 +1909,Heatwole,-94.39970620000001,44.8341289 +1910,Lake Saint Croix Beach,-92.76962520000001,44.9241607 +1911,Columbia Heights,-93.2517802,45.0460458 +1912,Watkins Mobile Home Park,-94.40833330000001,45.315277800000004 +1913,Taconite,-93.38215000000001,47.312718000000004 +1914,Gentilly,-96.4492244,47.789136400000004 +1915,Howard Lake,-94.0733088,45.060796800000006 +1916,Wall Lake,-95.96477680000001,46.290793 +1917,Indus,-93.83766870000001,48.625232000000004 +1918,Dilworth,-96.703412,46.876629 +1919,Coleraine,-93.42770800000001,47.288830000000004 +1920,Waldo,-91.6990648,47.066043 +1921,Nassau,-96.4397751,45.066353400000004 +1922,Williams,-94.95522000000001,48.768314000000004 +1923,Woodrow,-94.07443400000001,46.388297800000004 +1924,Cosmos,-94.6968269,44.936377500000006 +1925,Carlisle,-96.1897833,46.368292800000006 +1926,Edwards,-95.988943,46.4488483 +1927,Salol,-95.5709219,48.866210800000005 +1928,New Rome,-94.0924719,44.543297300000006 +1929,River Bluff Estates,-96.10972000000001,46.281940000000006 +1930,Silverwood,-93.3096472,47.3177164 +1931,McDonalds Lakeview Terrace,-94.40277780000001,44.884722200000006 +1932,Ryan,-92.7154737,44.423855 +1933,Britt,-92.5254565,47.6402014 +1934,Eureka Center,-93.21799630000001,44.587187 +1935,Sherman,-94.1335868,44.9477406 +1936,Rice Lake,-95.5091888,47.390235800000006 +1937,Brandondale Chaska Mobile Park,-93.5875,44.8097222 +1938,Forest Knolls Estates,-96.58194440000001,47.782777800000005 +1939,Midway Mobile Home Park,-93.4888889,47.243055600000005 +1940,Big Sauk Lake Mobile Home Park,-94.92916670000001,45.758333300000004 +1941,Forest Lake Post Office,-92.9854116,45.272247400000005 +1942,Bass Brook Court,-93.60843650000001,47.2637677 +1943,Bluffview Park Mobile Home Park,-91.7623705,43.8069087 +1944,Bergen,-94.9947116,43.789957 +1945,Medina,-93.574375,45.0151361 +1946,Detroit Lakes,-95.845325,46.817181000000005 +1947,Thompson Riverview Terrace,-93.33197790000001,45.1574371 +1948,Shamrock Mobile Home Park,-94.57738710000001,45.629477900000005 +1949,Chickamaw Beach,-94.3852717,46.743571100000004 +1950,Warman,-93.28439060000001,46.0582872 +1951,Lac qui Parle,-95.9061427,45.000514100000004 +1952,Solana,-93.15327470000001,46.3177242 +1953,West Gate Mobile Home Park,-92.9054498,44.1473475 +1954,Wayland,-94.32048180000001,48.4682967 +1955,Melrude,-92.4171319,47.2454885 +1956,Ellsworth,-96.01835600000001,43.518023 +1957,Braham Mobile Home Park,-93.1805556,45.729722200000005 +1958,French Lake,-94.18553840000001,45.199964300000005 +1959,Springvale,-93.306894,45.6305184 +1960,Kennedy,-96.90894820000001,48.641925 +1961,Askov,-92.7825713,46.1866144 +1962,Wannaska,-95.73471350000001,48.6583084 +1963,Zerkel,-95.38168780000001,47.3107911 +1964,Wells,-93.72561400000001,43.744063000000004 +1965,Grove City,-94.68305330000001,45.150518500000004 +1966,Belden,-92.31325070000001,46.3221642 +1967,Credit River,-93.37939250000001,44.674208 +1968,Toivola,-92.81102800000001,47.166882 +1969,Finland,-91.2490485,47.414636200000004 +1970,Wealthwood,-93.6541361,46.363011900000004 +1971,Elk River,-93.5671825,45.303853800000006 +1972,Fosston,-95.75141500000001,47.576348100000004 +1973,Harding,-94.04082120000001,46.116075300000006 +1974,Alida,-95.23473770000001,47.3835673 +1975,Big Lake,-93.74608040000001,45.3324647 +1976,Dell,-93.91495300000001,43.6241215 +1977,Mae,-93.86552230000001,46.8321794 +1978,McNair,-91.6726003,47.3199054 +1979,Donehower,-91.4065319,43.9610746 +1980,Floodwood,-92.9196483,46.9291095 +1981,Ben Linn Landing,-93.8854598,48.250509400000006 +1982,Bruno,-92.66436350000001,46.279112500000004 +1983,Spring Lake Park,-93.24928720000001,45.1154274 +1984,Lake Bronson,-96.66393310000001,48.73567430000001 +1985,Verndale,-95.0147464,46.3982953 +1986,Elrosa,-94.9472391,45.5627429 +1987,Melrose Mobile Home Park,-94.8055556,45.690277800000004 +1988,Elbow Lake,-95.97672100000001,45.994127000000006 +1989,Fairfield,-95.97366070000001,45.3838505 +1990,Tower,-92.276651,47.804984000000005 +1991,Mission Farms,-93.4236102,45.0186222 +1992,Elgin,-92.25155880000001,44.130243500000006 +1993,Mills Manor Mobile Home Park,-95.37583330000001,46.518055600000004 +1994,Ross,-96.73979360000001,47.797473200000006 +1995,Max,-94.067997,47.614674 +1996,Kenyon,-92.98548410000001,44.2721868 +1997,Roseport,-93.0496588,44.7757998 +1998,Sherwood,-92.7410165,47.4515967 +1999,Glen Lake,-93.467453,44.9032968 +2000,Highwood,-93.0146047,44.9149114 +2001,Hoffmans Corner,-93.0318847,45.0502437 +2002,Keenan,-92.6043528,47.383264100000005 +2003,Maple,-93.81579880000001,44.881629200000006 +2004,Holyoke,-92.3885278,46.467443 +2005,Newfolden,-96.3296493,48.3558564 +2006,Kitzville,-92.89768670000001,47.4521536 +2007,Ottertail,-95.5572643,46.425516 +2008,Harris,-92.97456190000001,45.586276100000006 +2009,Middle River,-96.16407210000001,48.434307100000005 +2010,Anoka,-93.38717580000001,45.1977428 +2011,Taconite Harbor,-90.93033890000001,47.5210705 +2012,Dugdale,-96.26644,47.701633300000005 +2013,Lester Park,-92.0078941,46.840179000000006 +2014,Plymouth,-93.46651,45.006514900000006 +2015,Riverton,-94.0519325,46.4599643 +2016,Hazel,-96.11357310000001,48.0188239 +2017,Bath,-93.3899351,43.8255149 +2018,Midway,-95.2603069,46.781904100000006 +2019,Allansons Park,-93.9075,44.5283333 +2020,Cambria,-94.31441050000001,44.238576 +2021,Pine Brook,-93.3889608,45.5869585 +2022,Forestville,-92.2148868,43.642742500000004 +2023,Bergville,-94.2643927,47.7874544 +2024,Wegdahl,-95.6453013,44.889957300000006 +2025,Nashwauk,-93.16825200000001,47.380214 +2026,Copas,-92.76465370000001,45.2346887 +2027,Saint Johns Landing Camp,-92.52686270000001,45.987447700000004 +2028,Boyack Mobile Home Park,-94.93888890000001,45.7494444 +2029,Wayzata,-93.511947,44.970759 +2030,Becker,-93.87689040000001,45.393182100000004 +2031,Champlin,-93.39745380000001,45.188853900000005 +2032,Linden,-94.40941210000001,44.1813512 +2033,Bombay,-92.8919235,44.2838836 +2034,Gully,-95.62279500000001,47.76856900000001 +2035,Newburg,-91.81459620000001,43.567189000000006 +2036,Luverne,-96.2127811,43.654234200000005 +2037,Plato,-94.0399721,44.774406400000004 +2038,Ashby,-95.81755000000001,46.093016000000006 +2039,Audubon,-95.981718,46.863292 +2040,Woodland,-93.28411410000001,46.1157855 +2041,Bear Valley,-92.4774062,44.3033002 +2042,Dumblane,-92.6149137,47.146881400000005 +2043,Reading,-95.7130676,43.7035752 +2044,Pelican Rapids Mobile Home Park,-96.0865258,46.5753314 +2045,Essig Trailer Court,-94.604478,44.324805000000005 +2046,Glory,-93.6007663,46.417538900000004 +2047,Shieldsville,-93.4088334,44.3660744 +2048,Two Harbors,-91.67305230000001,47.0257139 +2049,Acton,-94.6608291,45.0841292 +2050,Erie,-95.721958,48.0702386 +2051,Kroschel,-93.07604350000001,46.071618 +2052,Cordova,-93.6716191,44.336354 +2053,Spring Valley,-92.38929660000001,43.687009800000006 +2054,McGrath,-93.2729051,46.2400439 +2055,Mayhew,-94.11082250000001,45.713299400000004 +2056,Grygla,-95.617732,48.3005459 +2057,North Prairie,-94.34944440000001,45.8007987 +2058,Sheldon,-91.59319930000001,43.6783006 +2059,Ranum,-96.13171530000001,47.4555188 +2060,Manitou Junction,-91.2584851,47.568518700000006 +2061,Smiths Mill,-93.7678667,44.137522000000004 +2062,Whipholt,-94.3652596,47.048845400000005 +2063,Four Jays Mobile Home Park,-94.68277780000001,45.150555600000004 +2064,Mountain Iron,-92.62269260000001,47.5328719 +2065,Augusta,-93.68801590000001,44.8049626 +2066,Crosby Beach,-93.94970520000001,46.4716292 +2067,Lemond,-93.3805578,43.9825395 +2068,Eldes Corner,-92.2799143,46.709942000000005 +2069,Jonathan,-93.60079040000001,44.8002406 +2070,Utica,-91.95487870000001,43.975518400000006 +2071,Lenora,-91.88237670000001,43.5724663 +2072,Loretto,-93.63551650000001,45.054685500000005 +2073,Kinbrae,-95.4872265,43.8257951 +2074,Hutton,-92.044882,43.6160761 +2075,Fox,-95.898885,48.8388694 +2076,Oak Center,-92.4004592,44.353856 +2077,Blue Grass,-95.0100228,46.5427386 +2078,Holmes City,-95.54103640000001,45.833728400000005 +2079,New Munich,-94.75362310000001,45.630242700000004 +2080,Cottage Grove,-92.94382180000001,44.8277446 +2081,Sultan,-97.177839,48.990820400000004 +2082,Svea,-95.0230715,45.0032166 +2083,Waite Park,-94.2334634,45.5537128 +2084,Lakeville,-93.24327910000001,44.650051000000005 +2085,Evan,-94.8409609,44.3540469 +2086,Eggleston,-92.6722644,44.619753200000005 +2087,Eastside Mobile Home Park,-91.48625170000001,43.632747 +2088,Delavan,-94.0196815,43.7677968 +2089,Hilltop,-93.2498116,45.0533306 +2090,Lanesboro,-91.9768224,43.7207974 +2091,North Branch,-92.9802176,45.5113515 +2092,Dads Corner,-93.2591173,46.332725200000006 +2093,Armstrong,-93.68690690000001,45.0113518 +2094,Milaca,-93.65440790000001,45.755799 +2095,Benning,-93.99495540000001,44.2033001 +2096,Hayward,-93.24409440000001,43.650514 +2097,Gatzke,-95.7841678,48.4244129 +2098,Almelund,-92.7858229,45.4915211 +2099,Geneva,-93.2679109,43.8232621 +2100,Houpt,-94.39134510000001,47.800510700000004 +2101,Swift,-95.2213442,48.853319500000005 +2102,Spafford,-95.3719456,43.6160732 +2103,Lakeview Mobile Home Park,-93.42243300000001,43.563844700000004 +2104,Etter,-92.7438106,44.6616341 +2105,Whiteface,-92.3662982,47.186600500000004 +2106,Urbank,-95.51198620000001,46.122739 +2107,Green Lea Mobile Home Park,-91.7695949,43.5205234 +2108,Ward Springs,-94.80501770000001,45.7919095 +2109,White Bear Lake,-93.0069304,45.083809800000004 +2110,Golden Valley,-93.37846180000001,44.9861176 +2111,Shoreham,-95.8987388,46.7575177 +2112,Cherry Grove,-92.2887788,43.5874649 +2113,Wacouta Beach,-92.41046250000001,44.5458009 +2114,Rost,-95.2947206,43.6452387 +2115,Dotson,-94.99471190000001,44.171902900000006 +2116,Wabasso,-95.2560729,44.401989300000004 +2117,Owatonna,-93.2261076,44.0839937 +2118,Spring Hill,-94.8294561,45.524687 +2119,Dunnell,-94.77442830000001,43.5594009 +2120,Clitherall Lake Mobile Home Park,-95.6308333,46.275000000000006 +2121,Ceylon,-94.6316462,43.5335672 +2122,Four Jays Mobile Home Park,-94.68277780000001,45.150555600000004 +2123,Roscoe Center,-92.72713780000001,44.261075500000004 +2124,Peary,-92.5562975,47.371875100000004 +2125,Rock Creek,-92.96243270000001,45.7574574 +2126,Elkton,-92.7085153,43.662741800000006 +2127,Riverbend Estates,-94.025,44.17 +2128,Emmaville,-94.9805719,47.0655135 +2129,Kingsley Corner,-92.11411000000001,44.078042800000006 +2130,Collis,-96.42561810000001,45.646629000000004 +2131,Benedict,-94.6905545,47.15801200000001 +2132,Hillside Terrace Mobil Home Park,-92.7691357,46.4512706 +2133,Loman,-93.80298,48.513226700000004 +2134,Eyota,-92.2292396,43.988750700000004 +2135,Round Prairie,-94.88557730000001,45.904409 +2136,Albert Lea,-93.3682656,43.6480127 +2137,Carmel,-95.44443700000001,48.2815944 +2138,Darby Junction,-91.6321126,47.3593655 +2139,Basswood Grove,-92.7993704,44.827189700000005 +2140,Oakland,-93.0888089,43.6738501 +2141,Muskoda,-96.4067342,46.8616272 +2142,Kent,-96.68479900000001,46.436349 +2143,Swanville,-94.6443631,45.9138432 +2144,Sherburne Country Mobile Home Park,-93.57638890000001,45.543888900000006 +2145,Saint Vincent Junction,-97.20008080000001,48.973154400000006 +2146,Saint Mary,-93.6018354,44.028228600000006 +2147,Bonnie Glen,-92.9038268,45.3588539 +2148,Terrebonne,-96.1335856,47.832836300000004 +2149,Davies,-95.3111434,46.600515900000005 +2150,Montrose Manor Mobile Home Park,-93.9138889,45.062777800000006 +2151,Cedar Mills,-94.5224891,44.9430175 +2152,Hazelwood,-93.2860536,44.5224641 +2153,Minnetrista,-93.7186813,44.923562000000004 +2154,Hewitt,-95.08669370000001,46.3255179 +2155,Danesville,-92.67842900000001,44.0935743 +2156,Simpson,-92.4100896,43.9240982 +2157,Marcell,-93.69076410000001,47.5930368 +2158,Witoka,-91.620146,43.933297100000004 +2159,Bixby,-93.0971464,43.9444073 +2160,Glen Knoll Mobile Home Park,-94.1694444,44.775000000000006 +2161,Waseca,-93.5075767,44.0776638 +2162,Biwabik,-92.340179,47.532981 +2163,Morris,-95.91394100000001,45.586072 +2164,Arendahl,-91.909598,43.825241500000004 +2165,Old Frontenac,-92.33212540000001,44.5260787 +2166,Burntside,-91.928757,47.894351 +2167,Flom,-96.131135,47.166170400000006 +2168,Buffalo Manor,-93.8591667,45.175000000000004 +2169,Kensington,-95.69615900000001,45.778015 +2170,Big Bend City,-95.7719787,45.1430146 +2171,Lowry,-95.51909500000001,45.704888700000005 +2172,Hugo,-92.9932734,45.159967 +2173,Amherst,-91.89487670000001,43.6085769 +2174,River Bend Mobile Home Park,-92.96328980000001,45.336159 +2175,Hamburg,-93.9671917,44.7332953 +2176,West Coon Rapids,-93.34967440000001,45.1596872 +2177,Banning,-92.85186700000001,46.1605037 +2178,Rauch,-93.1457281,47.9588157 +2179,Eidswold,-93.28383170000001,44.5619086 +2180,Ditter,-93.522456,45.0138523 +2181,Ranier,-93.348758,48.612991 +2182,Grand Rapids,-93.530214,47.237166 +2183,Henderson,-93.9077438,44.5282971 +2184,Mitchell,-92.8951869,47.4454872 +2185,Werner,-94.92277410000001,47.6163426 +2186,Isanti,-93.2477046,45.4902335 +2187,Dovray,-95.5498853,44.0528282 +2188,Strout,-94.59443710000001,45.0299622 +2189,South Fork Homes,-92.7503988,44.0306003 +2190,Kerns,-94.1109686,44.196019500000006 +2191,Ridgeway,-91.5601443,43.911908700000005 +2192,Pine Hill Park,-95.3388889,45.619444400000006 +2193,Mound,-93.6660719,44.9366295 +2194,Wilder,-95.1974943,43.8266246 +2195,Rochester,-92.46301820000001,44.0234387 +2196,Scranton,-92.9490779,47.4257658 +2197,Rush Point,-93.1041074,45.6585721 +2198,Saint Cloud,-94.16420040000001,45.5616075 +2199,Harney,-92.3335246,46.7216092 +2200,Montevideo,-95.72355900000001,44.942523 +2201,Crookston Junction,-96.6222889,47.7563606 +2202,Frost,-93.92402770000001,43.5837384 +2203,Malcolm,-95.33554120000001,48.324411600000005 +2204,Palmdale,-92.73354520000001,45.455517 +2205,De Forest,-92.57935060000001,47.4599283 +2206,South Terrace Mobile Home Park,-92.75303720000001,45.3849784 +2207,Oster,-93.98219250000001,44.979962900000004 +2208,Leavenworth,-94.801929,44.222459900000004 +2209,Sylvan,-94.4066713,46.334966900000005 +2210,White Willow,-92.6510458,44.3640836 +2211,Bovey,-93.418819,47.295496 +2212,South Saint Paul,-93.0372808,44.8906694 +2213,Warsaw,-93.3938305,44.249407600000005 +2214,South Ridge,-91.4270851,43.8252437 +2215,Scandia,-92.8062958,45.253365900000006 +2216,Petersburg,-94.91887870000001,43.530236200000004 +2217,Mattson,-97.0736768,48.6894277 +2218,Waverly,-93.96636090000001,45.0666303 +2219,Bartz Mobile Home Park,-95.89,47.638333300000006 +2220,Richmond,-94.518332,45.454130500000005 +2221,Menahga,-95.0977002,46.753948300000005 +2222,Marty,-94.3327696,45.3996865 +2223,Belle River,-95.2289221,45.9910743 +2224,Pennock,-95.1764036,45.1488509 +2225,Kelsey,-92.59935800000001,47.153826 +2226,Steen,-96.26369600000001,43.514579000000005 +2227,Splithand Post Office (Historical),-93.3916667,47.0625 +2228,Anderson Court,-94.14138890000001,44.7708333 +2229,Elm Estates,-92.85527780000001,45.392222200000006 +2230,Fridley,-93.2590388,45.0838291 +2231,Castle Towers Mobile Home Park,-93.23833330000001,45.4111111 +2232,Black Hammer,-91.6609792,43.6163565 +2233,Baker,-94.51915530000001,47.1216238 +2234,Norwood Young America,-93.9216348,44.7735732 +2235,Erskine,-96.00996020000001,47.6669831 +2236,Royalton,-94.29370200000001,45.829912400000005 +2237,Faith,-96.0989215,47.2869735 +2238,Belgrade,-95.0044608,45.4530207 +2239,Oakwood Court,-92.9794444,45.5055556 +2240,North Benton,-93.94609220000001,45.7794113 +2241,North Side Mobile Home Park,-94.68277780000001,45.150555600000004 +2242,Culver,-92.55852510000001,46.9257744 +2243,Tonka Bay,-93.59301330000001,44.9085741 +2244,West View Terrace,-94.3136111,45.081944400000005 +2245,Bunde,-95.3103339,44.9347123 +2246,Glendorado,-93.7696937,45.5780229 +2247,Magnolia,-96.079559,43.645171000000005 +2248,Pleasant Grove,-92.3860104,43.869211400000005 +2249,Rassat,-93.9919199,45.1521867 +2250,Revere,-95.3644452,44.2238454 +2251,Cottage Park,-93.01149170000001,45.0720423 +2252,Browerville,-94.86717510000001,46.0852616 +2253,Milroy,-95.5533204,44.4176214 +2254,Shakopee,-93.52689860000001,44.798018600000006 +2255,Rosen,-96.4014422,45.153575800000006 +2256,Sherburn,-94.72692470000001,43.652177900000005 +2257,Cloverton,-92.31963900000001,46.1679984 +2258,Onigum,-94.5472031,47.107613900000004 +2259,Cee Jefferson,-91.2804115,43.514139400000005 +2260,Crow River,-94.72444560000001,45.2438524 +2261,Country Acres,-94.052935,44.973293000000005 +2262,Duluth Heights,-92.1314031,46.8011442 +2263,Rushford Village,-91.7915382,43.8066309 +2264,Otisco,-93.5021631,43.9785735 +2265,River Junction,-91.2973611,43.846076700000005 +2266,Big Lake,-92.61634520000001,46.7218615 +2267,Winton,-91.800695,47.926289000000004 +2268,Spring Lake,-93.06516350000001,45.5426413 +2269,Fertile,-96.2802293,47.5360723 +2270,Duesler,-92.50852710000001,46.511889000000004 +2271,Smithville,-92.2163032,46.7035526 +2272,Bricelyn,-93.81233510000001,43.562192 +2273,Morgan Park,-92.21019220000001,46.6882747 +2274,Sturgeon Lake,-92.82384590000001,46.381162200000006 +2275,Maple Grove,-93.44192220000001,45.0984983 +2276,Hibbing,-92.937689,47.427155000000006 +2277,Saint Peter,-93.95852950000001,44.3238384 +2278,Carlton,-92.4249135,46.6638322 +2279,Madison Lake,-93.81550800000001,44.204377 +2280,Moscow,-93.09825380000001,43.707183300000004 +2281,Hayfield,-92.8479006,43.8906201 +2282,Dundee,-95.46694790000001,43.8469059 +2283,Litchfield,-94.5280474,45.1271847 +2284,Belle Prairie,-94.3375017,46.0338548 +2285,Two Inlets,-95.21734450000001,47.0528343 +2286,Veseli,-93.4599494,44.514963300000005 +2287,Donnelly,-96.01232180000001,45.6896938 +2288,Bell Harbor,-91.1402321,47.3900517 +2289,Freeburg,-91.3643036,43.6110813 +2290,Maple Bay,-96.22505020000001,47.6357988 +2291,Twin Lake Trails Mobile Home Park,-93.3055556,47.311111100000005 +2292,Sungold Heights Mobile Home Park,-95.5763611,43.633642800000004 +2293,Peaceful Valley Mobile Home Park,-92.95,45.550000000000004 +2294,Granite Falls,-95.5455752,44.8099575 +2295,Grand Portage,-89.6848121,47.963776 +2296,Red Rock,-89.7384256,47.920722000000005 +2297,Hovland,-89.9730038,47.8395097 +2298,Pigeon River,-89.7086611,48.0099601 +2299,"Gravel Parking Lot, Ripple River WMA, Access Unit",-93.731136,46.406235 +2300,Shooks Corner,-94.43891690000001,47.8742175 +2301,Hassman Corner,-93.61253900000001,46.6093083 +2302,Farm Island,-93.74338350000001,46.4315561 +2303,Busy Corners,-94.54794530000001,47.874631900000004 +2304,Moose Lake,-92.761976,46.454372500000005 +2305,Cray Corner,-94.1333937,44.1156759 +2306,Strese Lane,-93.24012060000001,44.7347145 +2307,Fargo Flood Control Project,-96.78111480000001,46.8707123 +2308,Waypoint of track '20090928',-93.2701301,44.698959 +2309,Cruser's Kettle Parking,-93.9120407,46.517566 +2310,Waypoint of track '20090928',-93.2751885,44.6973276 +2311,Linden Circle,-93.241619,44.735677 +2312,Waypoint of track '20090928',-93.27812200000001,44.6998011 +2313,Waypoint of track '20090928',-93.2791995,44.700545000000005 +2314,Waypoint of track '20090928',-93.2752418,44.6998729 +2315,Waypoint of track '20090928',-93.27607180000001,44.699305100000004 +2316,Waypoint of track '20090928',-93.26832060000001,44.698222200000004 +2317,Red Wing,-92.53648340000001,44.566868400000004 +2318,Schroeder Loop,-92.0019379,43.7616181 +2319,Grasshopper Corner,-96.930863,48.861776000000006 +2320,Camp Thunderbird for Boys,-94.930453,47.372428000000006 +2321,Hawkyard Corner,-96.79935300000001,48.77514600000001 +2322,McDougal Lake,-91.53644600000001,47.638701000000005 +2323,Pelland Junction,-93.57519660000001,48.522814600000004 +2324,Lake Gegoka,-91.4774462,47.6487081 +2325,Jim's Corner,-95.0483725,49.3381352 +2326,Garden Lake Boat Access,-91.7606617,47.9280727 +2327,Valhalla Corner,-95.74350860000001,44.109209500000006 +2328,Pete's Corner,-95.74738280000001,44.072495700000005 +2329,Isabella Junction,-91.3535631,47.617223100000004 +2330,Speckmeier Corner,-95.4824485,43.9495166 +2331,Marysburg Corner,-93.808221,44.239345 +2332,Public Access To Lake,-92.8282956,46.3266642 +2333,Maple Island,-92.77703240000001,45.9451661 +2334,Woodstock Corner,-96.10417100000001,43.993635000000005 +2335,Sanborn Four Corners,-95.12832700000001,44.238521000000006 +2336,Marcoux Corner,-96.2668713,47.7598751 +2337,Apgar Railroad crossing,-93.53228630000001,44.796906 +2338,Baylis Trailhead,-92.45879280000001,48.249442200000004 +2339,Gheen Corner,-92.82940880000001,47.964143400000005 +2340,H-1,-92.07979180000001,46.836545400000006 +2341,Norway Trail Trailhead,-92.28412970000001,48.1227018 +2342,H-16,-92.1111741,46.8437445 +2343,DT-71,-92.0159587,46.861327800000005 +2344,Mesabi Station Trailhead,-92.51650640000001,47.461396500000006 +2345,RCR Organic Feed Store,-93.903744,44.712762000000005 +2346,276th Lane,-94.5866005,44.5500217 +2347,Mud Lake PWAS,-96.5759749,45.8182556 +2348,bridge,-94.1806883,44.485515400000004 +2349,Wegdahl Corner,-95.6575514,44.8874979 +2350,Y,-92.78138440000001,44.8691471 +2351,Cedar-Riverside,-93.25115930000001,44.9686552 +2352,St. Olaf Wid Turbine,-93.1924731,44.462391600000004 +2353,Bloomington Central,-93.22594620000001,44.8563416 +2354,28th Avenue,-93.23129,44.855979100000006 +2355,Minnehaha Falls,-93.210983,44.9153316 +2356,Megabus Bus Stop,-93.2281603,44.975968800000004 +2357,Holiday,-92.7798332,45.0170496 +2358,Fridley Post Office,-93.2648509,45.103835000000004 +2359,Holiday Inn Express,-92.8344083,45.038032400000006 +2360,Perkins,-92.8342286,45.0367845 +2361,Chisholm United Methodist Church,-92.8808049,47.4859755 +2362,American Bank,-92.88368340000001,47.489073000000005 +2363,Faith Lutheran (ELCA) Church,-92.88035210000001,47.4859529 +2364,St Joseph's Catholic Church,-92.8811503,47.4850829 +2365,LORAN Station Baudette,-94.55487310000001,48.6138514 +2366,National Guard Armory,-92.8920937,47.4899549 +2367,Minnesota Museum of Mining,-92.89193920000001,47.4884586 +2368,Iron Trail RV Park & Campground & Laundry,-92.88941580000001,47.4883426 +2369,Freedom Valu Center,-92.8803135,47.489176300000004 +2370,Canterbury Park,-93.48293050000001,44.7905589 +2371,Chisholm City Hall,-92.8849526,47.489647500000004 +2372,McDonald's,-92.89441120000001,47.482089900000005 +2373,Ironman,-92.896145,47.481382200000006 +2374,Chisholm Baptist Church,-92.89820490000001,47.4830064 +2375,Chisholm,-92.8871505,47.4897707 +2376,Lake,-91.4394994,47.6348022 +2377,Dodge,-92.86784060000001,44.0175404 +2378,Loring Bar & Restaurant,-93.2361539,44.9803614 +2379,Brown,-94.6955051,44.2350232 +2380,Kitty Cat Klub,-93.23635750000001,44.9800407 +2381,Crow Wing,-94.1017044,46.4665237 +2382,Jefferson Lines,-92.0862048,46.8179029 +2383,Budget,-93.27098550000001,44.9721866 +2384,Avis,-93.26936330000001,44.973297800000005 +2385,Bagley Nature Area viewing platform,-92.08933,46.8221846 +2386,Speedway,-92.07362970000001,46.8223445 +2387,Blue Earth,-94.0560643,44.010972200000005 +2388,Wilkin,-96.4586194,46.3258354 +2389,Otter Tail,-95.713142,46.4184196 +2390,Lac qui Parle,-96.20249070000001,44.986426 +2391,Saint Louis,-92.43633430000001,47.6201005 +2392,Wright,-93.96391960000001,45.148906100000005 +2393,Lyon,-95.8287296,44.3880733 +2394,Carlton,-92.72063340000001,46.579993300000005 +2395,Beltrami,-94.87990110000001,47.9978537 +2396,Itasca,-93.6225663,47.4968343 +2397,Steele,-93.2203671,44.0137336 +2398,Jackson,-95.15006260000001,43.670011 +2399,Carver,-93.78717920000001,44.807118 +2400,Morrison,-94.25546580000001,45.9926837 +2401,Red Lake,-96.09883430000001,47.860517800000004 +2402,Le Sueur,-93.711443,44.3771652 +2403,Aitkin,-93.3847595,46.571482200000005 +2404,Stearns,-94.61394220000001,45.535326000000005 +2405,Washington,-92.874565,45.0078657 +2406,Redwood,-95.25323730000001,44.378861300000004 +2407,Hennepin,-93.48650520000001,45.0257232 +2408,Chippewa,-95.53149140000001,45.027661 +2409,Polk,-96.4193484,47.655461300000006 +2410,Yellow Medicine,-95.8533555,44.7198536 +2411,Freeborn,-93.3501681,43.6763617 +2412,Mille Lacs,-93.64035600000001,45.9311972 +2413,Traverse,-96.42152650000001,45.7836323 +2414,Big Stone,-96.35573640000001,45.385266 +2415,Sibley,-94.2085682,44.560352200000004 +2416,Rice,-93.2865484,44.3413376 +2417,Goodhue,-92.7175627,44.396973 +2418,Pine,-92.7542126,46.0820957 +2419,Pipestone,-96.2566582,44.0270012 +2420,Houston,-91.46856170000001,43.6624222 +2421,Faribault,-93.9510501,43.664796100000004 +2422,Olmsted,-92.3767816,43.9997437 +2423,Renville,-94.9084771,44.7242874 +2424,Todd County,-94.88728300000001,46.0588428 +2425,Dakota,-93.044911,44.666655000000006 +2426,Kanabec,-93.2850016,45.8986948 +2427,Fillmore,-92.06363590000001,43.646658800000004 +2428,Ramsey,-93.0949501,45.016572800000006 +2429,Clearwater,-95.37478440000001,47.5643825 +2430,Scott,-93.50257260000001,44.650699800000005 +2431,Waseca,-93.5885717,44.0172242 +2432,Cass,-94.34546040000001,47.023411700000004 +2433,Corner Coffee,-93.27626360000001,44.9857583 +2434,Koochiching,-93.7684251,48.221596000000005 +2435,Roseau,-95.76978820000001,48.7710371 +2436,Martin,-94.5498419,43.6564337 +2437,McLeod,-94.2495251,44.816913500000005 +2438,Meeker,-94.51753450000001,45.1183643 +2439,Cook,-90.47301,47.91490760000001 +2440,Murray,-95.7615205,44.017855000000004 +2441,Becker,-95.67618510000001,46.929823600000006 +2442,Cottonwood,-95.1658845,44.019068000000004 +2443,Lincoln,-96.26277630000001,44.4020631 +2444,Pope,-95.4469471,45.585025800000004 +2445,Winona,-91.7807784,43.9582272 +2446,Norman,-96.4625779,47.319434400000006 +2447,Lake of the Woods,-94.84800910000001,48.703228200000005 +2448,Pennington,-96.0829271,48.051333500000005 +2449,Watonwan,-94.6370354,43.973605500000005 +2450,Grant,-96.02720710000001,45.935879500000006 +2451,Kittson,-96.8074141,48.770920800000006 +2452,Nicollet,-94.2362169,44.3380412 +2453,Sherburne,-93.7459202,45.442708800000005 +2454,Swift,-95.6898654,45.2797223 +2455,Nobles,-95.75276720000001,43.6634212 +2456,Douglas,-95.46276510000001,45.9340479 +2457,Rock,-96.2574328,43.673363200000004 +2458,Hubbard,-94.9427679,47.1138266 +2459,Wabasha,-92.20181640000001,44.276759600000005 +2460,Marshall,-96.381968,48.360533600000004 +2461,Kandiyohi,-95.0025846,45.142373000000006 +2462,Wadena,-94.9606684,46.5850936 +2463,Mahnomen,-95.8142911,47.331360200000006 +2464,Stevens,-95.9946194,45.583701600000005 +2465,MN Library Access Center,-93.24231280000001,44.973048000000006 +2466,Minnesota,-94.61132880000001,45.9896587 +2467,Monument 9 (TP 1163),-90.29807690000001,48.102556 +2468,TP 9,-95.12872220000001,49.370444400000004 +2469,Monument 5 (TP 983),-90.56546580000001,48.0997782 +2470,Monument 4 (TP 982),-90.56740210000001,48.1015865 +2471,TP 3,-95.14980560000001,49.3806389 +2472,TP 2,-95.15030560000001,49.383 +2473,TP 14,-95.08977780000001,49.3611944 +2474,Monument 3 (TP 768),-91.04863250000001,48.1887504 +2475,TP 15,-95.05830560000001,49.35325 +2476,Adrian Post Office,-95.93338960000001,43.6347396 +2477,Purple Onion Café,-93.23755320000001,44.9801419 +2478,Camdi,-93.23612510000001,44.9807682 +2479,Buyck Post Office,-92.5204377,48.142408 +2480,Florenton Post Office,-92.42238130000001,47.6541312 +2481,Crosslake Post Office,-94.10805140000001,46.6731867 +2482,Dundee Post Office,-95.46694790000001,43.8469059 +2483,Fifty Lakes Post Office,-94.0510885,46.7382939 +2484,Brewster Post Office,-95.46861530000001,43.6977397 +2485,Britt Post Office,-92.52517870000001,47.640756800000005 +2486,Kanaranzi Post Office,-96.09445520000001,43.5755363 +2487,Zimmerman Post Office,-93.58775820000001,45.4464988 +2488,Magnolia Post Office,-96.08040460000001,43.6454788 +2489,Jackson Post Office,-94.9879506,43.6198265 +2490,Kenneth Post Office,-96.07245680000001,43.7535396 +2491,Wilder Post Office,-95.1974943,43.8266246 +2492,Hills Post Office,-96.35876900000001,43.5280135 +2493,Lakefield Post Office,-95.172217,43.6791259 +2494,Beaver Creek Post Office,-96.36444850000001,43.6139908 +2495,Okabena Post Office,-95.31583210000001,43.739404 +2496,Winnebago Post Office,-94.1663504,43.7674552 +2497,Heron Lake Post Office,-95.3191651,43.794126000000006 +2498,Kiester Post Office,-93.7124441,43.5360651 +2499,Wilmont Post Office,-95.8277927,43.7649649 +2500,Worthington Post Office,-95.60013070000001,43.6228813 +2501,Bricelyn Post Office,-93.8116153,43.562454300000006 +2502,Round Lake Post Office,-95.46833810000001,43.5405195 +2503,Elmore Post Office,-94.08523740000001,43.504400000000004 +2504,Rushmore Post Office,-95.8013894,43.6187644 +2505,Walters Post Office,-93.6732767,43.6057878 +2506,Lismore Post Office,-95.9475185,43.7494104 +2507,Blue Earth Post Office,-94.10190440000001,43.6393994 +2508,Ellsworth Post Office,-96.01780040000001,43.518023 +2509,Huntley Post Office,-94.23746440000001,43.7316215 +2510,Leota Post Office,-96.0137231,43.8338516 +2511,Welcome Post Office,-94.61936290000001,43.6671321 +2512,Bigelow Post Office,-95.6900573,43.505244600000005 +2513,Ceylon Post Office,-94.63220170000001,43.5332894 +2514,Myrtle Post Office,-93.1635346,43.5644039 +2515,Trimont Post Office,-94.71442250000001,43.762177400000006 +2516,Alden Post Office,-93.5756762,43.6705691 +2517,Sherburn Post Office,-94.72778310000001,43.6539075 +2518,Emmons Post Office,-93.4882675,43.501621300000004 +2519,Granada Post Office,-94.3477544,43.6950203 +2520,Conger Post Office,-93.5282708,43.6149554 +2521,Dunnell Post Office,-94.77526160000001,43.5594009 +2522,Glenville Post Office,-93.2810736,43.573554900000005 +2523,London Post Office,-93.0626967,43.5260729 +2524,Fulda Post Office,-95.59889670000001,43.869963000000006 +2525,Hayward Post Office,-93.24449050000001,43.6494821 +2526,Lake Wilson Post Office,-95.95251920000001,43.996632500000004 +2527,Hollandale Post Office,-93.20575360000001,43.760386700000005 +2528,Jasper Post Office,-96.399681,43.850014800000004 +2529,Avoca Post Office,-95.6455648,43.9488524 +2530,Geneva Post Office,-93.2674992,43.8221283 +2531,Dovray Post Office,-95.5500107,44.0527279 +2532,Twin Lakes Post Office,-93.4224329,43.5605114 +2533,Iona Post Office,-95.7808471,43.916631100000004 +2534,Albert Lea Post Office,-93.36687660000001,43.649123800000005 +2535,Hadley Post Office,-95.8539506,44.0010818 +2536,Manchester Post Office,-93.4518807,43.7255127 +2537,Hatfield Post Office,-96.1953064,43.957469 +2538,Chandler Post Office,-95.94835230000001,43.929688000000006 +2539,Woodstock Post Office,-96.1008584,44.009689800000004 +2540,Currie Post Office,-95.6655659,44.0710732 +2541,Trosky Post Office,-96.2569758,43.8891365 +2542,Ruthton Post Office,-96.1014179,44.176911000000004 +2543,Clarks Grove Post Office,-93.3299435,43.7639986 +2544,Edgerton Post Office,-96.12887640000001,43.8741177 +2545,Hokah Post Office,-91.34546440000001,43.759652900000006 +2546,Holland Post Office,-96.1891975,44.091357300000006 +2547,Racine Post Office,-92.4829507,43.776073800000006 +2548,Rose Creek Post Office,-92.8318541,43.6035756 +2549,Le Roy Post Office,-92.50378640000001,43.5105209 +2550,Caledonia Post Office,-91.49660560000001,43.6337768 +2551,Grand Meadow Post Office,-92.5729541,43.703852000000005 +2552,Brownsdale Post Office,-92.86935430000001,43.740240400000005 +2553,Lansing Post Office,-92.97019180000001,43.745240200000005 +2554,Adams Post Office,-92.71901940000001,43.5651479 +2555,Dexter Post Office,-92.70423290000001,43.7187946 +2556,Brownsville Post Office,-91.2798571,43.6941356 +2557,Elkton Post Office,-92.7085153,43.662741800000006 +2558,Eitzen Post Office,-91.4643061,43.508304900000006 +2559,Waltham Post Office,-92.87702110000001,43.821635 +2560,Spring Grove Post Office,-91.6358232,43.560085400000006 +2561,Sargeant Post Office,-92.8022602,43.805314300000006 +2562,Prosper Post Office,-91.8695993,43.507745 +2563,Taopi Post Office,-92.64313220000001,43.5582252 +2564,Preston Post Office,-92.0803633,43.6716889 +2565,La Crescent Post Office,-91.3030327,43.829427300000006 +2566,Granger Post Office,-92.13907280000001,43.5020204 +2567,Lewisville Post Office,-94.4366325,43.9235691 +2568,Odin Post Office,-94.7427574,43.866345100000004 +2569,Delft Post Office,-95.08888320000001,43.9863549 +2570,Darfur Post Office,-94.839151,44.0519022 +2571,Janesville Post Office,-93.707171,44.1155224 +2572,New Richland Post Office,-93.4935509,43.8949604 +2573,La Salle Post Office,-94.56941590000001,44.0716258 +2574,Waseco Post Office,-93.5056122,44.07815 +2575,Fountain Post Office,-92.13627170000001,43.7399639 +2576,Garden City Post Office,-94.1644026,44.0477414 +2577,Ostrander Post Office,-92.4279497,43.6135754 +2578,Eagle Lake Post Office,-93.8805086,44.1633002 +2579,Madelia Post Office,-94.41718420000001,44.051653900000005 +2580,Lake Crystal Post Office,-94.21884940000001,44.1055196 +2581,Good Thunder Post Office,-94.05745490000001,44.004686400000004 +2582,Mankato Post Office,-94.0046775,44.1638553 +2583,Saint Clair Post Office,-93.85578500000001,44.081355800000004 +2584,Ellendale Post Office,-93.30074470000001,43.8731978 +2585,Saint James Post Office,-94.62914040000001,43.982457700000005 +2586,Blooming Prairie Post Office,-93.0499331,43.8645416 +2587,Lanesboro Post Office,-91.9762668,43.722186300000004 +2588,Hope Post Office,-93.2765995,43.9616285 +2589,Bixby Post Office,-93.0971464,43.9444073 +2590,Mabel Post Office,-91.7695949,43.5205234 +2591,West Concord Post Office,-92.8990876,44.1516309 +2592,Harmony Post Office,-92.0096043,43.5549656 +2593,Kasson Post Office,-92.7472101,44.0284163 +2594,Canton Post Office,-91.9290459,43.532188600000005 +2595,Dodge Center Post Office,-92.85581850000001,44.027854600000005 +2596,Spring Valley Post Office,-92.3905591,43.6893693 +2597,Hayfield Post Office,-92.8481682,43.8903388 +2598,Wykoff Post Office,-92.26849870000001,43.7077419 +2599,Mantorville Post Office,-92.75634140000001,44.0665306 +2600,Peterson Post Office,-91.8347703,43.786306100000004 +2601,Claremont Post Office,-92.99881880000001,44.0445663 +2602,Rushford Post Office,-91.7537916,43.806125300000005 +2603,Verdi Post Office,-96.3522619,44.208579500000006 +2604,Jeffers Post Office,-95.19610460000001,44.0555127 +2605,Lake Benton Post Office,-96.2860167,44.2607693 +2606,Tyler Post Office,-96.1350328,44.279688400000005 +2607,Bingham Post Office,-95.04637910000001,43.9066239 +2608,Ivanhoe Post Office,-96.24865190000001,44.463020500000006 +2609,Windom Post Office,-95.11872360000001,43.865047600000004 +2610,Minnesota City Post Office,-91.75073660000001,44.093803900000005 +2611,Westbrook Post Office,-95.4358351,44.0416271 +2612,Rollingstone Post Office,-91.81699680000001,44.097765200000005 +2613,Storden Post Office,-95.3194416,44.038847100000005 +2614,Lewiston Post Office,-91.8590424,43.9844072 +2615,Altura Post Office,-91.93932450000001,44.0707966 +2616,Utica Post Office,-91.95487870000001,43.975518400000006 +2617,Courtland Post Office,-94.34,44.2683333 +2618,Saint Peter Post Office,-93.95897590000001,44.3246593 +2619,Pickwick Post Office,-91.4845878,43.981630100000004 +2620,Reads Landing Post Office,-92.07856170000001,44.402238700000005 +2621,Saint Charles Post Office,-92.0645389,43.9669284 +2622,Lamberton Post Office,-95.2630556,44.2308333 +2623,Kasota Post Office,-93.9646391,44.292501900000005 +2624,Morgan Post Office,-94.9267188,44.4167586 +2625,Clements Post Office,-95.05305560000001,44.3797222 +2626,Kilkenny Post Office,-93.5738889,44.313333300000004 +2627,Belview Post Office,-95.3291667,44.6052778 +2628,Leavenworth Post Office,-94.80166670000001,44.222500000000004 +2629,Wanda Post Office,-95.2113889,44.3163889 +2630,Comfrey Post Office,-94.9077778,44.1136111 +2631,Delhi Post Office,-95.2108333,44.599166700000005 +2632,Hanska Post Office,-94.4945215,44.1485986 +2633,Revere Post Office,-95.36416670000001,44.223888900000006 +2634,Springfield Post Office,-94.9772532,44.239077900000005 +2635,Sanborn Post Office,-95.1277778,44.21 +2636,Searles Post Office,-94.4344444,44.2286111 +2637,Vesta Post Office,-95.4162369,44.5076308 +2638,Montgomery Post Office,-93.5797222,44.436388900000004 +2639,Lynd Post Office,-95.8922222,44.3855556 +2640,Tracy Post Office,-95.61984790000001,44.232187700000004 +2641,Le Center Post Office,-93.7305556,44.39 +2642,Seaforth Post Office,-95.3261111,44.4772222 +2643,Waterville Post Office,-93.5665441,44.219749900000004 +2644,Balaton Post Office,-95.8719322,44.233872700000006 +2645,Ottawa Post Office,-93.9455556,44.3822222 +2646,Cottonwood Post Office,-95.6747222,44.6091667 +2647,Dover Post Office,-92.1372604,43.9748072 +2648,Kellogg Post Office,-91.9958333,44.307222200000005 +2649,Byron Post Office,-92.6450878,44.0313327 +2650,Theilman Post Office,-92.19194440000001,44.2891667 +2651,Oronoco Post Office,-92.5344846,44.1643082 +2652,Zumbrota Post Office,-92.6694444,44.2930556 +2653,Zumbro Falls Post Office,-92.4219444,44.2833333 +2654,Taunton Post Office,-96.06555560000001,44.593611100000004 +2655,Mazeppa Post Office,-92.54472220000001,44.2730556 +2656,Minneota Post Office,-95.9888889,44.561111100000005 +2657,Millville Post Office,-92.2957384,44.2447886 +2658,Russell Post Office,-95.9511111,44.3194444 +2659,Elgin Post Office,-92.2502778,44.130833300000006 +2660,Florence Post Office,-96.05166670000001,44.237222200000005 +2661,Lake City Post Office,-92.26704570000001,44.448586600000006 +2662,Klossner Post Office,-94.4256945,44.3659194 +2663,Brownton Post Office,-94.35166670000001,44.731666700000005 +2664,Evan Post Office,-94.8413551,44.353979800000005 +2665,Plato Post Office,-94.03815490000001,44.7731566 +2666,Essig Post Office,-94.6045009,44.3245142 +2667,Lester Prairie Post Office,-94.0413889,44.8858333 +2668,Nicollet Post Office,-94.18710510000001,44.2752276 +2669,Stewart Post Office,-94.48555560000001,44.7247222 +2670,Lafayette Post Office,-94.3902778,44.4461111 +2671,Silver Lake Post Office,-94.19666670000001,44.9027778 +2672,Arlington Post Office,-94.0794444,44.6069444 +2673,Winthrop Post Office,-94.3616667,44.5411111 +2674,Gibbon Post Office,-94.5263889,44.5336111 +2675,Gaylord Post Office,-94.2194444,44.5527778 +2676,Green Isle Post Office,-94.0080556,44.6791667 +2677,New Auburn Post Office,-94.2294444,44.6736111 +2678,Montevideo Post Office,-95.7232259,44.943081500000005 +2679,Henderson Post Office,-93.9069444,44.5277778 +2680,Dassel Post Office,-94.3085463,45.0813895 +2681,Goodhue Post Office,-92.62277780000001,44.4013889 +2682,Darwin Post Office,-94.41055560000001,45.0963889 +2683,Frontenac Post Office,-92.35416670000001,44.5108333 +2684,Watson Post Office,-95.80120690000001,45.0097267 +2685,Kenyon Post Office,-92.9875964,44.2719034 +2686,Hutchinson Post Office,-94.3689265,44.8891648 +2687,Roscoe Post Office,-92.7713889,44.2252778 +2688,Maynard Post Office,-95.4694444,44.9072222 +2689,Wanamingo Post Office,-92.79107970000001,44.3038442 +2690,Milan Post Office,-95.9111111,45.111944400000006 +2691,Welch Post Office,-92.7388889,44.5680556 +2692,Clara City Post Office,-95.3680556,44.955000000000005 +2693,Hanley Falls Post Office,-95.6216498,44.692770100000004 +2694,Appleton Post Office,-96.01829040000001,45.2016926 +2695,Porter Post Office,-96.16527780000001,44.6363889 +2696,Kerkhoven Post Office,-95.3144444,45.1908333 +2697,Saint Leo Post Office,-96.05194440000001,44.7172222 +2698,Benson Post Office,-95.6005556,45.3163889 +2699,Hazel Run Post Office,-95.71472220000001,44.7519444 +2700,Granite Falls Post Office,-95.5380556,44.8116667 +2701,Holloway Post Office,-95.9077778,45.248611100000005 +2702,Murdock Post Office,-95.39250000000001,45.224166700000005 +2703,Murdock Post Office,-95.39250000000001,45.224166700000005 +2704,Kerkhoven Post Office,-95.3144444,45.1908333 +2705,Hanley Falls Post Office,-95.6216667,44.6927778 +2706,Louisburg Post Office,-96.17083330000001,45.1661111 +2707,Danvers Post Office,-95.7516667,45.2819444 +2708,Echo Post Office,-95.4158333,44.6169444 +2709,Clontarf Post Office,-95.6763889,45.3763889 +2710,Wood Lake Post Office,-95.5380556,44.6527778 +2711,Boyd Post Office,-95.90277780000001,44.8486111 +2712,Hazel Run Post Office,-95.71472220000001,44.7519444 +2713,Bellingham Post Office,-96.2872222,45.1361111 +2714,Saint Leo Post Office,-96.05194440000001,44.7172222 +2715,Watkins Post Office,-94.4072222,45.3163889 +2716,Porter Post Office,-96.16527780000001,44.6363889 +2717,Eden Valley Post Office,-94.54774300000001,45.325830700000004 +2718,Danube Post Office,-95.09694440000001,44.791944400000006 +2719,Grove City Post Office,-94.6815334,45.151347300000005 +2720,Granite Falls Post Office,-95.5380556,44.8116667 +2721,Litchfield Post Office,-94.52695890000001,45.1276756 +2722,Bird Island Post Office,-94.89525330000001,44.7660311 +2723,Clara City Post Office,-95.3680556,44.955000000000005 +2724,Hutchinson Post Office,-94.3688889,44.889166700000004 +2725,Fairfax Post Office,-94.72098700000001,44.5269278 +2726,Maynard Post Office,-95.4694444,44.9072222 +2727,Franklin Post Office,-94.8830556,44.5297222 +2728,Villard Post Office,-95.26888890000001,45.7155556 +2729,Buffalo Lake Post Office,-94.61666670000001,44.7366667 +2730,Lowry Post Office,-95.5184188,45.7054191 +2731,Sacred Heart Post Office,-95.3514193,44.7875633 +2732,Glenwood Post Office,-95.3896799,45.654873800000004 +2733,Renville Post Office,-95.2124072,44.7920157 +2734,Hector Post Office,-94.7144444,44.7477778 +2735,Morton Post Office,-94.98409810000001,44.550856200000005 +2736,Starbuck Post Office,-95.5305556,45.605000000000004 +2737,Cosmos Post Office,-94.69629420000001,44.9352706 +2738,Cyrus Post Office,-95.7377778,45.6147222 +2739,Belgrade Post Office,-95.0041667,45.453055600000006 +2740,Farwell Post Office,-95.61720000000001,45.7513512 +2741,Sedan Post Office,-95.24777780000001,45.5755556 +2742,Chokio Post Office,-96.1730421,45.571720400000004 +2743,Donnelly Post Office,-96.01174470000001,45.6906601 +2744,Holdingford Post Office,-94.47416670000001,45.7305556 +2745,Hancock Post Office,-95.7946388,45.4982689 +2746,Freeport Post Office,-94.6897222,45.6627778 +2747,Wheaton Post Office,-96.4991667,45.8044444 +2748,Melrose Post Office,-94.81009420000001,45.6753518 +2749,Ortonville Post Office,-96.44444440000001,45.3041667 +2750,Pennock Post Office,-95.1772222,45.1491667 +2751,Dumont Post Office,-96.42473100000001,45.717877400000006 +2752,Blomkest Post Office,-95.0230588,44.9424568 +2753,Tintah Post Office,-96.3210901,46.0099098 +2754,Browns Valley Post Office,-96.83314200000001,45.595458400000005 +2755,Atwater Post Office,-94.78082160000001,45.1376782 +2756,Madison Post Office,-96.19500000000001,45.0094444 +2757,Hawick Post Office,-94.8269444,45.3477778 +2758,Dawson Post Office,-96.055,44.930277800000006 +2759,Lake Lillian Post Office,-94.88038660000001,44.9438085 +2760,Louisburg Post Office,-96.17083330000001,45.1661111 +2761,Kandiyohi Post Office,-94.9308333,45.1322222 +2762,Nassau Post Office,-96.4394444,45.0663889 +2763,Monticello Post Office,-93.7977778,45.307500000000005 +2764,Marietta Post Office,-96.41722220000001,45.008333300000004 +2765,Cokato Post Office,-94.18858900000001,45.0760756 +2766,Watkins Post Office,-94.4072222,45.3163889 +2767,Buffalo Post Office,-93.8761111,45.175000000000004 +2768,Eden Valley Post Office,-94.54773800000001,45.325825200000004 +2769,Grove City Post Office,-94.68146630000001,45.1512546 +2770,Johnson Post Office,-96.2949317,45.5727592 +2771,New London Post Office,-94.9433333,45.3011111 +2772,Odessa Post Office,-96.3286111,45.259722200000006 +2773,Prinsburg Post Office,-95.1919948,44.940820200000005 +2774,Correll Post Office,-96.1591667,45.2308333 +2775,Raymond Post Office,-95.23833330000001,45.015833300000004 +2776,Graceville Post Office,-96.43527780000001,45.5677778 +2777,Sunburg Post Office,-95.2381119,45.347711800000006 +2778,Spicer Post Office,-94.94194440000001,45.2283333 +2779,Beardsley Post Office,-96.71166670000001,45.559166700000006 +2780,Willmar Post Office,-95.0477769,45.1186975 +2781,Clinton Post Office,-96.43472220000001,45.4605556 +2782,Delano Post Office,-93.78911690000001,45.040824900000004 +2783,Waverly Post Office,-93.9682537,45.0674338 +2784,Howard Lake Post Office,-94.07070560000001,45.060081100000005 +2785,Annandale Post Office,-94.1245504,45.263891 +2786,Saint Martin Post Office,-94.6686111,45.5019444 +2787,Silver Creek Post Office,-93.9794444,45.315000000000005 +2788,Roscoe Post Office,-94.6394444,45.4338889 +2789,Montrose Post Office,-93.9127778,45.065277800000004 +2790,Brooten Post Office,-95.1241667,45.5011111 +2791,South Haven Post Office,-94.21166670000001,45.292500000000004 +2792,Rockford Post Office,-93.7341935,45.0883106 +2793,Clearwater Post Office,-94.05379110000001,45.4152429 +2794,Ashby Post Office,-95.8172222,46.0930556 +2795,Maple Lake Post Office,-94.00333330000001,45.2286111 +2796,Barrett Post Office,-95.8880556,45.9125 +2797,Hanover Post Office,-93.66611110000001,45.155833300000005 +2798,Norcross Post Office,-96.19726390000001,45.8697293 +2799,Wolverton Post Office,-96.73369290000001,46.5623584 +2800,Cushing Post Office,-94.5776689,46.1391037 +2801,Buckman Post Office,-94.0941667,45.8975 +2802,Campbell Post Office,-96.4041541,46.0978353 +2803,Randall Post Office,-94.50333330000001,46.091111100000006 +2804,Rothsay Post Office,-96.28201010000001,46.4734264 +2805,Flensburg Post Office,-94.5347222,45.955277800000005 +2806,North Branch Post Office,-92.9780556,45.513888900000005 +2807,Pierz Post Office,-94.10277780000001,45.9763889 +2808,Bowlus Post Office,-94.4091667,45.8194444 +2809,Motley Post Office,-94.6452778,46.3366667 +2810,Stacy Post Office,-92.98277780000001,45.3994444 +2811,Ormsby Post Office,-94.6975,43.8483333 +2812,Kent Post Office,-96.6844444,46.436388900000004 +2813,Harris Post Office,-92.9758333,45.5847222 +2814,Foxhome Post Office,-96.30816700000001,46.2763313 +2815,Chisago City Post Office,-92.8894636,45.3731136 +2816,Upsala Post Office,-94.57111110000001,45.810833300000006 +2817,Center City Post Office,-92.8163889,45.3938889 +2818,Swanville Post Office,-94.64089770000001,45.913930400000005 +2819,Little Falls Post Office,-94.3658474,45.9771432 +2820,New Munich Post Office,-94.75333330000001,45.6302778 +2821,Paynesville Post Office,-94.7158191,45.3818538 +2822,Almelund Post Office,-92.78549020000001,45.4911187 +2823,Rockville Post Office,-94.3434773,45.470736900000006 +2824,Little Sauk Post Office,-94.9180556,45.863888900000006 +2825,Richmond Post Office,-94.5191667,45.4541667 +2826,Burtrum Post Office,-94.68472220000001,45.8675 +2827,Elrosa Post Office,-94.9469444,45.562777800000006 +2828,Hewitt Post Office,-95.0863889,46.3088889 +2829,Avon Post Office,-94.4491534,45.605973600000006 +2830,Albany Post Office,-94.56496320000001,45.6298612 +2831,Bertha Post Office,-95.06583330000001,46.2666667 +2832,Cold Spring Post Office,-94.4288308,45.4563651 +2833,Wyoming Post Office,-92.9976347,45.3379428 +2834,Sauk Centre Post Office,-94.9522663,45.735596900000004 +2835,Hillman Post Office,-93.8936111,46.004166700000006 +2836,Hoffman Post Office,-95.7913889,45.830277800000005 +2837,Lastrup Post Office,-94.06305560000001,46.0394444 +2838,Herman Post Office,-96.14275900000001,45.808172500000005 +2839,Greenwald Post Office,-94.85972220000001,45.6016667 +2840,Eagle Bend Post Office,-95.03706240000001,46.1650342 +2841,Methodist Church,-93.4433333,45.5222222 +2842,Clarissa Post Office,-94.9504416,46.1298875 +2843,Shafer Post Office,-92.7491667,45.3858333 +2844,United States Post Office Grey Eagle Minnesota,-94.7475666,45.8247738 +2845,Rush City Post Office,-92.96556290000001,45.683915600000006 +2846,Staples Post Office,-94.795,46.356388900000006 +2847,Askov Post Office,-92.7805556,46.190000000000005 +2848,Bruno Post Office,-92.66416670000001,46.279166700000005 +2849,Kensington Post Office,-95.6955556,45.7802778 +2850,Osakis Post Office,-95.155,45.8683333 +2851,Nelson Post Office,-95.26388890000001,45.8894444 +2852,Holmes City Post Office,-95.5408333,45.833611100000006 +2853,Brandon Post Office,-95.5966667,45.9641667 +2854,Carlos Post Office,-95.2925,45.972222200000004 +2855,Alexandria Post Office,-95.38008760000001,45.8861884 +2856,Evansville Post Office,-95.68729660000001,46.006813300000005 +2857,Sturgeon Lake Post Office,-92.8258728,46.381377900000004 +2858,Rock Creek Post Office,-92.9622222,45.7575 +2859,Grandy Post Office,-93.19500000000001,45.635277800000004 +2860,Kerrick Post Office,-92.58602040000001,46.339891 +2861,Dalbo Post Office,-93.39861110000001,45.6588889 +2862,Isanti Post Office,-93.24722220000001,45.4902778 +2863,Hinckley Post Office,-92.94000000000001,46.0152778 +2864,Stanchfield Post Office,-93.1830556,45.6733333 +2865,Rice Post Office,-94.2180345,45.753267400000006 +2866,Zimmerman Post Office,-93.58802530000001,45.442091700000006 +2867,Garfield Post Office,-95.49166670000001,45.9408333 +2868,Santiago Post Office,-93.8197222,45.5391667 +2869,Miltona Post Office,-95.29277780000001,46.0455556 +2870,Braham Post Office,-93.1716667,45.7236111 +2871,Elk River Post Office,-93.5636111,45.3041667 +2872,Ironton Post Office,-93.97611,46.47778 +2873,Clear Lake Post Office,-94.00028160000001,45.4431279 +2874,Foley Post Office,-93.90955570000001,45.664712900000005 +2875,Becker Post Office,-93.870953,45.3898262 +2876,Backus Post Office,-94.5165903,46.820395000000005 +2877,Bradbury Post Office,-95.8555556,46.6666667 +2878,Bena Post Office,-94.2081802,47.342661 +2879,Cass Lake Post Office,-94.6084337,47.3790629 +2880,Jenkins Post Office,-94.33444,46.64611 +2881,Pillager Post Office,-94.47357620000001,46.329687 +2882,Lake Hubert Post Office,-94.25722,46.50222 +2883,Manhattan Beach Post Office,-94.13444000000001,46.72833 +2884,Hackensack Post Office,-94.522942,46.9297115 +2885,Remer Post Office,-93.91583,47.056110000000004 +2886,Pequot Lakes Post Office,-94.3142272,46.6027118 +2887,Swatara Post Office,-93.67389,46.89556 +2888,Emily Post Office,-93.95773100000001,46.7310668 +2889,Tamarack Post Office,-93.12759050000001,46.647172000000005 +2890,Garrison Post Office,-93.8263871,46.2932099 +2891,Jacobson Post Office,-93.26540080000001,47.0023308 +2892,Merrifield Post Office,-94.13333,46.51111 +2893,McGrath Post Office,-93.27222,46.24 +2894,Brainerd Post Office,-94.2026137,46.3554218 +2895,Palisade Post Office,-93.48972,46.713060000000006 +2896,Ah-Gwah-Ching Post Office (historic),-94.57167000000001,47.06944 +2897,Pelican Rapids Post Office,-96.08261390000001,46.569481200000006 +2898,Boy River Post Office,-94.12222000000001,47.168060000000004 +2899,Schroeder Post Office,-90.8976501,47.5430362 +2900,Federal Dam Post Office,-94.21083,47.24528 +2901,Lutsen Post Office,-90.6748778,47.6474629 +2902,Kettle River Post Office,-92.8777778,46.4916667 +2903,Wrenshall Post Office,-92.3851472,46.618386900000004 +2904,Cloquet Post Office,-92.45974770000001,46.7214746 +2905,Naytahwaush Post Office,-95.62583330000001,47.2627778 +2906,Cromwell Post Office,-92.8838889,46.6808333 +2907,Twin Valley Post Office,-96.25956950000001,47.2606412 +2908,Vining Post Office,-95.5376057,46.262424300000006 +2909,Bejou Post Office,-95.97438100000001,47.442561100000006 +2910,Harney Post Office,-92.3333333,46.7216667 +2911,Waubun Post Office,-95.9442461,47.181381900000005 +2912,Kalavala Post Office,-92.9583333,46.5277778 +2913,Mahnomen Post Office,-95.9682216,47.316700100000006 +2914,Nemadji Post Office,-92.5944444,46.479444400000006 +2915,Gary Post Office,-96.2679487,47.3718889 +2916,Borup Post Office,-96.5057821,47.180468600000005 +2917,Holyoke Post Office,-92.3883333,46.4675 +2918,Ada Post Office,-96.5169444,47.3002778 +2919,Iverson Post Office,-92.5291667,46.6663889 +2920,Shelly Post Office,-96.82175170000001,47.458617800000006 +2921,Salo Post Office,-92.8972222,46.572222200000006 +2922,Perley Post Office,-96.803972,47.1779712 +2923,Carlton Post Office,-92.4236111,46.665277800000005 +2924,Hendrum Post Office,-96.81035510000001,47.2641803 +2925,Clearbrook Post Office,-95.42694440000001,47.6872222 +2926,Halstad Post Office,-96.82890660000001,47.352098700000006 +2927,Jordan Post Office,-93.62680800000001,44.6669983 +2928,Leonard Post Office,-95.27194440000001,47.651944400000005 +2929,Prior Lake Post Office,-93.42977490000001,44.705095500000006 +2930,Gonvick Post Office,-95.51320700000001,47.7376881 +2931,New Market Post Office,-93.3533333,44.5730556 +2932,Lengby Post Office,-95.6360088,47.5146463 +2933,Belle Plaine Post Office,-93.7687234,44.6221435 +2934,Mentor Post Office,-96.141593,47.6980804 +2935,Silver Bay Post Office,-91.2718971,47.2936063 +2936,Climax Post Office,-96.8172122,47.607607 +2937,Knife River Post Office,-91.7864924,46.950535200000004 +2938,Sabin Post Office,-96.6513889,46.778611100000006 +2939,Ulen Post Office,-96.2592944,47.079236900000005 +2940,Gully Post Office,-95.6226797,47.7688957 +2941,McIntosh Post Office;McIntosh City Hall;McIntosh Police Department;McIntosh Fire Department,-95.88661610000001,47.637072200000006 +2942,Hawley Post Office,-96.3152778,46.879444400000004 +2943,Hitterdal Post Office,-96.2588889,46.977500000000006 +2944,Glyndon Post Office,-96.57902840000001,46.8767501 +2945,Fisher Post Office,-96.7997527,47.8006424 +2946,Barnesville Post Office,-96.4194444,46.652222200000004 +2947,Fertile Post Office,-96.2758333,47.535000000000004 +2948,Comstock Post Office,-96.74894210000001,46.6595096 +2949,Crookston Post Office,-96.60790130000001,47.772865100000004 +2950,Felton Post Office,-96.50628490000001,47.07708 +2951,East Grand Forks Post Office,-97.02460930000001,47.9287289 +2952,Baker Post Office,-96.55166670000001,46.713055600000004 +2953,Erskine Post Office,-96.01045710000001,47.667658200000005 +2954,Fosston Post Office,-95.7511321,47.5761643 +2955,Trail Post Office,-95.69300720000001,47.7789377 +2956,Brooks Post Office,-96.00257380000001,47.814683 +2957,Nielsville Post Office,-96.8170362,47.528153700000004 +2958,Euclid Post Office,-96.6389008,47.9722712 +2959,Winger Post Office,-95.9878953,47.5356679 +2960,Oklee Post Office,-95.8553452,47.839499100000005 +2961,Mayer Post Office,-93.8882533,44.885714400000005 +2962,Pitt Post Office,-94.73583330000001,48.7175 +2963,Norwood Post Office,-93.9216667,44.7708333 +2964,Angle Inlet Post Office,-95.0634869,49.3454908 +2965,Young America Post Office,-93.91166670000001,44.7833333 +2966,Baudette Post Office,-94.602067,48.7132231 +2967,Cologne Post Office,-93.7811111,44.771666700000004 +2968,Williams Post Office,-94.9545011,48.7680213 +2969,Bethel Post Office,-93.26756440000001,45.4039341 +2970,Maple Plain Post Office,-93.655,45.0072222 +2971,Saint Francis Post Office,-93.36059300000001,45.3867406 +2972,Loretto Post Office,-93.6350656,45.053647100000006 +2973,Max Post Office,-94.0677778,47.6147222 +2974,Pengrilly Post Office,-93.1980556,47.3330556 +2975,Nashwauk Post Office,-93.1669954,47.3793318 +2976,Swan River Post Office,-93.1947222,47.0866667 +2977,Wawina Post Office,-93.1188889,47.0530556 +2978,Warba Post Office,-93.2666667,47.129166700000006 +2979,Togo Post Office,-93.15583330000001,47.8213889 +2980,Squaw Lake Post Office,-94.13731600000001,47.627647 +2981,New Germany Post Office,-93.96722220000001,44.884722200000006 +2982,Keewatin Post Offce,-93.07691220000001,47.398726100000005 +2983,Lake George Post Office,-94.9939849,47.200869600000004 +2984,Hastings Post Office,-92.84944440000001,44.7441667 +2985,Marble Post Office,-93.29833330000001,47.320555600000006 +2986,Saint Hilaire Post Office,-96.2144827,48.0138313 +2987,Taconite Post Office,-93.38194440000001,47.312777800000006 +2988,Calumet Post Office,-93.2766667,47.3194444 +2989,Coleraine Post Office,-93.4308297,47.282711600000006 +2990,Beaver Bay Post Office,-91.3000045,47.258017 +2991,Bovey Post Office,-93.41498510000001,47.2952918 +2992,Two Harbors Post Office,-91.6705556,47.02 +2993,Goodland Post Office,-93.1355556,47.1619444 +2994,Nevis Post Office,-94.8429194,46.9644756 +2995,Bowstring Post Office,-93.79638890000001,47.5430556 +2996,Stillwater Post Office,-92.81106960000001,45.055830500000006 +2997,Longville Post Office,-94.2121599,46.9865246 +2998,Afton Post Office,-92.78275690000001,44.9037135 +2999,Becida Post Office,-95.08083330000001,47.3541667 +3000,Bigfork Post Office,-93.65338050000001,47.7453197 +3001,Benedict Post Office,-94.69088400000001,47.157721800000004 +3002,Vermillion Post Office,-92.96527780000001,44.6741667 +3003,Randolph Post Office,-93.01888890000001,44.5261111 +3004,Park Rapids Post Office,-95.0586463,46.9197707 +3005,Marcell Post Office,-93.6928108,47.593759000000006 +3006,Plummer Post Office,-96.03987760000001,47.9113811 +3007,Hampton Post Office,-92.99996490000001,44.6109134 +3008,Hallock Post Office,-96.9449728,48.7752386 +3009,Scandia Post Office,-92.8055556,45.2536111 +3010,Marine on Saint Croix Post Office,-92.7708333,45.2 +3011,Strathcona Post Office,-96.1686291,48.553775400000006 +3012,Donaldson Post Office,-96.94611110000001,48.572222200000006 +3013,Koda Bank,-96.9088784,48.6420504 +3014,Halma Post Office,-96.6001863,48.661302500000005 +3015,Humboldt Post Office,-97.0944654,48.9210482 +3016,International Falls Post Office,-93.4054885,48.6019178 +3017,Badger Post Office,-96.01364480000001,48.782357700000006 +3018,Lake Bronson Post Office,-96.66342,48.735797100000006 +3019,Lancaster Post Office,-96.80362260000001,48.858902300000004 +3020,Roseau Post Office,-95.7619732,48.8459912 +3021,Hines Post Office,-94.6331547,47.6875833 +3022,Greenbush Post Office,-96.1829991,48.700159000000006 +3023,Pennington Post Office,-94.47972220000001,47.483611100000005 +3024,Aurora Post Office,-92.2365729,47.5291913 +3025,Ely Post Office,-91.86365450000001,47.9016296 +3026,Ponemah Post Office,-94.9138302,48.0202827 +3027,Eveleth Post Office,-92.5389234,47.463641 +3028,Cook Post Office,-92.688395,47.851689400000005 +3029,Kelliher Post Office,-94.44799160000001,47.941968700000004 +3030,Tower Post Office,-92.2752753,47.805174400000006 +3031,Puposky Post Office,-94.9069444,47.6777778 +3032,Side Lake Post Office,-93.0155556,47.665277800000005 +3033,Redby Post Office,-94.91189270000001,47.8785679 +3034,Virginia Post Office,-92.5344488,47.5225151 +3035,Solway Post Office,-95.1288889,47.52 +3036,Gilbert Post Office,-92.4665557,47.4875684 +3037,Tenstrike Post Office,-94.6779753,47.6575105 +3038,Soudan Post Office,-92.2369056,47.8172287 +3039,Waskish Post Office,-94.51222220000001,48.161388900000006 +3040,Chisholm Post Office,-92.8833333,47.4841667 +3041,Biwabik Post Office,-92.34,47.533055600000004 +3042,Buhl Post Office,-92.77777780000001,47.487500000000004 +3043,Big Falls Post Office,-93.8045543,48.1909037 +3044,Angora Post Office,-92.6555556,47.78 +3045,Loman Post Office,-93.8048433,48.5125918 +3046,Babbitt Post Office,-91.9457824,47.7129306 +3047,Ray Post Office,-93.2102778,48.4108333 +3048,Canyon Post Office,-92.47055560000001,47.040000000000006 +3049,South International Falls Post Office,-93.39850100000001,48.5865802 +3050,Hibbing Post Office,-92.9391667,47.428333300000006 +3051,Mizpah Post Office,-94.2076885,47.9262723 +3052,Mountain Iron Post Office,-92.6218331,47.5335223 +3053,Ranier Post Office,-93.34829690000001,48.6141407 +3054,Saginaw Post Office,-92.4375,46.8555556 +3055,Floodwood Post Office,-92.915,46.9272222 +3056,Iron Post Office,-92.6040911,47.4190598 +3057,Noyes Post Office,-97.2041667,48.9975 +3058,Kelsey Post Office,-92.59916670000001,47.153888900000005 +3059,Saint Vincent Post Office,-97.22480750000001,48.967710000000004 +3060,Cotton Post Office,-92.47611110000001,47.1694444 +3061,Northome Post Office,-94.27901680000001,47.8727031 +3062,Brookston Post Office,-92.6086111,46.867777800000006 +3063,Salol Post Office,-95.5684586,48.8661146 +3064,McKinley Post Office,-92.41083330000001,47.5127778 +3065,Roosevelt Post Office,-95.1017461,48.8062723 +3066,Adolph Post Office,-92.28,46.778611100000006 +3067,Wannaska Post Office,-95.7353784,48.658561600000006 +3068,Alborn Post Office,-92.5758333,46.9730556 +3069,Saum Post Office,-94.67682640000001,47.9749114 +3070,Meadowlands Post Office,-92.73222220000001,47.0719444 +3071,Wilton Post Office,-95.00083330000001,47.5036111 +3072,Gheen Post Office,-92.8080556,47.9680556 +3073,Redlake Post Office,-95.01639890000001,47.876161 +3074,Detroit Lakes Post Office,-95.8478748,46.8198128 +3075,Viking Post Office,-96.406357,48.2185981 +3076,Brimson Post Office,-91.86645370000001,47.276285400000006 +3077,Parkville Post Office,-92.5791842,47.5313141 +3078,"Gravel Parking Lot,",-95.6812919,44.080182300000004 +3079,Twig Post Office,-92.3643072,46.8950307 +3080,Winton Post Office,-91.79966040000001,47.927337 +3081,Duluth Post Office,-92.1340655,46.759926500000006 +3082,"Gravel Parking Lot,",-92.778744,46.642303000000005 +3083,Flom Post Office,-96.13055560000001,47.1661111 +3084,"Gravel Parking Lot,",-92.464179,46.527516000000006 +3085,Embarrass Post Office,-92.19739390000001,47.6589991 +3086,"Gravel Parking Lot,",-95.8783621,45.0793868 +3087,Forbes Post Office,-92.6038889,47.371666700000006 +3088,"Gravel Parking Lot,",-95.8697788,45.0210014 +3089,Kelly Lake Post Office,-93.0065034,47.4174087 +3090,"Gravel Parking Lot,",-92.92571170000001,44.0763857 +3091,Kinney Post Office,-92.7305556,47.514166700000004 +3092,"Gravel Parking Lot,",-93.439676,45.405539000000005 +3093,Makinen Post Office,-92.369045,47.3570623 +3094,"Gravel Parking Lot,",-93.1901,46.651939000000006 +3095,Spring Lake Park Post Office,-93.2373,45.1075 +3096,Robbinsdale Post Office,-93.3343682,45.0301082 +3097,"Gravel Parking Lot, Aitkin WMA, Main Unit",-93.587575,46.60882 +3098,Plymouth Post Office,-93.4726948,45.018404100000005 +3099,"Gravel Parking Lot, Aitkin WMA, Main Unit",-93.61005700000001,46.571625000000004 +3100,"Gravel Parking Lot, Aitkin WMA, Main Unit",-93.587834,46.599353 +3101,"Gravel Parking Lot, Aitkin WMA, South Unit",-93.622432,46.534965 +3102,"Gravel Parking Lot, Four Brooks WMA, Main Unit",-93.664792,45.937142 +3103,"Gravel Parking Lot, Ann & Leo Donahue WMA",-93.432276,43.561818 +3104,"Gravel Parking Lot, Gun-dog WMA",-95.38990700000001,48.280964000000004 +3105,"Gravel Parking Lot, Bear WMA",-93.49384300000001,43.56056 +3106,"Gravel Parking Lot, Grayling Marsh WMA",-93.1901,46.651946 +3107,"Gravel Parking Lot, Beaver Creek WMA",-92.409317,43.53676 +3108,"Gravel Parking Lot, Beaver Creek WMA",-92.38947900000001,43.537773 +3109,"Gravel Parking Lot, Grayling Marsh WMA",-93.255019,46.655088000000006 +3110,"Gravel Parking Lot, Beaver Creek WMA, Northeast Unit",-95.6813123,44.0802239 +3111,"Gravel Parking Lot, Grant Coyour Memorial WMA",-96.20415100000001,46.108705 +3112,"Gravel Parking Lot, Beaver Creek WMA",-92.389508,43.515017 +3113,"Gravel Parking Lot, Heron Lake WMA, West Heron Unit",-95.24275200000001,43.71813 +3114,"Gravel Parking Lot, Birchdale WMA",-93.85451400000001,46.721839 +3115,"Gravel Parking Lot, Heron Lake WMA, North Heron Unit",-95.299307,43.768009 +3116,"Gravel Parking Lot, Hay Point WMA",-93.62069600000001,46.874093 +3117,"Gravel Parking Lot, Benville WMA",-95.55161600000001,48.317888 +3118,"Gravel Parking Lot, Hay Point WMA",-93.627628,46.870106 +3119,"Gravel Parking Lot, Blackhoof River WMA",-92.43442200000001,46.533348000000004 +3120,"Gravel Parking Lot, Kettle Lake WMA",-92.78971700000001,46.635698000000005 +3121,"Gravel Parking Lot, Blackhoof River WMA",-92.468016,46.524981000000004 +3122,"Gravel Parking Lot, Kimberly Marsh WMA, Main Unit",-93.420122,46.552748 +3123,"Gravel Parking Lot, Blackhoof River WMA",-92.415762,46.532415 +3124,"Gravel Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.975244,45.086093000000005 +3125,"Gravel Parking Lot, Blackhoof River WMA",-92.429637,46.533324 +3126,"Gravel Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.940036,45.083203000000005 +3127,"Gravel Parking Lot, Born WMA",-93.792096,44.109053 +3128,"Gravel Parking Lot, Heron Lake WMA, West Heron Unit",-95.26978100000001,43.732096000000006 +3129,"Gravel Parking Lot, Blackhoof River WMA",-92.389323,46.518411 +3130,"Gravel Parking Lot, Hesitation WMA",-93.88851500000001,46.338405 +3131,"Gravel Parking Lot, Canosia WMA",-92.24884800000001,46.901934000000004 +3132,"Gravel Parking Lot, Higinbotham WMA",-96.28869200000001,47.995017000000004 +3133,"Gravel Parking Lot, Canosia WMA",-92.247978,46.906149000000006 +3134,"Gravel Parking Lot, James Willey WMA",-95.59336900000001,43.558169 +3135,"Gravel Parking Lot, Lac qui Parle WMA, Main Unit",-96.02103500000001,45.156742 +3136,"Gravel Parking Lot, Canosia WMA",-92.238196,46.901816000000004 +3137,"Gravel Parking Lot, Lac qui Parle WMA, Main Unit",-96.04178,45.102333 +3138,"Gravel Parking Lot, Canosia WMA",-92.24435100000001,46.901693 +3139,"Gravel Parking Lot, Lac qui Parle WMA, Main Unit",-96.01026900000001,45.091033 +3140,"Gravel Parking Lot, Canosia WMA",-92.218928,46.926146 +3141,"Gravel Parking Lot, Lac qui Parle WMA, Main Unit",-96.124356,45.206655000000005 +3142,"Gravel Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.93406300000001,45.079432000000004 +3143,"Gravel Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.894024,45.05115 +3144,"Gravel Parking Lot, Canosia WMA",-92.2384397,46.937845900000006 +3145,"Gravel Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.88724570000001,45.0512518 +3146,"Gravel Parking Lot, Charlotte Hynes WMA",-94.080027,43.760278 +3147,"Gravel Parking Lot, Lac qui Parle WMA, Main Unit",-95.985359,45.094120000000004 +3148,"Gravel Parking Lot, Chosen Valley WMA",-92.311924,43.833569000000004 +3149,"Gravel Parking Lot, Lac qui Parle WMA, Main Unit",-95.790862,45.023608 +3150,"Gravel Parking Lot, Carmelee WMA",-95.550865,48.21152 +3151,"Gravel Parking Lot, Lac qui Parle WMA, Main Unit",-96.22620300000001,45.216107 +3152,"Gravel Parking Lot, Lake Guckeen WMA",-94.217566,43.65242 +3153,"Gravel Parking Lot, Lac qui Parle WMA, Main Unit",-95.7990372,45.025541000000004 +3154,"Gravel Parking Lot, Cedar Lake WMA",-93.797483,46.485567 +3155,"Gravel Parking Lot, Lac qui Parle WMA, Main Unit",-96.16609100000001,45.185722000000005 +3156,"Gravel Parking Lot, Dr. Johnan C. Hvoslef WMA",-91.885709,43.612500000000004 +3157,"Gravel Parking Lot, Lac qui Parle WMA, Main Unit",-96.13960800000001,45.209978 +3158,"Gravel Parking Lot, Lac qui Parle WMA, Main Unit",-96.22103800000001,45.240122 +3159,"Gravel Parking Lot, Lac qui Parle WMA, Main Unit",-96.206383,45.238612 +3160,"Gravel Parking Lot, Little Willow River WMA, Main Unit",-93.66648400000001,46.700257 +3161,"Gravel Parking Lot, Duck Lake WMA",-93.88954500000001,46.750277000000004 +3162,"Gravel Parking Lot, Little Willow River WMA, Main Unit",-93.67509600000001,46.697388000000004 +3163,"Gravel Parking Lot, Crow Wing Chain WMA",-94.86726300000001,46.820444 +3164,"Gravel Parking Lot, Little Willow River WMA, Main Unit",-93.69111600000001,46.725042 +3165,"Gravel Parking Lot, Dovray WMA, South Unit",-95.570887,44.051822 +3166,"Gravel Parking Lot, Little Willow River WMA, Main Unit",-93.69633800000001,46.711901000000005 +3167,"Gravel Parking Lot, Elm Lake WMA",-95.91715,48.261436 +3168,"Gravel Parking Lot, Laurs Lake WMA",-95.03038600000001,43.803606 +3169,"Gravel Parking Lot, Elm Lake WMA",-95.88459300000001,48.266048000000005 +3170,"Gravel Parking Lot, Lake Guckeen WMA",-94.226219,43.66348 +3171,"Gravel Parking Lot, Laurs Lake WMA",-95.01492300000001,43.804477000000006 +3172,"Gravel Parking Lot, Elm Lake WMA",-96.019834,48.222057 +3173,"Gravel Parking Lot, Mille Lacs WMA",-93.51521000000001,46.079885000000004 +3174,"Gravel Parking Lot, Elm Lake WMA",-95.917342,48.265463000000004 +3175,"Gravel Parking Lot, Mille Lacs WMA",-93.51553700000001,46.072082 +3176,"Gravel Parking Lot, Elm Lake WMA",-95.852022,48.279425 +3177,"Gravel Parking Lot, Meadow Brook WMA",-94.58176900000001,46.480427000000006 +3178,"Gravel Parking Lot, Faribault WMA",-93.24540400000001,44.246871000000006 +3179,"Gravel Parking Lot, Meadow Brook WMA",-94.575265,46.471114 +3180,"Gravel Parking Lot, Elm Lake WMA",-95.869802,48.266111 +3181,"Gravel Parking Lot, Elm Lake WMA",-95.85225100000001,48.277265 +3182,"Gravel Parking Lot, Mcgregor WMA",-93.31658800000001,46.630175 +3183,"Gravel Parking Lot, Four Brooks WMA, Main Unit",-93.66321500000001,45.951316000000006 +3184,"Gravel Parking Lot, Meadow Brook WMA",-94.577876,46.476707000000005 +3185,"Gravel Parking Lot, Four Brooks WMA, Main Unit",-93.67296300000001,45.937153 +3186,"Gravel Parking Lot, Lowe WMA",-95.159025,46.812081000000006 +3187,"Gravel Parking Lot, Four Brooks WMA, Main Unit",-93.68028100000001,45.944497000000005 +3188,"Gravel Parking Lot, Lower Dean WMA",-93.89319400000001,46.597063000000006 +3189,"Gravel Parking Lot, Four Brooks WMA, Main Unit",-93.66899400000001,45.946192 +3190,"Gravel Parking Lot, Mille Lacs WMA",-93.49557100000001,46.041540000000005 +3191,"Gravel Parking Lot, Grant Coyour Memorial WMA",-96.209106,46.123036000000006 +3192,"Gravel Parking Lot, Mille Lacs WMA",-93.495665,46.03707 +3193,"Gravel Parking Lot, Goethite WMA",-92.36457300000001,43.620316 +3194,"Gravel Parking Lot, Mille Lacs WMA",-93.495462,46.056568000000006 +3195,"Gravel Parking Lot, French Lake WMA",-93.569834,46.620290000000004 +3196,"Gravel Parking Lot, Mille Lacs WMA",-93.49552800000001,46.051835000000004 +3197,"Gravel Parking Lot, Mille Lacs WMA",-93.487227,46.010433000000006 +3198,"Gravel Parking Lot, Mille Lacs WMA",-93.49523,46.066376000000005 +3199,"Gravel Parking Lot, Mille Lacs WMA",-93.500287,46.059054 +3200,"Gravel Parking Lot, Mille Lacs WMA",-93.53701000000001,46.080145 +3201,"Gravel Parking Lot, Mille Lacs WMA",-93.49474500000001,46.074849 +3202,"Gravel Parking Lot, Mille Lacs WMA",-93.495244,46.067937 +3203,"Gravel Parking Lot, Mille Lacs WMA",-93.449883,46.009918000000006 +3204,"Gravel Parking Lot, Mille Lacs WMA",-93.53715000000001,46.053242000000004 +3205,"Gravel Parking Lot, Mille Lacs WMA",-93.445941,45.992213 +3206,"Gravel Parking Lot, Mille Lacs WMA",-93.536894,46.060757 +3207,"Gravel Parking Lot, Mille Lacs WMA",-93.441097,45.996059 +3208,"Gravel Parking Lot, Mille Lacs WMA",-93.536744,46.064211 +3209,"Gravel Parking Lot, Mille Lacs WMA",-93.433401,46.002465 +3210,"Gravel Parking Lot, Mille Lacs WMA",-93.536466,46.070574 +3211,"Gravel Parking Lot, Mille Lacs WMA",-93.433154,45.987895 +3212,"Gravel Parking Lot, Mille Lacs WMA",-93.535756,46.075256 +3213,"Gravel Parking Lot, Mille Lacs WMA",-93.453201,45.948766000000006 +3214,"Gravel Parking Lot, Mille Lacs WMA",-93.535707,46.078069000000006 +3215,"Gravel Parking Lot, Mille Lacs WMA",-93.474027,45.946137 +3216,"Gravel Parking Lot, Mille Lacs WMA",-93.49556100000001,46.010443 +3217,"Gravel Parking Lot, Mille Lacs WMA",-93.47853900000001,46.010346000000006 +3218,"Gravel Parking Lot, Mille Lacs WMA",-93.495727,46.025254000000004 +3219,"Gravel Parking Lot, Mille Lacs WMA",-93.46469300000001,46.010309 +3220,"Gravel Parking Lot, Mille Lacs WMA",-93.578653,46.039730000000006 +3221,"Gravel Parking Lot, Mille Lacs WMA",-93.462759,46.010105 +3222,"Gravel Parking Lot, Mille Lacs WMA",-93.562247,46.042733000000005 +3223,"Gravel Parking Lot, Mille Lacs WMA",-93.44408200000001,46.010434000000004 +3224,"Gravel Parking Lot, Mille Lacs WMA",-93.56004100000001,46.044612 +3225,"Gravel Parking Lot, Moose River WMA, Thief River Falls Unit",-95.444395,48.352752 +3226,"Gravel Parking Lot, Mille Lacs WMA",-93.55108800000001,46.047359 +3227,"Gravel Parking Lot, Moose Willow WMA",-93.557586,46.889517000000005 +3228,"Gravel Parking Lot, Mille Lacs WMA",-93.54199200000001,46.047002000000006 +3229,"Gravel Parking Lot, Mille Lacs WMA",-93.53854100000001,46.046942 +3230,"Gravel Parking Lot, Mission Lake WMA",-94.089911,46.525108 +3231,"Gravel Parking Lot, Mille Lacs WMA",-93.53701500000001,46.047712000000004 +3232,"Gravel Parking Lot, Moose River WMA, Thief Lake Unit",-95.48102100000001,48.380992000000006 +3233,"Gravel Parking Lot, Mille Lacs WMA",-93.537232,46.0504 +3234,"Gravel Parking Lot, Mound Prairie WMA, Main Unit",-91.42527000000001,43.792378 +3235,"Gravel Parking Lot, Mille Lacs WMA",-93.609492,45.99998 +3236,"Gravel Parking Lot, Mountain Lake WMA",-94.958618,43.945406000000006 +3237,"Gravel Parking Lot, Mille Lacs WMA",-93.62081400000001,46.005496 +3238,"Gravel Parking Lot, Moose Willow WMA",-93.537244,46.941768 +3239,"Gravel Parking Lot, Mille Lacs WMA",-93.62078600000001,45.996181 +3240,"Gravel Parking Lot, Moose Willow WMA",-93.51203000000001,46.942821 +3241,"Gravel Parking Lot, Mille Lacs WMA",-93.618853,45.999711000000005 +3242,"Gravel Parking Lot, Mille Lacs WMA",-93.49560500000001,46.017029 +3243,"Gravel Parking Lot, Mille Lacs WMA",-93.61957600000001,45.983598 +3244,"Gravel Parking Lot, Mille Lacs WMA",-93.49539800000001,46.043571 +3245,"Gravel Parking Lot, Mille Lacs WMA",-93.620788,45.991415 +3246,"Gravel Parking Lot, Mille Lacs WMA",-93.57826700000001,46.081466000000006 +3247,"Gravel Parking Lot, Mille Lacs WMA",-93.622202,45.976754 +3248,"Gravel Parking Lot, Mille Lacs WMA",-93.622653,45.968423 +3249,"Gravel Parking Lot, Mille Lacs WMA",-93.623158,45.977314 +3250,"Gravel Parking Lot, Mille Lacs WMA",-93.54731100000001,46.040063 +3251,"Gravel Parking Lot, Mille Lacs WMA",-93.599759,46.025241 +3252,"Gravel Parking Lot, Mille Lacs WMA",-93.57528500000001,46.039687 +3253,"Gravel Parking Lot, Mille Lacs WMA",-93.606149,46.024614 +3254,"Gravel Parking Lot, Mille Lacs WMA",-93.60193100000001,46.024832 +3255,"Gravel Parking Lot, Mille Lacs WMA",-93.578772,46.02843 +3256,"Gravel Parking Lot, Mille Lacs WMA",-93.62071900000001,46.016164 +3257,"Gravel Parking Lot, Mille Lacs WMA",-93.49551600000001,46.047982000000005 +3258,"Gravel Parking Lot, Mille Lacs WMA",-93.620507,46.020259 +3259,"Gravel Parking Lot, Mille Lacs WMA",-93.495393,46.053802000000005 +3260,"Gravel Parking Lot, Mille Lacs WMA",-93.61780300000001,46.008531000000005 +3261,"Gravel Parking Lot, Ripple River WMA, West Unit",-93.65422500000001,46.417858 +3262,"Gravel Parking Lot, Mille Lacs WMA",-93.62070600000001,46.011174000000004 +3263,"Gravel Parking Lot, Mille Lacs WMA",-93.54540200000001,45.952160000000006 +3264,"Gravel Parking Lot, Ripple River WMA, East Unit",-93.630992,46.402873 +3265,"Gravel Parking Lot, Mille Lacs WMA",-93.539956,45.952380000000005 +3266,"Gravel Parking Lot, Roberts-Wickstrom WMA, East Unit",-93.46526200000001,46.746119 +3267,"Gravel Parking Lot, Mille Lacs WMA",-93.53923,45.946516 +3268,"Gravel Parking Lot, Mille Lacs WMA",-93.535082,45.937472 +3269,"Gravel Parking Lot, Ripple River WMA, West Unit",-93.66320800000001,46.403338000000005 +3270,"Gravel Parking Lot, Mille Lacs WMA",-93.529065,45.937402000000006 +3271,"Gravel Parking Lot, Rabbit Lake WMA",-93.55523000000001,46.444127 +3272,"Gravel Parking Lot, Mille Lacs WMA",-93.47520800000001,45.935727 +3273,"Gravel Parking Lot, Rabbit Lake WMA",-93.547002,46.444660000000006 +3274,"Gravel Parking Lot, Mille Lacs WMA",-93.47498900000001,45.94008 +3275,"Gravel Parking Lot, Rice Lake WMA",-94.112364,43.768147000000006 +3276,"Gravel Parking Lot, Mille Lacs WMA",-93.474733,45.942132 +3277,"Gravel Parking Lot, Pawek WMA",-93.4095384,44.1488643 +3278,"Gravel Parking Lot, Mille Lacs WMA",-93.61343500000001,45.973773 +3279,"Gravel Parking Lot, Oriniak WMA",-95.95666,47.979138000000006 +3280,"Gravel Parking Lot, Mille Lacs WMA",-93.61676100000001,45.966413 +3281,"Gravel Parking Lot, Mille Lacs WMA",-93.62200200000001,45.958662000000004 +3282,"Gravel Parking Lot, Pool 4 WMA",-91.9837,44.351851 +3283,"Gravel Parking Lot, Mille Lacs WMA",-93.59666700000001,45.952029 +3284,"Gravel Parking Lot, Pipestone WMA",-96.331162,44.019927 +3285,"Gravel Parking Lot, Mille Lacs WMA",-93.58087900000001,45.952047 +3286,"Gravel Parking Lot, Naylor WMA, Main Unit",-92.944991,44.076663 +3287,"Gravel Parking Lot, Mille Lacs WMA",-93.56475300000001,45.952107000000005 +3288,"Gravel Parking Lot, Moylan WMA",-95.765422,48.281584 +3289,"Gravel Parking Lot, Mille Lacs WMA",-93.55836500000001,45.952083 +3290,"Gravel Parking Lot, Mille Lacs WMA",-93.552957,45.952179 +3291,"Gravel Parking Lot, Newstrom Lake WMA, South Unit",-93.519264,46.559611000000004 +3292,"Gravel Parking Lot, Mille Lacs WMA",-93.604875,45.953277 +3293,"Gravel Parking Lot, Nereson WMA",-95.950563,48.657838000000005 +3294,"Gravel Parking Lot, Mille Lacs WMA",-93.591848,45.952092 +3295,"Gravel Parking Lot, Somerset WMA",-93.2523919,44.037128 +3296,"Gravel Parking Lot, Mille Lacs WMA",-93.515529,46.069129000000004 +3297,"Gravel Parking Lot, Talcot Lake WMA",-95.43187400000001,43.902431 +3298,"Gravel Parking Lot, Talcot Lake WMA",-95.436153,43.886404000000006 +3299,"Gravel Parking Lot, Sem WMA",-95.615627,48.209245 +3300,"Gravel Parking Lot, Sawyer WMA",-92.636758,46.644416 +3301,"Gravel Parking Lot, Sena WMA",-95.287518,45.091894 +3302,"Gravel Parking Lot, Roberts-Wickstrom WMA, West Unit",-93.501413,46.739359 +3303,"Gravel Parking Lot, Senn-Rich WMA",-93.496937,44.002427000000004 +3304,"Gravel Parking Lot, Roseau River WMA",-96.008145,48.963673 +3305,"Gravel Parking Lot, Somerset WMA",-93.25017700000001,44.044158 +3306,"Gravel Parking Lot, Roseau River WMA",-96.008177,48.953515 +3307,"Gravel Parking Lot, Sangl WMA",-95.174254,43.538705 +3308,"Gravel Parking Lot, Sandy Lake Resevoir WMA, Sandy Lake Unit",-93.30285900000001,46.72401300000001 +3309,"Gravel Parking Lot, Sawyer WMA",-92.62318,46.635466 +3310,"Gravel Parking Lot, Tri-cooperative WMA",-92.69276900000001,43.950086000000006 +3311,"Gravel Parking Lot, Sawyer WMA",-92.63612300000001,46.6437 +3312,"Gravel Parking Lot, Timber Lake WMA",-95.215224,43.826116000000006 +3313,"Gravel Parking Lot, Timber Lake WMA",-95.224778,43.822394 +3314,"Natural/Grass Surface Parking Lot,",-94.08159300000001,46.416882 +3315,"Gravel Parking Lot, Timber Lake WMA",-95.20469600000001,43.819008000000004 +3316,"Gravel Parking Lot, Thief Lake WMA",-95.95188,48.488841 +3317,"Gravel Parking Lot, Thief Lake WMA",-95.95029000000001,48.486139 +3318,"Natural/Grass Surface Parking Lot,",-92.78970500000001,46.64258 +3319,"Gravel Parking Lot, Thief Lake WMA",-95.883235,48.516394000000005 +3320,"Natural/Grass Surface Parking Lot,",-95.37936300000001,48.31096 +3321,"Gravel Parking Lot, Thief Lake WMA",-95.925627,48.517155 +3322,"Natural/Grass Surface Parking Lot,",-93.48135,45.317335 +3323,"Gravel Parking Lot, Thief Lake WMA",-95.92571500000001,48.520292000000005 +3324,"Natural/Grass Surface Parking Lot,",-93.517921,46.552723 +3325,"Gravel Parking Lot, Thief Lake WMA",-95.947333,48.517139 +3326,"Natural/Grass Surface Parking Lot,",-94.83732900000001,43.926388 +3327,"Gravel Parking Lot, Thief Lake WMA",-95.81833300000001,48.487106000000004 +3328,"Natural/Grass Surface Parking Lot,",-93.08922600000001,43.713849 +3329,"Gravel Parking Lot, Thief Lake WMA",-95.860302,48.502685 +3330,"Natural/Grass Surface Parking Lot, Aitkin WMA, Main Unit",-93.601476,46.577852 +3331,"Gravel Parking Lot, Thief Lake WMA",-95.88125000000001,48.470991000000005 +3332,"Natural/Grass Surface Parking Lot, Altona WMA",-96.32026400000001,44.1976 +3333,"Gravel Parking Lot, Thief Lake WMA",-95.92521900000001,48.477954000000004 +3334,"Natural/Grass Surface Parking Lot,",-93.71123700000001,47.000854000000004 +3335,"Gravel Parking Lot, Talcot Lake WMA",-95.45670000000001,43.864237 +3336,"Natural/Grass Surface Parking Lot, Beaches Lake WMA, Main South Unit",-96.49252200000001,48.763582 +3337,"Gravel Parking Lot, Talcot Lake WMA",-95.43605600000001,43.884409000000005 +3338,"Natural/Grass Surface Parking Lot,",-95.992923,43.790344000000005 +3339,"Natural/Grass Surface Parking Lot, Beaches Lake WMA, Main Unit",-96.565972,48.875792000000004 +3340,"Natural/Grass Surface Parking Lot,",-94.847339,46.590030000000006 +3341,"Natural/Grass Surface Parking Lot, Avoca WMA",-95.645296,43.952612 +3342,"Natural/Grass Surface Parking Lot,",-95.493982,43.794214000000004 +3343,"Natural/Grass Surface Parking Lot, Badger WMA",-95.740199,43.929563 +3344,"Natural/Grass Surface Parking Lot,",-95.729635,43.923026 +3345,"Natural/Grass Surface Parking Lot, Chicog WMA",-96.408704,47.604266 +3346,"Gravel Parking Lot, Woross WMA",-93.301156,46.461670000000005 +3347,"Natural/Grass Surface Parking Lot, Chicog WMA",-96.430436,47.615222 +3348,"Gravel Parking Lot, Woross WMA",-93.289642,46.462061000000006 +3349,"Gravel Parking Lot, Willow-Run WMA",-95.55028,48.223758000000004 +3350,"Natural/Grass Surface Parking Lot, Chosen Valley WMA",-92.3173929,43.833624900000004 +3351,"Gravel Parking Lot, Willowsippi WMA",-93.48575100000001,46.829256 +3352,"Gravel Parking Lot, Waseca WMA",-93.416865,44.062423 +3353,"Natural/Grass Surface Parking Lot, Chicog WMA",-96.409254,47.615438000000005 +3354,"Gravel Parking Lot, William Pease WMA",-92.203495,43.815355000000004 +3355,"Natural/Grass Surface Parking Lot, County Line WMA, South Unit",-95.77292200000001,43.842191 +3356,"Gravel Parking Lot, Walnut Lake WMA",-93.785829,43.662003000000006 +3357,"Natural/Grass Surface Parking Lot, County Line WMA, North Unit",-95.780252,43.862683000000004 +3358,"Gravel Parking Lot, Waseca WMA",-93.42001,44.068377000000005 +3359,"Natural/Grass Surface Parking Lot, Crow Wing Chain WMA",-94.812454,46.845555000000004 +3360,"Gravel Parking Lot, Valley WMA",-95.70167400000001,48.339755000000004 +3361,"Natural/Grass Surface Parking Lot, County Line WMA, South Unit",-95.77298400000001,43.841511000000004 +3362,"Gravel Parking Lot, Walnut Lake WMA",-93.80069900000001,43.645607000000005 +3363,"Natural/Grass Surface Parking Lot, Crow Wing Chain WMA",-94.888157,46.811402 +3364,"Gravel Parking Lot, Upper Dean WMA",-93.87634,46.644236 +3365,"Natural/Grass Surface Parking Lot, Crow Wing Chain WMA",-94.887056,46.815206 +3366,"Gravel Parking Lot, Upper Twin Lake WMA",-93.430453,43.597639 +3367,"Natural/Grass Surface Parking Lot, Crow Wing Chain WMA",-94.86591200000001,46.837352 +3368,"Natural/Grass Surface Parking Lot, Beaver Creek WMA, Central Unit",-95.72741500000001,44.051029 +3369,"Natural/Grass Surface Parking Lot, Crow Wing Chain WMA",-94.84602000000001,46.840990000000005 +3370,"Natural/Grass Surface Parking Lot, Beaver Creek WMA",-92.409031,43.524707 +3371,"Natural/Grass Surface Parking Lot, Beaver Creek WMA",-92.40909,43.538772 +3372,"Natural/Grass Surface Parking Lot, Dovray WMA, Central Unit",-95.59785600000001,44.065352000000004 +3373,"Natural/Grass Surface Parking Lot, Beaver Creek WMA",-92.40911000000001,43.532156 +3374,"Natural/Grass Surface Parking Lot, Crow Wing Chain WMA",-94.80873000000001,46.836907000000004 +3375,"Natural/Grass Surface Parking Lot, Bluebird Prairie WMA",-95.76889200000001,43.674012000000005 +3376,"Natural/Grass Surface Parking Lot, Dovray WMA, South Unit",-95.574713,44.054871000000006 +3377,"Natural/Grass Surface Parking Lot, Beaver Creek WMA, Northeast Unit",-95.696478,44.07282 +3378,"Natural/Grass Surface Parking Lot, Dovray WMA, South Unit",-95.562978,44.052953 +3379,"Natural/Grass Surface Parking Lot, Beaver Creek WMA, Northeast Unit",-95.699043,44.065874 +3380,"Natural/Grass Surface Parking Lot, Canosia WMA",-92.248703,46.90554 +3381,"Natural/Grass Surface Parking Lot, Beaver Creek WMA, Central Unit",-95.74064600000001,44.036935 +3382,"Natural/Grass Surface Parking Lot, Canosia WMA",-92.248866,46.90426 +3383,"Natural/Grass Surface Parking Lot, Burgen Lake Prairie WMA",-94.849075,46.717236 +3384,"Natural/Grass Surface Parking Lot, Canosia WMA",-92.2384883,46.894745300000004 +3385,"Natural/Grass Surface Parking Lot, Burgen Lake Prairie WMA",-94.870112,46.702701000000005 +3386,"Natural/Grass Surface Parking Lot, Canosia WMA",-92.25631200000001,46.912521000000005 +3387,"Natural/Grass Surface Parking Lot, Burgen Lake Prairie WMA",-94.881933,46.702688 +3388,"Natural/Grass Surface Parking Lot, Canosia WMA",-92.22675100000001,46.937842 +3389,"Natural/Grass Surface Parking Lot, Born WMA",-93.775603,44.137707000000006 +3390,"Natural/Grass Surface Parking Lot, Caraway WMA, Main Unit",-95.10875100000001,43.786741 +3391,"Natural/Grass Surface Parking Lot, Caraway WMA, Main Unit",-95.111458,43.779392 +3392,"Natural/Grass Surface Parking Lot, Burgen Lake Prairie WMA",-94.890923,46.717403000000004 +3393,"Natural/Grass Surface Parking Lot, Carex WMA",-93.08921500000001,43.713849 +3394,"Natural/Grass Surface Parking Lot, Burgen Lake Prairie WMA",-94.85034300000001,46.721281000000005 +3395,"Natural/Grass Surface Parking Lot, Caron WMA",-94.763659,43.710956 +3396,"Natural/Grass Surface Parking Lot,",-93.860117,46.842533 +3397,"Natural/Grass Surface Parking Lot, Caron WMA",-94.759213,43.696701000000004 +3398,"Natural/Grass Surface Parking Lot, Chandler WMA, South Unit",-95.92992600000001,43.949953 +3399,"Natural/Grass Surface Parking Lot, Chandler WMA, South Unit",-95.92405400000001,43.948217 +3400,"Natural/Grass Surface Parking Lot, Chicog WMA",-96.387821,47.600993 +3401,"Natural/Grass Surface Parking Lot, Fulda WMA",-95.605253,43.846065 +3402,"Natural/Grass Surface Parking Lot, Gromer's Draw WMA",-96.112553,44.095322 +3403,"Natural/Grass Surface Parking Lot, Hurricane Lake WMA",-95.34050900000001,44.111865 +3404,"Natural/Grass Surface Parking Lot, Gromer's Draw WMA",-96.10463100000001,44.088273 +3405,"Natural/Grass Surface Parking Lot, Hobza WMA",-93.82839200000001,43.990763 +3406,"Natural/Grass Surface Parking Lot, Grayling Marsh WMA",-93.206218,46.631193 +3407,"Natural/Grass Surface Parking Lot, Hjermstad WMA, Dather Slough Unit",-96.00387300000001,44.167897 +3408,"Natural/Grass Surface Parking Lot, Heron Lake WMA, West Heron Unit",-95.241758,43.723598 +3409,"Natural/Grass Surface Parking Lot, Gilfillan Lake WMA",-93.848934,44.210446000000005 +3410,"Natural/Grass Surface Parking Lot, Hay Point WMA",-93.614236,46.868642 +3411,"Natural/Grass Surface Parking Lot, George & Elizabeth Lange WMA",-94.030236,43.912099000000005 +3412,"Natural/Grass Surface Parking Lot, Harold & Marie Deutsch WMA",-93.829008,46.21486 +3413,"Natural/Grass Surface Parking Lot, Gallinago WMA",-95.864002,43.893633 +3414,"Natural/Grass Surface Parking Lot, H.C. Southwick WMA, South Unit",-95.734558,43.949712000000005 +3415,"Natural/Grass Surface Parking Lot, H.C. Southwick WMA, North Unit",-95.71806400000001,43.969376000000004 +3416,"Natural/Grass Surface Parking Lot, Gallinago WMA",-95.879113,43.891772 +3417,"Natural/Grass Surface Parking Lot, John Erickson WMA",-95.61400900000001,43.54708 +3418,"Natural/Grass Surface Parking Lot, Elm Lake WMA",-96.050781,48.265001000000005 +3419,"Natural/Grass Surface Parking Lot, Engebretson WMA, East Unit",-95.787485,44.022267 +3420,"Natural/Grass Surface Parking Lot, Eden WMA",-96.32703000000001,43.885115000000006 +3421,"Natural/Grass Surface Parking Lot, Elder WMA",-95.736458,44.07298 +3422,"Natural/Grass Surface Parking Lot, John Erickson WMA",-95.61539,43.543572000000005 +3423,"Natural/Grass Surface Parking Lot, Duckhaven WMA",-93.890078,44.037872 +3424,"Natural/Grass Surface Parking Lot, Klinker WMA",-96.00363300000001,44.09037 +3425,"Natural/Grass Surface Parking Lot, Eagle Lake WMA",-95.532218,43.830625000000005 +3426,"Natural/Grass Surface Parking Lot, Dr. Johnan C. Hvoslef WMA",-91.869276,43.611470000000004 +3427,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.88542000000001,45.0161 +3428,"Natural/Grass Surface Parking Lot, Dry Sand WMA",-94.77748000000001,46.538036000000005 +3429,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.858821,45.022013 +3430,"Natural/Grass Surface Parking Lot, Fred Hoffenkamp WMA",-95.49217,43.767172 +3431,"Natural/Grass Surface Parking Lot, Fred Hoffenkamp WMA",-95.492304,43.761073 +3432,"Natural/Grass Surface Parking Lot, Folden Woods Marsh WMA",-95.447073,46.201895 +3433,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.85885160000001,45.029192300000005 +3434,"Natural/Grass Surface Parking Lot, Folden Woods Marsh WMA",-95.450247,46.19957 +3435,"Natural/Grass Surface Parking Lot, Kinbrae WMA, South Unit",-95.47994800000001,43.819293 +3436,"Natural/Grass Surface Parking Lot, Fenmont WMA",-95.814079,43.848429 +3437,"Natural/Grass Surface Parking Lot, Kinbrae WMA, South Unit",-95.47978,43.819488 +3438,"Natural/Grass Surface Parking Lot, Fenmont WMA",-95.827274,43.848467 +3439,"Natural/Grass Surface Parking Lot, Engebretson WMA, West Unit",-95.793813,44.022274 +3440,"Natural/Grass Surface Parking Lot, Kinbrae WMA, South Unit",-95.48421,43.823467 +3441,"Natural/Grass Surface Parking Lot, Esker WMA",-93.32715200000001,44.498014000000005 +3442,"Natural/Grass Surface Parking Lot, Kitten Creek WMA",-95.054136,46.668108000000004 +3443,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.87314,45.050601 +3444,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.074965,45.188035 +3445,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.87948100000001,45.050603 +3446,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.917579,45.042858 +3447,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.11413800000001,45.195595000000004 +3448,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.8787113,45.0186537 +3449,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.083274,45.152475 +3450,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.858225,45.053606 +3451,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.07118700000001,45.188599 +3452,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.869484,45.037089 +3453,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.20631800000001,45.231286000000004 +3454,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.864872,45.06714 +3455,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.24699000000001,45.226032000000004 +3456,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.85808700000001,45.068581 +3457,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.19522900000001,45.222316 +3458,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.939552,45.086832 +3459,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.196071,45.197466000000006 +3460,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.95404300000001,45.080924 +3461,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.906304,45.071714 +3462,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.021145,45.098380000000006 +3463,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.908123,45.079453 +3464,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.00059900000001,45.094660000000005 +3465,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.958482,45.071282000000004 +3466,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.059464,45.154305 +3467,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.94794200000001,45.062374000000005 +3468,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.021354,45.109168000000004 +3469,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.96019700000001,45.093999000000004 +3470,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.06577800000001,45.174079000000006 +3471,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.97219600000001,45.097641 +3472,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.10144700000001,45.167246000000006 +3473,"Natural/Grass Surface Parking Lot, John Erickson WMA",-95.61371000000001,43.54616 +3474,"Natural/Grass Surface Parking Lot, John Erickson WMA",-95.61358700000001,43.54977 +3475,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.03154,45.180999 +3476,"Natural/Grass Surface Parking Lot, John Murtaugh Memorial WMA",-92.561908,44.464309 +3477,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.044848,45.180897 +3478,"Natural/Grass Surface Parking Lot, Kimberly Marsh WMA, Main Unit",-93.362132,46.602388000000005 +3479,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.004423,45.151668 +3480,"Natural/Grass Surface Parking Lot, Irruption WMA",-95.563044,43.968122 +3481,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.006493,45.137582 +3482,"Natural/Grass Surface Parking Lot, Island WMA",-94.577216,43.605259000000004 +3483,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-95.994957,45.122802 +3484,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-95.975857,45.101377 +3485,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.048665,45.163158 +3486,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.04532400000001,45.165051000000005 +3487,"Natural/Grass Surface Parking Lot, Meadow Brook WMA",-94.555318,46.473388 +3488,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.03191500000001,45.172992 +3489,"Natural/Grass Surface Parking Lot, Meadow Brook WMA",-94.58181300000001,46.485691 +3490,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.02113200000001,45.165086 +3491,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.87798310000001,45.0652971 +3492,"Natural/Grass Surface Parking Lot, Meadow Brook WMA",-94.56596300000001,46.471097 +3493,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.87788250000001,45.0700603 +3494,"Natural/Grass Surface Parking Lot, Lone Tree WMA, South Unit",-95.63298800000001,43.80089 +3495,"Natural/Grass Surface Parking Lot, Lost Marsh WMA",-93.80177400000001,43.939614000000006 +3496,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.88180100000001,45.079361000000006 +3497,"Natural/Grass Surface Parking Lot, Magaksica WMA",-93.42887400000001,43.647257 +3498,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.898684,45.079508000000004 +3499,"Natural/Grass Surface Parking Lot, Maple River WMA",-94.032849,43.964191 +3500,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-95.97780200000001,45.088397 +3501,"Natural/Grass Surface Parking Lot, Mc Carthy Lake WMA",-91.98000800000001,44.276178 +3502,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.890422,45.052451000000005 +3503,"Natural/Grass Surface Parking Lot, Mc Carthy Lake WMA",-91.94964300000001,44.276256000000004 +3504,"Natural/Grass Surface Parking Lot, Mc Carthy Lake WMA",-91.947882,44.257935 +3505,"Natural/Grass Surface Parking Lot, Mc Carthy Lake WMA",-91.94403700000001,44.245624 +3506,"Natural/Grass Surface Parking Lot, Lambert Heikes WMA",-95.973405,43.550703000000006 +3507,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.865288,45.066809000000006 +3508,"Natural/Grass Surface Parking Lot, Lake Bella WMA, Southeast Unit",-95.61445900000001,43.509082 +3509,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.86800000000001,45.068462000000004 +3510,"Natural/Grass Surface Parking Lot, Lambert Prairie WMA, North Unit",-95.713744,43.612790000000004 +3511,"Natural/Grass Surface Parking Lot, Mc Carthy Lake WMA",-91.940993,44.277800000000006 +3512,"Natural/Grass Surface Parking Lot, Lambert Prairie WMA, North Unit",-95.713671,43.610015000000004 +3513,"Natural/Grass Surface Parking Lot, Mc Carthy Lake WMA",-91.94020400000001,44.237925000000004 +3514,"Natural/Grass Surface Parking Lot, Lange WMA",-96.04390500000001,44.133211 +3515,"Natural/Grass Surface Parking Lot, Mc Carthy Lake WMA",-91.974338,44.254670000000004 +3516,"Natural/Grass Surface Parking Lot, Lane WMA",-94.227328,43.70109 +3517,"Natural/Grass Surface Parking Lot, Mcgee WMA",-95.617517,43.913489000000006 +3518,"Natural/Grass Surface Parking Lot, Little Swan WMA",-95.10253,43.992242000000005 +3519,"Natural/Grass Surface Parking Lot, Meadow Brook WMA",-94.53984600000001,46.454573 +3520,"Natural/Grass Surface Parking Lot, Little Beaver Creek WMA",-96.264206,43.718196000000006 +3521,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.256296,45.240106000000004 +3522,"Natural/Grass Surface Parking Lot, Moose Willow WMA",-93.569608,46.943064 +3523,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.242581,45.228519000000006 +3524,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.21670200000001,45.189870000000006 +3525,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.22357000000001,45.203855000000004 +3526,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-95.818734,45.040137 +3527,"Natural/Grass Surface Parking Lot, Moose Willow WMA",-93.561924,46.907541 +3528,"Natural/Grass Surface Parking Lot, Lac qui Parle WMA, Main Unit",-96.206934,45.198188 +3529,"Natural/Grass Surface Parking Lot, Moose River WMA, Red Lake Unit",-95.443776,48.431153 +3530,"Natural/Grass Surface Parking Lot, Lake Bella WMA, Southeast Unit",-95.61428000000001,43.505843000000006 +3531,"Natural/Grass Surface Parking Lot, Moonan WMA",-93.429939,44.127108 +3532,"Natural/Grass Surface Parking Lot, Lake Bella WMA, Northwest Unit",-95.620812,43.514351000000005 +3533,"Natural/Grass Surface Parking Lot, Moonan WMA",-93.43581900000001,44.112915 +3534,"Natural/Grass Surface Parking Lot, Red Eye WMA",-95.080066,46.690329000000006 +3535,"Natural/Grass Surface Parking Lot, Minowa WMA",-94.427811,43.505280000000006 +3536,"Natural/Grass Surface Parking Lot, Ripple River WMA, East Unit",-93.626912,46.401160000000004 +3537,"Natural/Grass Surface Parking Lot, Menahga WMA",-95.02692,46.702621 +3538,"Natural/Grass Surface Parking Lot, Prairie Ridge WMA",-96.21874600000001,46.166397 +3539,"Natural/Grass Surface Parking Lot, Menahga WMA",-95.02618500000001,46.702329000000006 +3540,"Natural/Grass Surface Parking Lot, Ray Cook WMA",-94.19887,46.286782 +3541,"Natural/Grass Surface Parking Lot, Melchior WMA",-95.823413,43.898505 +3542,"Natural/Grass Surface Parking Lot, Poor Farm WMA",-94.146037,46.338736000000004 +3543,"Natural/Grass Surface Parking Lot, Poplar Creek WMA",-96.20491700000001,43.866761000000004 +3544,"Natural/Grass Surface Parking Lot, Meadow Brook WMA",-94.555576,46.470359 +3545,"Natural/Grass Surface Parking Lot, Pletz Slough WMA",-95.187437,43.574457 +3546,"Natural/Grass Surface Parking Lot, Sawyer WMA",-92.63627000000001,46.640988 +3547,"Natural/Grass Surface Parking Lot, Pliny WMA",-93.207121,46.331615000000006 +3548,"Natural/Grass Surface Parking Lot, Sawyer WMA",-92.63709700000001,46.642563 +3549,"Natural/Grass Surface Parking Lot, Pick WMA",-93.839213,43.898912 +3550,"Natural/Grass Surface Parking Lot, Schweigert WMA",-95.572967,43.841354 +3551,"Natural/Grass Surface Parking Lot, Pipestone WMA",-96.32256100000001,44.023283 +3552,"Natural/Grass Surface Parking Lot, Schweigert WMA",-95.57746700000001,43.847801000000004 +3553,"Natural/Grass Surface Parking Lot, Phelan WMA",-95.612581,44.007755 +3554,"Natural/Grass Surface Parking Lot, Sarah-Mason WMA, Central Unit",-95.78373400000001,44.114618 +3555,"Natural/Grass Surface Parking Lot, Phelan WMA",-95.608576,44.009984 +3556,"Natural/Grass Surface Parking Lot, Peterson WMA, Southeast Unit",-95.621347,43.52908 +3557,"Natural/Grass Surface Parking Lot, Sawyer WMA",-92.62742300000001,46.635695000000005 +3558,"Natural/Grass Surface Parking Lot, Peterson WMA, West Unit",-95.632985,43.543353 +3559,"Natural/Grass Surface Parking Lot, Sawyer WMA",-92.63274600000001,46.636204000000006 +3560,"Natural/Grass Surface Parking Lot, Oxcart Crossing WMA",-95.00816200000001,45.515814000000006 +3561,"Natural/Grass Surface Parking Lot, Sawyer WMA",-92.634708,46.639238000000006 +3562,"Natural/Grass Surface Parking Lot, Peterson WMA, Southeast Unit",-95.614517,43.534987 +3563,"Natural/Grass Surface Parking Lot, Ruthton WMA, West Unit",-96.063558,44.175165 +3564,"Natural/Grass Surface Parking Lot, O A Vee Memorial WMA",-94.13498600000001,44.131938000000005 +3565,"Natural/Grass Surface Parking Lot, Salo Marsh WMA, Main Unit",-93.09525000000001,46.601718000000005 +3566,"Natural/Grass Surface Parking Lot, North Germany WMA",-94.93563,46.586932000000004 +3567,"Natural/Grass Surface Parking Lot, Salo Marsh WMA, Main Unit",-93.09389200000001,46.600019 +3568,"Natural/Grass Surface Parking Lot, Salt & Pepper WMA",-96.024116,43.950608 +3569,"Natural/Grass Surface Parking Lot, New Maine WMA",-96.290828,48.442466 +3570,"Natural/Grass Surface Parking Lot, Round-Rice Bed WMA",-93.84657,46.332535 +3571,"Natural/Grass Surface Parking Lot, Nereson WMA",-95.929989,48.657742000000006 +3572,Russ Blanford WMA,-96.193291,43.631529 +3573,"Natural/Grass Surface Parking Lot, Mule Lake WMA",-94.27822300000001,46.891829 +3574,"Natural/Grass Surface Parking Lot, Ruthton WMA, Central Unit",-96.043964,44.170113 +3575,"Natural/Grass Surface Parking Lot, Moose Willow WMA",-93.537368,46.954189 +3576,"Natural/Grass Surface Parking Lot, Ruthton WMA, Central Unit",-96.039416,44.168077000000004 +3577,"Natural/Grass Surface Parking Lot, Roseau Lake WMA",-95.856184,48.943439000000005 +3578,"Natural/Grass Surface Parking Lot, Roseau Lake WMA",-95.856323,48.949356 +3579,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.44954800000001,43.872521000000006 +3580,"Natural/Grass Surface Parking Lot, Roseau Lake WMA",-95.834694,48.907756000000006 +3581,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.46210900000001,43.856703 +3582,"Natural/Grass Surface Parking Lot, Roseau Lake WMA",-95.834418,48.934759 +3583,"Natural/Grass Surface Parking Lot, Wachter WMA",-95.600504,43.529141 +3584,"Natural/Grass Surface Parking Lot, Roseau Lake WMA",-95.83480700000001,48.956669000000005 +3585,"Natural/Grass Surface Parking Lot, Wachter WMA",-95.599339,43.528927 +3586,"Natural/Grass Surface Parking Lot, Van Beek WMA",-96.074278,44.066217 +3587,"Natural/Grass Surface Parking Lot, Van Eck WMA",-96.02389000000001,44.147172000000005 +3588,"Natural/Grass Surface Parking Lot, Upgaard WMA",-94.16893,46.674793 +3589,"Natural/Grass Surface Parking Lot, Rockwood WMA, Wadena County Unit",-95.12563700000001,46.596182000000006 +3590,"Natural/Grass Surface Parking Lot, Upper Iowa River WMA",-92.43904300000001,43.507348 +3591,"Natural/Grass Surface Parking Lot, Timber Lake WMA",-95.208757,43.805053 +3592,"Natural/Grass Surface Parking Lot, Roseau Lake WMA",-95.834919,48.953126000000005 +3593,"Natural/Grass Surface Parking Lot, Tutt WMA",-95.983339,44.113292 +3594,"Natural/Grass Surface Parking Lot, Roseau Lake WMA",-95.83438100000001,48.956680000000006 +3595,"Natural/Grass Surface Parking Lot, West Graham WMA, South Unit",-95.531923,43.800670000000004 +3596,"Natural/Grass Surface Parking Lot, Rock River WMA",-96.17270900000001,43.674309 +3597,"Natural/Grass Surface Parking Lot, West Graham WMA, South Unit",-95.532706,43.800715000000004 +3598,"Natural/Grass Surface Parking Lot, West Graham WMA, South Unit",-95.535903,43.805456 +3599,"Natural/Grass Surface Parking Lot, Robert J. Lick WMA",-93.450091,44.431041 +3600,"Natural/Grass Surface Parking Lot, West Graham WMA, North Unit",-95.524158,43.819396000000005 +3601,"Natural/Grass Surface Parking Lot, Rock River WMA",-96.177788,43.684981 +3602,"Natural/Grass Surface Parking Lot, West Graham WMA, North Unit",-95.53202,43.824537 +3603,"Natural/Grass Surface Parking Lot, Rock River WMA",-96.17746550000001,43.674407800000004 +3604,"Natural/Grass Surface Parking Lot, West Graham WMA, North Unit",-95.532103,43.823434000000006 +3605,"Natural/Grass Surface Parking Lot, Ripple River WMA, West Unit",-93.70013700000001,46.397147000000004 +3606,"Natural/Grass Surface Parking Lot, West Graham WMA, North Unit",-95.529982,43.819487 +3607,"Natural/Grass Surface Parking Lot, Ripple River WMA, West Unit",-93.67429,46.431479 +3608,"Natural/Grass Surface Parking Lot, Woross WMA",-93.3061,46.461707000000004 +3609,"Natural/Grass Surface Parking Lot, Woodstock WMA, East Unit",-96.06557600000001,44.095399 +3610,"Natural/Grass Surface Parking Lot, Robert and Marilyn Burman WMA",-93.2913561,45.3252776 +3611,"Natural/Grass Surface Parking Lot, Ripple River WMA, West Unit",-93.69744200000001,46.390363 +3612,"Natural/Grass Surface Parking Lot, Wood Eye WMA",-95.142505,46.665707000000005 +3613,"Natural/Grass Surface Parking Lot, Terrace WMA",-96.184458,44.029996000000004 +3614,"Natural/Grass Surface Parking Lot, Woman Lake WMA",-94.3002093,46.921364800000006 +3615,"Natural/Grass Surface Parking Lot, Tiedemann WMA",-92.59511,44.312328 +3616,"Natural/Grass Surface Parking Lot, Woman Lake WMA",-94.29899200000001,46.927008 +3617,"Natural/Grass Surface Parking Lot, Terrace WMA",-96.17406700000001,44.037285000000004 +3618,"Natural/Grass Surface Parking Lot, Wirock WMA",-95.70363900000001,43.899168 +3619,"Natural/Grass Surface Parking Lot, Terrace WMA",-96.18445700000001,44.027358 +3620,"Natural/Grass Surface Parking Lot, Winter WMA, West Unit",-96.347982,44.13494 +3621,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.46754,43.876617 +3622,"Natural/Grass Surface Parking Lot, West Graham WMA, South Unit",-95.532723,43.798042 +3623,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.462213,43.891031000000005 +3624,"Natural/Grass Surface Parking Lot, Shetek WMA, East Unit",-95.622538,44.143143 +3625,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.421434,43.869685000000004 +3626,"Natural/Grass Surface Parking Lot, Shetek WMA, West Unit",-95.657465,44.152487 +3627,"Natural/Grass Surface Parking Lot, Sioux Valley WMA",-95.293059,43.529176 +3628,"Natural/Grass Surface Parking Lot, Skull Lake WMA, Main Unit",-96.69995,48.918024 +3629,"Natural/Grass Surface Parking Lot, Sebeka WMA",-95.03684600000001,46.586209000000004 +3630,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.43167500000001,43.876595 +3631,"Natural/Grass Surface Parking Lot, Seymour Lake WMA",-94.707375,43.703546 +3632,"Natural/Grass Surface Parking Lot, Seymour Lake WMA",-94.710085,43.703888 +3633,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.431342,43.869542 +3634,"Natural/Grass Surface Parking Lot, Shetek WMA, East Unit",-95.633188,44.152398000000005 +3635,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.426907,43.86967 +3636,"Natural/Grass Surface Parking Lot, Spring Valley WMA",-92.419081,43.739835 +3637,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.431696,43.891294 +3638,"Natural/Grass Surface Parking Lot, Springwater WMA",-96.38508300000001,43.688971 +3639,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.462247,43.894528 +3640,"Natural/Grass Surface Parking Lot, Strike WMA",-94.84429100000001,46.595212000000004 +3641,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.43193400000001,43.883906 +3642,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.4315,43.886124 +3643,"Natural/Grass Surface Parking Lot, Swamp Lake WMA",-93.459962,46.435892 +3644,"Parking Lot, Adams WMA",-93.846776,45.851182 +3645,"Natural/Grass Surface Parking Lot, Skunk Lake WMA",-95.25976,43.527533000000005 +3646,"Natural/Grass Surface Parking Lot, Skunk Lake WMA",-95.254959,43.522692 +3647,"Parking Lot, Adolf Elseth Memorial WMA",-96.46859500000001,48.370035 +3648,"Natural/Grass Surface Parking Lot, Smith WMA",-94.06067700000001,43.840622 +3649,"Parking Lot, A Shau Valley WMA",-94.25331600000001,45.292519000000006 +3650,"Natural/Grass Surface Parking Lot, Spring Valley WMA",-92.42242,43.740026 +3651,"Parking Lot, Alberta WMA, North Unit",-96.05974,45.513225000000006 +3652,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.440494,43.905622 +3653,"Parking Lot, Alberta WMA, Southeast Unit",-96.050661,45.499347 +3654,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.44641200000001,43.902406000000006 +3655,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.46218,43.898664000000004 +3656,"Parking Lot, Agassiz-Olson WMA",-96.37743900000001,47.443431000000004 +3657,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.43123800000001,43.900206000000004 +3658,"Parking Lot, Aid-pit WMA",-96.019295,43.601597000000005 +3659,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.461568,43.916191000000005 +3660,"Parking Lot, Alfsborg WMA",-94.37073000000001,44.521797 +3661,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.471721,43.920797 +3662,"Parking Lot, Alice Hamm WMA",-94.32857700000001,45.334426 +3663,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.453975,43.920375 +3664,"Natural/Grass Surface Parking Lot, Talcot Lake WMA",-95.46232400000001,43.925323000000006 +3665,"Parking Lot, Albion WMA",-94.114551,45.229007 +3666,"Parking Lot, Albion WMA",-94.10997,45.215848 +3667,"Parking Lot, Altona WMA",-96.318351,44.188592 +3668,"Parking Lot, Alvstad WMA",-95.75883400000001,45.926454 +3669,"Parking Lot,",-96.18360600000001,46.219246000000005 +3670,"Parking Lot,",-95.96643200000001,47.709265 +3671,"Parking Lot,",-95.644975,45.274629000000004 +3672,"Parking Lot, Allen WMA",-96.58430700000001,45.558649 +3673,"Parking Lot,",-92.60847500000001,43.880885 +3674,"Parking Lot, Altona WMA",-96.317869,44.198566 +3675,"Parking Lot,",-94.150615,44.291779000000005 +3676,"Parking Lot, Ann Lake WMA",-93.432574,45.894206000000004 +3677,"Parking Lot,",-92.734255,43.6596253 +3678,"Parking Lot, A Shau Valley WMA",-94.252835,45.295379000000004 +3679,"Parking Lot, Ann Lake WMA",-93.415346,45.904597 +3680,"Parking Lot,",-93.111838,45.369951 +3681,"Parking Lot, Ann Lake WMA",-93.38218900000001,45.932707 +3682,"Parking Lot, Boyd Sartell WMA, Rainbow Island Unit",-93.41739000000001,44.373952 +3683,"Parking Lot, Andrea WMA",-96.403186,46.36231 +3684,"Parking Lot, Boyd Sartell WMA, Rainbow Island Unit",-93.42512900000001,44.366613 +3685,"Parking Lot, Ann Lake WMA",-93.36841700000001,45.932604000000005 +3686,"Parking Lot, Boyd Sartell WMA, Main Unit",-93.460642,44.349888 +3687,"Parking Lot, Boyd Sartell WMA, Main Unit",-93.459928,44.352762000000006 +3688,"Parking Lot, Ann Lake WMA",-93.39210700000001,45.903999000000006 +3689,"Parking Lot, Bowstring Deer Yard WMA",-93.891157,47.476043000000004 +3690,"Parking Lot, Ann Lake WMA",-93.39801200000001,45.904171000000005 +3691,"Parking Lot, Bowstring Deer Yard WMA",-93.97697000000001,47.470019 +3692,"Parking Lot, Ann Lake WMA",-93.40402300000001,45.904312000000004 +3693,"Parking Lot, Athens WMA",-93.24545900000001,45.457517 +3694,"Parking Lot, Boon Lake Slough WMA",-94.6109,44.863106 +3695,"Parking Lot, Bolger WMA",-93.56993800000001,45.630893 +3696,"Parking Lot, Assumption WMA",-93.88523900000001,44.688531000000005 +3697,"Parking Lot, Bois De Sioux WMA",-96.562728,45.905504 +3698,"Parking Lot, Ann Lake WMA",-93.37370700000001,45.925851 +3699,"Parking Lot, Boike WMA",-95.51349900000001,44.986136 +3700,"Parking Lot, Ann Lake WMA",-93.37552000000001,45.931089 +3701,"Parking Lot, Boekholt Grove WMA",-96.169617,45.730779000000005 +3702,"Parking Lot, Aurzada Prairie WMA",-95.10275,45.8200353 +3703,"Parking Lot, Bob Gehlen WMA",-94.253833,44.711732000000005 +3704,"Parking Lot, Atlanta WMA",-96.16299160000001,46.9920692 +3705,"Parking Lot, Blakesly WMA",-96.08927100000001,45.851099000000005 +3706,"Parking Lot, Atherton WMA",-96.425229,46.550526000000005 +3707,"Parking Lot, Burbank WMA",-94.916145,45.34395 +3708,"Parking Lot, Burke WMA",-96.12914,43.950258000000005 +3709,"Parking Lot, Athens WMA",-93.23576800000001,45.456880000000005 +3710,"Parking Lot, Buffalo Lake WMA, Southeast Unit",-95.563974,44.072872000000004 +3711,"Natural/Grass Surface Parking Lot, Yeager Lake WMA",-94.965581,46.702376 +3712,"Parking Lot, Buffalo Ridge WMA",-96.15438900000001,44.124328000000006 +3713,"Natural/Grass Surface Parking Lot, Yeager Lake WMA",-94.96105,46.702405000000006 +3714,"Parking Lot, Bud Jensen WMA",-92.81885100000001,43.954302000000006 +3715,"Parking Lot,",-95.046295,45.932211 +3716,"Parking Lot, Buffalo Lake WMA, Northwest Unit",-95.58900700000001,44.079959 +3717,"Parking Lot,",-95.035752,45.932185000000004 +3718,"Parking Lot, Buckhorn Lake WMA",-94.69664800000001,45.824391000000006 +3719,"Parking Lot,",-94.23802500000001,45.923151000000004 +3720,"Parking Lot, Bud Jensen WMA",-92.81889600000001,43.957387000000004 +3721,"Parking Lot,",-95.29037100000001,44.458733 +3722,"Parking Lot, Bremen WMA",-92.987042,46.281291 +3723,"Parking Lot,",-94.54966300000001,44.753423000000005 +3724,"Parking Lot, Buckhorn Lake WMA",-94.70034700000001,45.824164 +3725,"Parking Lot,",-96.056128,45.504899 +3726,"Parking Lot, Brandon WMA",-95.591813,45.933494 +3727,"Parking Lot,",-96.059751,45.513224 +3728,"Parking Lot, Bremen WMA",-92.948949,46.274285000000006 +3729,"Parking Lot,",-93.68116300000001,45.582728 +3730,"Parking Lot, Bradshaw Lake WMA",-93.445948,44.602515000000004 +3731,"Parking Lot,",-94.13136300000001,47.767340000000004 +3732,"Parking Lot, Bradshaw Lake WMA",-93.48409000000001,44.61267 +3733,"Parking Lot,",-95.47242700000001,44.051058000000005 +3734,"Parking Lot, Bradshaw Lake WMA",-93.45573800000001,44.587322 +3735,"Parking Lot,",-93.742012,44.553797 +3736,"Parking Lot, Bradshaw Lake WMA",-93.467444,44.593444000000005 +3737,"Parking Lot,",-93.21178400000001,47.069537000000004 +3738,"Parking Lot, Beaver Falls WMA",-95.01522200000001,44.570932000000006 +3739,"Parking Lot,",-94.950989,48.46231 +3740,"Parking Lot, Bean Dam WMA",-93.181092,46.100438000000004 +3741,"Parking Lot,",-95.31926200000001,48.462508 +3742,"Parking Lot, Belgium WMA",-96.5558,47.992531 +3743,"Parking Lot,",-94.629345,46.07155 +3744,"Parking Lot, Bejou WMA",-96.019951,47.438554 +3745,"Parking Lot,",-92.71233000000001,44.673061000000004 +3746,"Parking Lot, Barrett WMA",-95.862701,45.866197 +3747,"Parking Lot, Big John's WMA",-96.185332,43.500353000000004 +3748,"Parking Lot, Barnesville WMA",-96.27946200000001,46.708563000000005 +3749,"Parking Lot, Bayport WMA",-92.807654,45.024551 +3750,"Parking Lot, Baker's Lake WMA",-94.347947,44.684502 +3751,"Parking Lot, Badger WMA",-95.720804,43.920543 +3752,"Parking Lot, Bardel's Marsh WMA",-93.66650600000001,44.47142 +3753,"Parking Lot, Big Rice WMA, Access Unit",-93.91155,46.993794 +3754,"Parking Lot, Bangor WMA",-95.219223,45.505989 +3755,"Parking Lot, Big Rice WMA, Dam Unit",-93.891018,47.012759 +3756,"Parking Lot, Badger WMA",-95.734735,43.935015 +3757,"Parking Lot, Benson WMA, West Unit",-95.77363100000001,45.587367 +3758,"Parking Lot, Badger WMA",-95.74028700000001,43.929402 +3759,"Parking Lot, Badger WMA",-95.72591200000001,43.914587000000004 +3760,"Parking Lot, Bergman WMA",-95.943437,44.175016 +3761,"Parking Lot, Badger WMA",-95.727647,43.923119 +3762,"Parking Lot, Bergo WMA",-95.753083,45.000054000000006 +3763,"Parking Lot, Big Spruce WMA",-95.23080800000001,46.025375000000004 +3764,"Parking Lot, Bethel WMA",-93.30888,45.399300000000004 +3765,"Parking Lot, Big Stone WMA",-96.484543,45.369221 +3766,"Parking Lot, Bemidji Slough WMA",-94.869692,47.425005000000006 +3767,"Parking Lot, Big Stone WMA",-96.47223500000001,45.373022000000006 +3768,"Parking Lot, Bench WMA",-95.520983,45.325457 +3769,"Parking Lot, Bjornson WMA",-96.357894,46.775188 +3770,"Parking Lot, BenLacs WMA, Main Unit",-93.766568,45.618873 +3771,"Parking Lot, Bethel WMA",-93.28597900000001,45.413002000000006 +3772,"Parking Lot, Benson WMA, East Unit",-95.75836000000001,45.587646 +3773,"Parking Lot, Chadderdon WMA",-93.70794000000001,44.317577 +3774,"Parking Lot, Cary Creek WMA",-92.54903,43.812102 +3775,"Parking Lot, Carver Highlands WMA",-93.6477601,44.7345721 +3776,"Parking Lot, Byrne Lake WMA",-95.86957000000001,45.411024000000005 +3777,"Parking Lot, Cartney WMA",-92.5395019,43.6015315 +3778,"Parking Lot, Byholt Marsh WMA, South",-95.72178600000001,45.050593000000006 +3779,"Parking Lot, Christopher Kurilla WMA",-94.75343000000001,45.647758 +3780,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.96114200000001,45.391924 +3781,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.95162300000001,45.405089000000004 +3782,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.95735400000001,45.416026 +3783,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.947992,45.430037000000006 +3784,"Parking Lot, Christensen WMA",-95.763711,43.93262 +3785,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.92972,45.436072 +3786,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.926657,45.436918000000006 +3787,"Parking Lot, Chippewa Pond WMA",-95.76187800000001,45.789306 +3788,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.92994,45.435341 +3789,"Parking Lot, Chandler WMA, North Unit",-95.94333900000001,43.958499 +3790,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.909587,45.440525 +3791,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.923044,45.398643 +3792,"Parking Lot, Carlos Avery WMA, Carlos Avery Unit",-93.118277,45.299191 +3793,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.935714,45.407160000000005 +3794,"Parking Lot, Carlos Avery WMA, Carlos Avery Unit",-93.116881,45.336618 +3795,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.919787,45.421897 +3796,"Parking Lot, Carlos Avery WMA, Carlos Avery Unit",-93.047925,45.331508 +3797,"Parking Lot, Carlos Avery WMA, Carlos Avery Unit",-93.05623200000001,45.340630000000004 +3798,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.915563,45.430903 +3799,"Parking Lot, Carlos Avery WMA, Carlos Avery Unit",-93.033088,45.35038 +3800,"Parking Lot, Cartney WMA",-92.5294812,43.573111700000005 +3801,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.969744,45.35015 +3802,"Parking Lot, Cartney WMA",-92.53772790000001,43.5730889 +3803,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.970399,45.350882000000006 +3804,"Parking Lot, Carter WMA",-95.54391100000001,47.616066000000004 +3805,"Parking Lot, Carlos Avery WMA, Sunrise Unit",-92.96689,45.375639 +3806,"Parking Lot, Carlson WMA",-95.90353300000001,43.973819000000006 +3807,"Parking Lot, Dorr WMA",-96.067847,47.628033 +3808,"Parking Lot, Coon Lake Marsh WMA",-94.103482,45.883278000000004 +3809,"Parking Lot, Dorr WMA",-96.06780400000001,47.628883 +3810,"Parking Lot, Dovray WMA, Central Unit",-95.601364,44.065423 +3811,"Parking Lot, Copeland WMA",-96.23515950000001,46.122906500000006 +3812,"Parking Lot, Dove Lake WMA",-93.70659,44.225144 +3813,"Parking Lot, Clouster Lake WMA",-94.119613,44.905957 +3814,"Parking Lot, Dittmer WMA",-96.044843,47.412399 +3815,"Parking Lot, Coburn WMA",-96.039727,47.152607 +3816,"Parking Lot, Dishpan WMA",-94.09729800000001,47.770328000000006 +3817,"Parking Lot, County Line WMA, North Unit",-95.78388500000001,43.855588000000004 +3818,"Parking Lot, Dolven WMA",-95.881516,45.61937 +3819,"Parking Lot, County Line WMA, North Unit",-95.783985,43.860151 +3820,"Parking Lot, Dolven WMA",-95.87917200000001,45.622289 +3821,"Parking Lot, Copeland WMA",-96.22511770000001,46.122845600000005 +3822,"Parking Lot, Dugdale WMA",-96.283849,47.668755000000004 +3823,"Parking Lot, Corinna WMA",-94.03183,45.242414000000004 +3824,"Parking Lot, Dovray WMA, South Unit",-95.582543,44.063112000000004 +3825,"Parking Lot, Cin WMA",-96.118183,45.614939 +3826,"Parking Lot, Dustoff WMA",-94.58732400000001,45.363694 +3827,"Parking Lot, Cin WMA",-96.109262,45.619467 +3828,"Parking Lot, Dugdale WMA",-96.28432000000001,47.680009000000005 +3829,"Parking Lot, Christopher Kurilla WMA",-94.75266500000001,45.643985 +3830,"Parking Lot, Dovray WMA, Central Unit",-95.582819,44.067899000000004 +3831,"Parking Lot, Clark Lake WMA",-93.83408200000001,44.582019 +3832,"Parking Lot, Dovray WMA, Central Unit",-95.602828,44.067884 +3833,"Parking Lot, Dovray WMA, South Unit",-95.58268100000001,44.054604000000005 +3834,"Parking Lot, Cleanwater WMA",-95.80400900000001,43.858041 +3835,"Parking Lot, Dovray WMA, North Unit",-95.592674,44.077652 +3836,"Parking Lot, Clair Rollings WMA",-95.63143600000001,45.289318 +3837,"Parking Lot, Dead Lake WMA",-95.709266,46.491225 +3838,"Parking Lot, Clair Rollings WMA",-95.693809,45.26785 +3839,"Parking Lot, Degroot WMA, West Unit",-95.99338,44.095388 +3840,"Parking Lot, Caerulean WMA, North Unit",-96.33499400000001,45.11677 +3841,"Parking Lot, Degroot WMA, West Unit",-95.98947500000001,44.095366000000006 +3842,"Parking Lot, Caerulean WMA, Main Unit",-96.32432700000001,45.104896000000004 +3843,"Parking Lot, Deutsch WMA",-94.37651000000001,44.687526000000005 +3844,"Parking Lot, Camp Kerk WMA",-95.37585700000001,45.362465 +3845,"Parking Lot, Daub's Lake WMA, Tracts 12, 12a, 12b",-95.29409700000001,44.456301 +3846,"Parking Lot, Callaway WMA",-95.83618700000001,46.995347 +3847,"Parking Lot, David H. Steen WMA",-96.473393,45.413179 +3848,"Parking Lot, Caraway WMA, Main Unit",-95.09569900000001,43.782643 +3849,"Parking Lot, Davies WMA",-95.71580300000001,46.445183 +3850,"Parking Lot, Camp Kerk WMA",-95.367733,45.354429 +3851,"Parking Lot, Dietrich Lange WMA",-94.84612700000001,45.257474 +3852,"Parking Lot, Carlos Avery WMA, Carlos Avery Unit",-93.124993,45.251669 +3853,"Parking Lot, Dietrich Lange WMA",-94.85099500000001,45.260974000000004 +3854,"Parking Lot, Carlos Avery WMA, Carlos Avery Unit",-93.126951,45.249934 +3855,"Parking Lot, Discovery WMA",-94.49009600000001,45.469536000000005 +3856,"Parking Lot, Dishpan WMA",-94.09872700000001,47.776631 +3857,"Parking Lot, Burnham WMA, Main Unit",-96.341874,47.630061000000005 +3858,"Parking Lot, Deutsch WMA",-94.37582800000001,44.695633 +3859,"Parking Lot, Burleene WMA",-95.093497,46.050858000000005 +3860,"Parking Lot, Devils Run WMA",-95.56804000000001,44.008126000000004 +3861,"Parking Lot, Butternut WMA",-94.741957,45.095358000000004 +3862,"Parking Lot, Diamond Lake WMA",-93.57600000000001,44.319286000000005 +3863,"Parking Lot, Burnham WMA, Main Unit",-96.335086,47.615672 +3864,"Parking Lot, Dietrich Lange WMA",-94.82609500000001,45.252536000000006 +3865,"Parking Lot, Byholt Marsh WMA, North",-95.716149,45.064242 +3866,"Parking Lot, Daniel Shay WMA",-94.659367,45.576487 +3867,"Parking Lot, Butternut WMA",-94.737419,45.097641 +3868,"Parking Lot, Dalbo WMA, Main Unit",-93.42397000000001,45.731787000000004 +3869,"Parking Lot, Dalbo WMA, Main Unit",-93.455549,45.696006000000004 +3870,"Parking Lot, Dalbo WMA, Main Unit",-93.457794,45.732649 +3871,"Parking Lot, Dalbo WMA, Main Unit",-93.47026100000001,45.732921000000005 +3872,"Parking Lot, Dalbo WMA, Main Unit",-93.467005,45.703324 +3873,"Parking Lot, Dalbo WMA, Main Unit",-93.436735,45.711256000000006 +3874,"Parking Lot, Dacotah WMA",-96.445428,44.935899000000006 +3875,"Parking Lot, Gales WMA, Main Unit",-95.47369400000001,44.363199 +3876,"Parking Lot, Daub's Lake WMA, Baune Tract",-95.290383,44.458733 +3877,"Parking Lot, Engelbrecht WMA, Southwest Unit",-95.26352200000001,45.773616000000004 +3878,"Parking Lot, Danvers WMA",-95.69622000000001,45.32542 +3879,"Parking Lot, Engelbrecht WMA, Northeast Unit",-95.260254,45.780923 +3880,"Parking Lot, Engebretson WMA, West Unit",-95.793811,44.027865000000006 +3881,"Parking Lot, Ereaux WMA",-94.29223300000001,46.011755 +3882,"Parking Lot, Ereaux WMA",-94.29641600000001,46.011765000000004 +3883,"Parking Lot, Danvers WMA",-95.690837,45.311156000000004 +3884,"Parking Lot, Ereaux WMA",-94.307573,46.011838000000004 +3885,"Parking Lot, Danvers WMA",-95.70646,45.301014 +3886,"Parking Lot, Erskine WMA",-96.0095,47.700364 +3887,"Parking Lot, Danvers WMA",-95.706587,45.311038 +3888,"Parking Lot, Erskine WMA",-96.009573,47.702606 +3889,"Parking Lot, Danvers WMA",-95.726105,45.299855 +3890,"Parking Lot, Erskine WMA",-96.03056000000001,47.704694 +3891,"Parking Lot, Daniel Shay WMA",-94.640766,45.572304 +3892,"Parking Lot, Erlandson WMA",-96.031558,46.139544 +3893,"Parking Lot, Daniel Shay WMA",-94.650361,45.571638 +3894,"Parking Lot, Fenmont WMA",-95.82791900000001,43.84823 +3895,"Parking Lot, Crane Meadows WMA",-94.203911,45.909853000000005 +3896,"Parking Lot, Felton WMA",-96.4421767,47.049862100000006 +3897,"Parking Lot, Crooked Road WMA",-93.471023,45.492931000000006 +3898,"Parking Lot, Eul WMA",-96.097632,45.481258000000004 +3899,"Parking Lot, Cranberry WMA",-93.343317,45.725647 +3900,"Parking Lot, Espelie WMA",-95.68055700000001,48.266881000000005 +3901,"Parking Lot, Cranberry WMA",-93.344182,45.721967 +3902,"Parking Lot, Eastern WMA",-95.22310800000001,46.176390000000005 +3903,"Parking Lot, County Line WMA, South Unit",-95.78241100000001,43.848125 +3904,"Parking Lot, Eastside WMA",-92.3933801,44.020805100000004 +3905,"Parking Lot, Cranberry WMA",-93.35285800000001,45.730657 +3906,"Parking Lot, Dye WMA",-92.581883,46.461861000000006 +3907,"Parking Lot, County Line WMA, North Unit",-95.784363,43.860317 +3908,"Parking Lot, Earl Swain WMA",-93.69146,44.232151 +3909,"Parking Lot, County Line WMA, South Unit",-95.77419900000001,43.848142 +3910,"Parking Lot, Eden WMA",-96.326948,43.892197 +3911,"Parking Lot, Cuka WMA",-95.28816300000001,45.073677 +3912,"Parking Lot, Edward Raymond Mohs WMA",-95.077882,45.476862000000004 +3913,"Parking Lot, Current WMA, Central Unit",-95.937199,44.162936 +3914,"Parking Lot, Eckvoll WMA",-95.79255400000001,48.310164 +3915,"Parking Lot, Cuba WMA",-96.101116,46.920178 +3916,"Parking Lot, Eden WMA",-96.326825,43.887945 +3917,"Parking Lot, Cuka WMA",-95.290036,45.079705000000004 +3918,"Parking Lot, Elgin Woods WMA",-94.86806,45.817454000000005 +3919,"Parking Lot, Crooked Road WMA",-93.466088,45.48637 +3920,"Parking Lot, Ells-pit WMA",-96.017049,43.543792 +3921,"Parking Lot, Crow River WMA",-94.95838300000001,45.429376000000005 +3922,"Parking Lot, Edward Velishek Memorial WMA",-93.52483000000001,44.350950000000005 +3923,"Parking Lot, Crooked Road WMA",-93.46064700000001,45.49356 +3924,"Parking Lot, Ehrenberg WMA",-95.96359600000001,45.335082 +3925,"Parking Lot, Crooked Road WMA",-93.470989,45.488828000000005 +3926,"Parking Lot, Elmo WMA",-95.333003,46.267416000000004 +3927,"Parking Lot, Glendorado WMA, Main Unit",-93.77575300000001,45.578545000000005 +3928,"Parking Lot, Ellsborough WMA",-95.98300900000001,44.161868000000005 +3929,"Parking Lot, Gennessee WMA",-94.77901800000001,45.074863 +3930,"Parking Lot, Goose Prairie WMA",-96.24354100000001,47.000175000000006 +3931,"Parking Lot, Elm Lake WMA",-96.044939,48.236457 +3932,"Parking Lot, Gollnick WMA",-96.34189300000001,44.964911 +3933,"Parking Lot, Ireland WMA",-94.704406,45.869296000000006 +3934,"Parking Lot, Gordie Mikkelson WMA",-93.144046,45.366452 +3935,"Parking Lot, Iron Lake WMA",-95.863831,44.173506 +3936,"Parking Lot, Gordie Mikkelson WMA",-93.111827,45.369951 +3937,"Parking Lot, Irruption WMA",-95.56305900000001,43.97374 +3938,"Parking Lot, Gordon W Yeager WMA, South East Unit",-92.4212213,44.0278405 +3939,Ivan Jindra Memorial WMA,-93.68468800000001,46.040388 +3940,"Parking Lot, Graham WMA, Main Unit",-94.030353,45.812219000000006 +3941,"Parking Lot, Inman (Wunderlich) WMA",-95.33582000000001,46.28262 +3942,"Parking Lot, Iona WMA",-94.96549800000001,46.048454 +3943,"Parking Lot, Grace Marshes WMA",-95.563602,45.093514000000006 +3944,"Parking Lot, Iona WMA",-94.95934100000001,46.044849000000006 +3945,"Parking Lot, Graham WMA, Northwest Unit",-94.03109400000001,45.817478 +3946,"Parking Lot, Ireland WMA",-94.705223,45.866088000000005 +3947,"Parking Lot, Graham WMA, Main Unit",-94.015777,45.809547 +3948,"Parking Lot, Humphery WMA",-95.86361600000001,43.931043 +3949,"Parking Lot, Grass Lake WMA",-94.144081,45.025537 +3950,"Parking Lot, Huot WMA",-96.422093,47.871610000000004 +3951,"Parking Lot, Grass Lake WMA",-94.15414200000001,45.028492 +3952,"Parking Lot, Inman (Wunderlich) WMA",-95.36371700000001,46.296647 +3953,"Parking Lot, Gravel Pit 1676 WMA",-94.955257,45.495741 +3954,"Parking Lot, Inman (Wunderlich) WMA",-95.363872,46.289664 +3955,"Parking Lot, Grass Lake WMA",-94.134876,45.028119000000004 +3956,"Parking Lot, Hubbel Pond WMA",-95.657931,46.861356 +3957,"Parking Lot, Fenmont WMA",-95.81535600000001,43.844546 +3958,"Parking Lot, Hubbel Pond WMA",-95.642097,46.852055 +3959,"Parking Lot, Fermoy WMA",-92.622566,47.220282000000005 +3960,"Parking Lot, Hubbel Pond WMA",-95.626418,46.845831000000004 +3961,"Parking Lot, Fish Lake WMA",-95.07759800000001,45.412599 +3962,"Parking Lot, Hubbel Pond WMA",-95.65853770000001,46.875112 +3963,"Parking Lot, Floodwood WMA",-92.96606700000001,46.918973 +3964,"Parking Lot, Hubbel Pond WMA",-95.646681,46.890305000000005 +3965,"Parking Lot, Follies WMA",-94.925348,45.412981 +3966,"Parking Lot, Hubbel Pond WMA",-95.6506488,46.865359000000005 +3967,"Parking Lot, Forada WMA",-95.325029,45.795563 +3968,"Parking Lot, Hubbel Pond WMA",-95.665526,46.870747 +3969,"Parking Lot, Forada WMA",-95.310569,45.795635000000004 +3970,"Parking Lot, Hollister WMA",-95.11584500000001,45.959778 +3971,"Parking Lot, Fossum WMA, Berdell Unit",-94.759085,43.866325 +3972,"Parking Lot, Hollerberg Lake WMA",-95.404409,45.292251 +3973,"Parking Lot, Houle WMA",-93.019632,45.2318 +3974,"Parking Lot, Fossum WMA, Thorn Unit",-94.749184,43.871590000000005 +3975,"Parking Lot, Hornstein WMA",-96.754835,45.515571 +3976,"Parking Lot, Frank WMA",-95.80584900000001,46.840038 +3977,"Parking Lot, Hoglund WMA",-94.00927800000001,45.340322 +3978,"Parking Lot, Franko WMA",-95.41173500000001,44.940008000000006 +3979,"Parking Lot, Hjermstad WMA, East Unit",-95.95608100000001,44.167867 +3980,"Parking Lot, Freed WMA",-96.28192600000001,45.498489 +3981,"Parking Lot, Holland WMA",-96.16446400000001,44.098422 +3982,"Parking Lot, Fritsche Creek WMA",-94.46322400000001,44.3457844 +3983,"Parking Lot, Fulda WMA",-95.601037,43.847743 +3984,"Parking Lot, Fulda WMA",-95.60767000000001,43.845641 +3985,"Parking Lot, Hoglund WMA",-93.999035,45.354068000000005 +3986,"Parking Lot, Lamprey Pass WMA",-93.04312200000001,45.253296000000006 +3987,"Parking Lot, Highland Grove WMA",-96.231722,46.921020000000006 +3988,"Parking Lot, Herlein-Boote WMA",-95.69355700000001,43.654388000000004 +3989,"Parking Lot, Hjermstad WMA, East Unit",-95.97853,44.181556 +3990,"Parking Lot, Hjermstad WMA, Dather Slough Unit",-96.00390300000001,44.173233 +3991,"Parking Lot, Henry Vos WMA",-95.840445,43.935428 +3992,"Parking Lot, Herlein-Boote WMA",-95.67391900000001,43.659704000000005 +3993,"Parking Lot, Kunkel WMA",-93.6816459,45.5633933 +3994,"Parking Lot, Helsene WMA",-96.06898600000001,45.862444 +3995,"Parking Lot, Henry O. Bjoring WMA",-95.05567500000001,47.58232 +3996,"Parking Lot, Kunkel WMA",-93.68142560000001,45.5599253 +3997,"Parking Lot, Hegg Lake WMA",-95.667105,45.788489000000006 +3998,"Parking Lot, Kunkel WMA",-93.667084,45.570557 +3999,"Parking Lot, Helsene WMA",-96.069218,45.875598000000004 +4000,"Parking Lot, Kunkel WMA",-93.67714980000001,45.5667084 +4001,"Parking Lot, Head Lake WMA",-95.607906,46.498857 +4002,"Parking Lot, Kunkel WMA",-93.66545,45.574803 +4003,"Parking Lot, Head Lake WMA",-95.602816,46.490676 +4004,"Parking Lot, Kunkel WMA",-93.65926,45.573145000000004 +4005,"Parking Lot, Haydenville WMA, Main Unit",-96.309655,44.991784 +4006,"Parking Lot, Lake Five WMA",-93.13990100000001,46.142297000000006 +4007,"Parking Lot, Hayes-myhre WMA",-95.275745,45.289241000000004 +4008,"Parking Lot, Kunkel WMA",-93.659002,45.579390000000004 +4009,"Parking Lot, Hawley WMA",-96.324798,46.805588 +4010,"Parking Lot, Kobliska WMA, Main Unit",-94.71988300000001,46.187566000000004 +4011,"Parking Lot, Haydenville WMA, East Unit",-96.289437,44.989667000000004 +4012,"Parking Lot, Hassan Valley WMA",-94.284823,44.836709000000006 +4013,"Parking Lot, Kobliska WMA, Main Unit",-94.71177,46.191112000000004 +4014,"Parking Lot, Hardwood Creek WMA",-92.91787000000001,45.236752 +4015,"Parking Lot, Knapp WMA",-94.24450800000001,45.143604 +4016,"Parking Lot, Hartfiel WMA",-95.34001,46.087918 +4017,"Parking Lot, Knapp WMA",-94.241489,45.144744 +4018,"Parking Lot, Hardwood Creek WMA",-92.94334,45.231998000000004 +4019,"Parking Lot, Kube-swift WMA, West Unit",-96.19007,46.093336 +4020,"Parking Lot, Happy Valley WMA",-94.44986300000001,45.754861000000005 +4021,"Parking Lot, Kuhtz Lake WMA",-95.149619,45.773638000000005 +4022,"Parking Lot, Happy Valley WMA",-94.43823800000001,45.767893 +4023,"Parking Lot, Kroschel WMA",-93.13915300000001,46.085912 +4024,"Parking Lot, Kroschel WMA",-93.13142500000001,46.08596 +4025,"Parking Lot, Halma Swamp WMA, Main",-96.658122,48.630833 +4026,"Parking Lot, Kline WMA",-96.044787,45.636134000000006 +4027,"Parking Lot, Haberman WMA",-95.562966,43.901329000000004 +4028,"Parking Lot, H.C. Southwick WMA, North Unit",-95.718625,43.964801 +4029,"Parking Lot, Klinker WMA",-96.00357600000001,44.085139000000005 +4030,"Parking Lot, H.C. Southwick WMA, North Unit",-95.738088,43.960389 +4031,"Parking Lot, Klages WMA",-96.22924400000001,45.312520000000006 +4032,"Parking Lot, Groth WMA, South Unit",-95.731216,43.761230000000005 +4033,"Parking Lot, Klason WMA",-95.872236,45.643451000000006 +4034,"Parking Lot, Groth WMA, North Unit",-95.742869,43.775939 +4035,"Parking Lot, Knapp WMA",-94.27040600000001,45.142826 +4036,"Parking Lot, Grey Eagle WMA",-94.81865900000001,45.825457 +4037,"Parking Lot, Grey Eagle WMA",-94.842934,45.817866 +4038,"Parking Lot, Knapp WMA",-94.27009500000001,45.136675000000004 +4039,"Parking Lot, Klinker WMA",-95.98408300000001,44.080842000000004 +4040,"Parking Lot, Gregory WMA",-95.890735,47.433297100000004 +4041,"Parking Lot, Klinker WMA",-95.98419100000001,44.087853 +4042,"Parking Lot, Greenleaf WMA",-94.56376700000001,44.970476000000005 +4043,"Parking Lot, Greenleaf WMA",-94.581567,44.990408 +4044,"Parking Lot, Keller WMA",-92.5778076,43.925387900000004 +4045,"Parking Lot, Great Scott WMA",-92.756403,47.464573 +4046,"Parking Lot, Karnitz WMA",-93.665031,44.593504 +4047,"Parking Lot, Great Oasis WMA",-95.878552,44.087951000000004 +4048,"Parking Lot, Kandi WMA",-94.939806,45.159201 +4049,"Parking Lot, Little Elk WMA",-94.62268300000001,46.049662000000005 +4050,"Parking Lot, Jossart WMA",-95.655124,45.250721000000006 +4051,"Parking Lot, Little Elk WMA",-94.619218,46.053997 +4052,"Parking Lot, Kirschner WMA",-94.49021900000001,45.391423 +4053,"Parking Lot, Little Elk WMA",-94.610608,46.057834 +4054,"Parking Lot, Kelly-meyer WMA",-93.88259400000001,45.316300000000005 +4055,"Parking Lot, Little Joe WMA",-95.20374000000001,45.423531000000004 +4056,"Parking Lot, Kelly-meyer WMA",-93.88105200000001,45.314817000000005 +4057,"Parking Lot, Little Lake WMA",-94.136464,44.283269000000004 +4058,"Parking Lot, Keller WMA",-92.57117740000001,43.934924200000005 +4059,"Parking Lot, Little Lake WMA",-94.149752,44.295907 +4060,"Parking Lot, Jeral WMA",-96.40136700000001,46.976951 +4061,"Parking Lot, Little Lake WMA",-94.132485,44.303430000000006 +4062,"Parking Lot, Jasper WMA",-96.367563,43.869104 +4063,"Parking Lot, Little Pine Lake WMA",-95.498956,47.671243000000004 +4064,"Parking Lot, Jasper WMA",-96.367558,43.867417 +4065,"Parking Lot, Lawrence Lake WMA, Main Unit",-94.764847,46.313849000000005 +4066,"Parking Lot, James B. Fern WMA",-95.054124,47.64622 +4067,"Parking Lot, Leeds WMA",-95.928932,44.007715000000005 +4068,"Parking Lot, Legacy Marsh WMA",-94.515631,45.530993 +4069,"Parking Lot, Johnsonville WMA",-95.37661,44.369271000000005 +4070,"Parking Lot, Lena Larson WMA",-92.883643,43.543617000000005 +4071,"Parking Lot, John Murtaugh Memorial WMA",-92.56189900000001,44.464268000000004 +4072,"Parking Lot, Lindquist WMA",-96.323113,45.339507000000005 +4073,"Parking Lot, John A. Scharf Memorial WMA",-96.194749,45.498533 +4074,"Parking Lot, Litchfield WMA",-94.584315,45.145471 +4075,"Parking Lot, John A. Scharf Memorial WMA",-96.17940100000001,45.495985000000005 +4076,"Parking Lot, Litchfield WMA",-94.572601,45.138446 +4077,"Parking Lot, Mud Goose WMA",-93.961183,47.212865 +4078,"Parking Lot, Little Elk WMA",-94.64762200000001,46.036088 +4079,"Parking Lot, Mud Goose WMA",-93.948656,47.240659 +4080,"Parking Lot, Lake Hanska WMA",-94.56575600000001,44.109757 +4081,"Parking Lot, Lake Five WMA",-93.13361,46.141743000000005 +4082,"Parking Lot, Mud Goose WMA",-93.94522400000001,47.254407 +4083,"Parking Lot, Lamberton WMA",-95.19928800000001,44.246555 +4084,"Parking Lot, Mud Goose WMA",-93.945323,47.261156 +4085,"Parking Lot, Lake Sixteen WMA",-95.471973,46.244478 +4086,"Parking Lot, Mosquito Creek WMA",-95.40389,47.436595000000004 +4087,"Parking Lot, Lasher Lake WMA",-94.872174,45.932778000000006 +4088,"Parking Lot, Mosquito Creek WMA",-95.41226300000001,47.426907 +4089,"Parking Lot, Mosquito Creek WMA",-95.410364,47.426931 +4090,"Parking Lot, Mud Goose WMA",-93.981469,47.196527 +4091,"Parking Lot, Northeast Four Corners WMA",-96.348723,44.986830000000005 +4092,"Parking Lot, Morph Meadows WMA",-94.346479,47.547721 +4093,"Parking Lot, Norman T. Dahlman WMA",-95.05153,45.423186 +4094,"Parking Lot, New Prairie WMA",-95.653025,45.657806 +4095,"Parking Lot, Nessel WMA",-93.115182,45.706041000000006 +4096,"Parking Lot, Noordmans WMA",-95.709327,45.600119 +4097,"Parking Lot, Ney WMA",-93.883475,44.543172000000006 +4098,"Parking Lot, Neitermeier WMA",-94.493875,46.097331000000004 +4099,"Parking Lot, Morph Meadows WMA",-94.354622,47.547235 +4100,"Parking Lot, Mud Goose WMA",-94.04969200000001,47.249559000000005 +4101,"Parking Lot, Morph Meadows WMA",-94.35549900000001,47.547705 +4102,"Parking Lot, Nelson WMA",-95.96369100000001,44.182405 +4103,"Parking Lot, Mosquito Creek WMA",-95.417815,47.412232 +4104,"Parking Lot, Nelson Fen WMA",-92.623514,43.891933 +4105,"Parking Lot, Moran WMA",-96.416635,47.885792 +4106,"Parking Lot, Mud Goose WMA",-93.949038,47.270453 +4107,"Parking Lot, Morph Meadows WMA",-94.405012,47.548396000000004 +4108,"Parking Lot, Mud Goose WMA",-93.947933,47.268778000000005 +4109,"Parking Lot, Morph Meadows WMA",-94.40028600000001,47.549288000000004 +4110,"Parking Lot, Mud Goose WMA",-94.04169300000001,47.26057 +4111,"Parking Lot, Morph Meadows WMA",-94.38354700000001,47.550018 +4112,"Parking Lot, Mud Goose WMA",-93.93940500000001,47.274339000000005 +4113,"Parking Lot, Nora WMA",-95.69448100000001,45.672852000000006 +4114,"Parking Lot, Orwell WMA",-96.161072,46.224514000000006 +4115,"Parking Lot, Noordmans WMA",-95.71643200000001,45.614268 +4116,"Parking Lot, Orwell WMA",-96.16301,46.195034 +4117,"Parking Lot, Lone Tree WMA, South Unit",-95.63243100000001,43.805214 +4118,"Parking Lot, Oleander WMA",-95.195885,45.376647000000006 +4119,"Parking Lot, Orville Erickson WMA",-96.139222,45.426916000000006 +4120,"Parking Lot, Old Red Lake Trail WMA",-95.322112,47.630909 +4121,"Parking Lot, Oleander WMA",-95.209202,45.373003000000004 +4122,"Parking Lot, Lone Tree WMA, South Unit",-95.62569,43.805105000000005 +4123,"Parking Lot, Old Gravel Pit WMA",-96.19972200000001,45.416161 +4124,"Parking Lot, Long Prairie River WMA, North Unit",-94.80775700000001,46.150725 +4125,"Parking Lot, Old Koschak Farm WMA",-91.829375,47.922844000000005 +4126,"Parking Lot, Mallard Hole WMA",-96.619257,45.530994 +4127,"Parking Lot, Ogema Springs WMA",-95.912436,47.064344000000006 +4128,"Parking Lot, Mallard Hole WMA",-96.627201,45.529834 +4129,"Parking Lot, Ohnah WMA",-96.050635,45.065808000000004 +4130,"Parking Lot, Mamre WMA",-95.16527400000001,45.176681 +4131,"Parking Lot, Oak Ridge Marsh WMA",-96.24091700000001,47.672528 +4132,"Parking Lot, Mammenga WMA",-95.327151,44.336996000000006 +4133,"Parking Lot, Oak Ridge WMA",-94.658096,45.835107 +4134,"Parking Lot, Manston Marsh WMA",-96.53422800000001,46.485671 +4135,"Parking Lot, Numo WMA",-95.67600700000001,45.054188 +4136,"Parking Lot, O'Brien WMA",-93.700709,44.585797 +4137,"Parking Lot, Mamre WMA",-95.16535300000001,45.182113 +4138,"Parking Lot, Maple Lake WMA",-93.97389000000001,45.25632 +4139,"Parking Lot, Norwegian WMA",-96.208008,46.555641 +4140,"Parking Lot, Manston Marsh WMA",-96.526555,46.476194 +4141,"Parking Lot, Numo WMA",-95.68423800000001,45.050788000000004 +4142,"Parking Lot, Lunde WMA",-96.133086,46.870819000000004 +4143,"Parking Lot, Owen-Hinz WMA",-95.028152,45.915396 +4144,"Parking Lot, Lunde WMA",-96.13297800000001,46.875631000000006 +4145,"Parking Lot, Otto WMA",-95.468777,46.489790000000006 +4146,"Parking Lot, Ottawa WMA",-93.91886600000001,44.332323 +4147,"Parking Lot, Madrena WMA",-96.246722,45.039809000000005 +4148,"Parking Lot, Otsego WMA",-93.575736,45.238224 +4149,"Parking Lot, Madison WMA, Main Unit",-96.216085,45.043173 +4150,"Parking Lot, Otrey WMA",-96.28230500000001,45.371265 +4151,"Parking Lot, Madsen WMA",-94.539952,45.187999000000005 +4152,"Parking Lot, Otrey WMA",-96.297649,45.37129 +4153,"Parking Lot, Madrena WMA",-96.231116,45.043389000000005 +4154,"Parking Lot, Otrey WMA",-96.2823,45.362886 +4155,"Parking Lot, Malardi Lake WMA",-93.89395800000001,45.083065000000005 +4156,"Parking Lot, Ostendorff WMA",-94.725623,45.838495 +4157,"Parking Lot, Mahoney's Marsh WMA",-93.77138500000001,44.572408 +4158,"Parking Lot, Ostendorff WMA",-94.72254500000001,45.83856 +4159,"Parking Lot, Osakis WMA, North Unit",-95.13407400000001,45.849771000000004 +4160,"Parking Lot, Mcgee WMA",-95.622415,43.913537000000005 +4161,"Parking Lot, Orwell WMA",-96.149246,46.222272000000004 +4162,"Parking Lot, Mcgowan WMA",-92.519272,46.040863 +4163,"Parking Lot, Orwell WMA",-96.14379000000001,46.215257 +4164,"Parking Lot, Mccord-Laible WMA",-95.943258,44.100943 +4165,"Parking Lot, Orwell WMA",-96.15663,46.211109 +4166,"Parking Lot, McDougall WMA",-94.34310400000001,45.855705 +4167,"Parking Lot, Orwell WMA",-96.16668200000001,46.202816000000006 +4168,"Parking Lot, Melchior WMA",-95.823284,43.89748 +4169,"Parking Lot, Orwell WMA",-96.16786,46.202153 +4170,"Parking Lot, Melchior WMA",-95.81907000000001,43.897572000000004 +4171,"Parking Lot, Orwell WMA",-96.16283800000001,46.191647 +4172,"Parking Lot, McLeod Pheasants Forever WMA",-94.270899,44.824721000000004 +4173,"Parking Lot, Long Prairie River WMA, North Unit",-94.81569400000001,46.165447 +4174,"Parking Lot, Melbye WMA",-96.188333,46.991741000000005 +4175,"Parking Lot, Long Prairie River WMA, North Unit",-94.807755,46.175875000000005 +4176,"Parking Lot, Marcoux WMA",-96.23320700000001,47.803214000000004 +4177,"Parking Lot, Long Prairie River WMA, South Unit",-94.819069,46.150269 +4178,"Parking Lot, Marget Lake WMA",-93.30854400000001,45.466483000000004 +4179,"Parking Lot, Long Prairie River WMA, South Unit",-94.83051300000001,46.140564000000005 +4180,"Parking Lot, Maple Meadows WMA",-96.260728,47.644216 +4181,"Parking Lot, Lowry WMA, Northeast Unit",-95.556026,45.701603000000006 +4182,"Parking Lot, Lowville WMA, North Unit",-95.83015200000001,44.087398 +4183,"Parking Lot, Maple Meadows WMA",-96.252876,47.615399000000004 +4184,"Parking Lot, Lowville WMA, South Unit",-95.84344100000001,44.075561 +4185,"Parking Lot, Marvin W. Schubring Memorial WMA",-93.096908,45.418998 +4186,"Parking Lot, Littlefork River WMA",-93.465518,48.322199000000005 +4187,"Parking Lot, Mason WMA",-95.818723,44.073032000000005 +4188,"Parking Lot, Lone Tree WMA, North Unit",-95.622888,43.805565 +4189,"Parking Lot, Marget Lake WMA",-93.30652900000001,45.461653000000005 +4190,"Parking Lot, Lone Tree WMA, North Unit",-95.61331600000001,43.81152 +4191,"Parking Lot, Marsh WMA",-93.639356,44.583628000000004 +4192,"Parking Lot, Lone Tree WMA, South Unit",-95.62533400000001,43.790741000000004 +4193,"Parking Lot, Milton Kjeldahl WMA",-95.04176600000001,45.516841 +4194,"Parking Lot, Lone Tree WMA, South Unit",-95.615671,43.792479 +4195,"Parking Lot, Miller WMA",-95.088497,45.748284000000005 +4196,"Parking Lot, Miller Spring Lea Farm WMA",-94.69728300000001,45.441125 +4197,"Parking Lot, Milan WMA",-95.906137,45.108953 +4198,"Parking Lot, Red Lake WMA, Main Unit",-94.98347500000001,48.479844 +4199,"Parking Lot, Monson WMA",-95.296125,45.332777 +4200,"Parking Lot, Red Lake WMA, Main Unit",-95.009116,48.395491 +4201,"Parking Lot, Red Lake WMA, Main Unit",-95.144689,48.573407 +4202,"Parking Lot, Reed WMA",-95.16572000000001,45.044064000000006 +4203,"Parking Lot, Minnriver WMA",-94.71645290000001,44.4342509 +4204,"Parking Lot, Red Lake WMA, Main Unit",-95.01750000000001,48.500678 +4205,"Parking Lot, Milton Kjeldahl WMA",-95.04092700000001,45.517026 +4206,"Parking Lot, Red Lake WMA, Main Unit",-95.191967,48.583576 +4207,"Parking Lot, Metz WMA, East Unit",-96.76035900000001,45.602540000000005 +4208,"Parking Lot, Red Lake WMA, Main Unit",-95.125765,48.573081 +4209,"Parking Lot, Mentor Prairie WMA",-96.140753,47.723994000000005 +4210,"Parking Lot, Red Lake WMA, Main Unit",-95.165785,48.579387000000004 +4211,"Parking Lot, Mentor Prairie WMA",-96.144362,47.730619000000004 +4212,"Parking Lot, Red Lake WMA, Main Unit",-95.19491900000001,48.583586000000004 +4213,"Parking Lot, Mentor Prairie WMA",-96.171981,47.740064000000004 +4214,"Parking Lot, Rice-Skunk WMA, Rice Lake Unit",-94.252953,45.941858 +4215,"Parking Lot, Michel Marsh WMA",-93.69649100000001,44.557865 +4216,"Parking Lot, Rice-Skunk WMA, Skunk Lake East Unit",-94.22334000000001,45.918794000000005 +4217,"Parking Lot, Michel Marsh WMA",-93.70828300000001,44.564642000000006 +4218,"Parking Lot, Rice-Skunk WMA, Skunk Lake West Unit",-94.23802500000001,45.923143 +4219,"Parking Lot, Michel Marsh WMA",-93.70595800000001,44.567607 +4220,"Parking Lot, Rice Area Sportsmens Club WMA",-94.156592,45.875638 +4221,"Parking Lot, Reinhold WMA",-95.943031,44.124329 +4222,"Parking Lot, Michaelson Farm WMA",-94.22676200000001,45.737607000000004 +4223,"Parking Lot, Reisdorph WMA",-96.40001500000001,45.344994 +4224,"Parking Lot, Red Lake WMA, Main Unit",-95.091221,48.563758 +4225,"Parking Lot, Reno WMA, East Unit",-95.463829,45.690461000000006 +4226,"Parking Lot, Revanche WMA",-93.99042800000001,44.677118 +4227,"Parking Lot, Red Lake WMA, Main Unit",-95.069029,48.564759 +4228,"Parking Lot, RIM Memorial WMA",-95.16463300000001,45.173997 +4229,"Parking Lot, Red Lake WMA, Main Unit",-95.13813900000001,48.569096 +4230,"Parking Lot, Ringneck Ridge WMA",-96.387479,43.903422000000006 +4231,"Parking Lot, Red Lake WMA, Main Unit",-95.08874,48.571743000000005 +4232,"Parking Lot, Ringo-Nest WMA",-94.99170400000001,45.267288 +4233,"Parking Lot, Ringo-Nest WMA",-94.989731,45.251049 +4234,"Parking Lot, Red Lake WMA, Main Unit",-94.96948400000001,48.468821000000005 +4235,"Parking Lot, Rice Area Sportsmens Club WMA",-94.141294,45.867841000000006 +4236,"Parking Lot, Red Lake WMA, Main Unit",-95.08909600000001,48.366258 +4237,"Parking Lot, Rice Creek WMA",-93.22247,45.727655000000006 +4238,"Parking Lot, Red Lake WMA, Main Unit",-95.076975,48.565636000000005 +4239,"Parking Lot, Rice Creek WMA",-93.21946600000001,45.727661000000005 +4240,"Parking Lot, Oxcart Crossing WMA",-95.003023,45.520042000000004 +4241,"Parking Lot, Rice Creek WMA",-93.203936,45.734261000000004 +4242,"Parking Lot, Rock River WMA",-96.1775781,43.6741286 +4243,"Parking Lot, Rock River WMA",-96.1727621,43.677960000000006 +4244,"Parking Lot, Rock River WMA",-96.173089,43.6848 +4245,"Parking Lot, Padua WMA",-95.02312,45.621685 +4246,"Parking Lot, Rock Marsh WMA",-92.81040030000001,45.7592275 +4247,"Parking Lot, Rock Marsh WMA",-92.846473,45.744644 +4248,"Parking Lot, P.F. Mulder WMA",-96.193031,43.608949 +4249,"Parking Lot, Ritter WMA",-94.76771600000001,45.729108000000004 +4250,"Parking Lot, Padua WMA",-95.01775400000001,45.629476000000004 +4251,"Parking Lot, Ringo-Nest WMA",-95.005736,45.242781 +4252,"Parking Lot, Padua WMA",-95.02225700000001,45.627585 +4253,"Parking Lot, Partners WMA",-94.685286,45.405423000000006 +4254,"Parking Lot, Rothsay WMA, Rothsay Swamp Unit",-96.366112,46.543776 +4255,"Parking Lot, Padua WMA",-95.01266500000001,45.62998 +4256,"Parking Lot, Rosenau-Lambrecht WMA, Tracts 1, 6-8, & 15",-94.581721,44.333312 +4257,"Parking Lot, Rosenau-Lambrecht WMA, Tracts 1, 6-8, & 15",-94.57603900000001,44.326187000000004 +4258,"Parking Lot, Peat Bog WMA",-93.29781170000001,44.4862582 +4259,"Parking Lot, Rosenau-Lambrecht WMA, Tracts 1, 6-8, & 15",-94.56165,44.328751000000004 +4260,"Parking Lot, Paul Hugo Farms WMA",-92.948192,45.162636000000006 +4261,"Parking Lot, Rosenau-Lambrecht WMA, Sandmann Tract 1",-94.556729,44.315223 +4262,"Parking Lot, Pednor WMA",-96.03510800000001,47.035665 +4263,"Parking Lot, Rodewald WMA, West Unit",-94.74954500000001,45.028249 +4264,"Parking Lot, Pebbles WMA",-94.43751800000001,44.739389 +4265,"Parking Lot, Rodewald WMA, East Unit",-94.73341900000001,45.022310000000004 +4266,"Parking Lot, Rock River WMA",-96.17710500000001,43.660718 +4267,"Parking Lot, Pembina WMA",-96.450119,47.963325000000005 +4268,"Parking Lot, Salem Comm Prairie WMA",-94.71199100000001,45.441163 +4269,"Parking Lot, Pelican Creek WMA",-95.925154,46.093492000000005 +4270,"Parking Lot, Salt & Pepper WMA",-96.03372300000001,43.949971000000005 +4271,"Parking Lot, Pembina WMA",-96.48261500000001,48.021442 +4272,"Parking Lot, Rutledge WMA",-92.811092,46.258160000000004 +4273,"Parking Lot, Sacred Heart WMA",-95.27188100000001,44.716028 +4274,"Parking Lot, Pembina WMA",-96.482628,48.021442 +4275,"Parking Lot, Rush WMA",-95.881681,47.354105000000004 +4276,"Parking Lot, Perham WMA",-95.456063,46.685712 +4277,"Parking Lot, Ruthton WMA, East Unit",-96.009483,44.153597000000005 +4278,"Parking Lot, Persen WMA",-95.93604900000001,45.195238 +4279,"Parking Lot, Ruff-Nik WMA, South Unit",-94.66451500000001,46.136182000000005 +4280,"Parking Lot, PF - Module #1 WMA",-93.828736,44.557664 +4281,"Parking Lot, Ruff-Nik WMA, South Unit",-94.648261,46.123558 +4282,"Parking Lot, Phasianus WMA",-94.29516100000001,44.808627 +4283,"Parking Lot, Santer WMA",-95.02591500000001,45.921449 +4284,"Parking Lot, Pheasant Run WMA",-95.653492,43.801825 +4285,"Parking Lot, Santer WMA",-95.033742,45.932074 +4286,"Parking Lot, Pheasants Forever Module # 3 WMA",-93.721676,44.57437 +4287,"Parking Lot, Sand Prairie WMA",-94.09117300000001,45.551518 +4288,"Parking Lot, Pheasants Forever WMA",-92.806988,44.055011 +4289,"Parking Lot, Santer WMA",-95.04383700000001,45.926779 +4290,"Parking Lot, Salt Lake WMA, Main Unit",-96.43539600000001,44.960684 +4291,"Parking Lot, Phelan WMA",-95.608434,44.007870000000004 +4292,"Parking Lot, Salt & Pepper WMA",-96.024184,43.954338 +4293,"Parking Lot, Pine City WMA",-92.99190200000001,45.818128 +4294,"Parking Lot, Salt Lake WMA, Main Unit",-96.414772,44.97453 +4295,"Parking Lot, Pine County V&S 1 WMA",-93.04940400000001,45.821151 +4296,P.F. Mulder WMA,-96.200111,43.616273 +4297,"Parking Lot, Pine County V&S 2 WMA",-93.09266500000001,45.831759000000005 +4298,"Parking Lot, Pine County V&S 3 WMA",-92.96884800000001,45.947369 +4299,"Parking Lot, Pine County V&S 3 WMA",-93.011536,45.947441000000005 +4300,"Parking Lot, Red Lake WMA, Main Unit",-95.17071700000001,48.583429 +4301,"Parking Lot, Red Lake WMA, Main Unit",-95.33962000000001,48.415303 +4302,"Parking Lot, Red Lake WMA, Main Unit",-95.10024100000001,48.361864000000004 +4303,"Parking Lot, Red Lake WMA, Main Unit",-95.29778400000001,48.573836 +4304,"Parking Lot, Pine County V&S 4 WMA",-93.12515400000001,45.978008 +4305,"Parking Lot, Red Lake WMA, Main Unit",-95.31665100000001,48.564033 +4306,"Parking Lot, Pipestone WMA",-96.327436,44.023247000000005 +4307,"Parking Lot, Swan Lake WMA, Peterson Lake Central Unit",-94.28118500000001,44.340399000000005 +4308,"Parking Lot, Swan Lake WMA, Oshawa Unit",-94.110601,44.326542 +4309,"Parking Lot, Polk WMA",-95.982758,47.717060000000004 +4310,"Parking Lot, Swan Lake WMA, Oak Leaf Lake Unit",-94.018477,44.311453 +4311,"Parking Lot, Polk WMA",-95.98801800000001,47.717214000000006 +4312,"Parking Lot, Swan Lake WMA, North Star Unit",-94.200618,44.211561 +4313,"Parking Lot, Swan Lake WMA, Nicollet Bay Main Unit",-94.236473,44.279069 +4314,"Parking Lot, Polk WMA",-95.987819,47.721630000000005 +4315,"Parking Lot, Swan Lake WMA, Nicollet Bay Main Unit",-94.23464200000001,44.277594 +4316,"Parking Lot, Polk WMA",-95.98787800000001,47.729333000000004 +4317,"Parking Lot, Swan Lake WMA, Nicollet Bay Main Unit",-94.240994,44.271467 +4318,"Parking Lot, Polk WMA",-95.988144,47.709985 +4319,"Parking Lot, Swan Lake WMA, Larson Unit",-94.006062,44.282919 +4320,"Parking Lot, Polk WMA",-95.934177,47.696138000000005 +4321,"Parking Lot, Swan Lake WMA, Duck Lake Unit",-94.16839800000001,44.34469 +4322,"Parking Lot, Polk WMA",-95.96627400000001,47.687796000000006 +4323,"Parking Lot, Swan Lake WMA, Duck Lake Unit",-94.16334,44.333571000000006 +4324,"Parking Lot, Polk WMA",-95.96644400000001,47.709265 +4325,"Parking Lot, Swan Lake WMA, Courtland West Unit",-94.352382,44.295062 +4326,"Parking Lot, Swan Lake WMA, Courtland East Unit",-94.32519500000001,44.304284 +4327,"Parking Lot, Prairie Heritage WMA",-94.34357800000001,44.805084 +4328,"Parking Lot, Swan Lake WMA, Courtland Central Unit",-94.35172200000001,44.292278 +4329,"Parking Lot, Popular WMA",-94.72597800000001,45.066375 +4330,"Parking Lot, Swan Lake WMA, Courtland Bay Unit",-94.318115,44.326138 +4331,"Parking Lot, Poplar Creek WMA",-96.204863,43.863296000000005 +4332,"Parking Lot, Sumter WMA",-94.331131,44.790496000000005 +4333,"Parking Lot, Poplar Creek WMA",-96.204768,43.870184 +4334,"Parking Lot, Sugar Lake WMA",-94.336781,47.455782000000006 +4335,"Parking Lot, Provencher WMA",-94.52947800000001,45.008465 +4336,"Parking Lot, Suconnix WMA",-94.055942,45.343773000000006 +4337,"Parking Lot, Proehl's Woods WMA",-94.130363,44.695708 +4338,"Parking Lot, Suess WMA",-92.61805700000001,43.888175000000004 +4339,"Parking Lot, Prairie WMA",-96.38526200000001,45.336515000000006 +4340,"Parking Lot, Suconnix WMA",-94.060507,45.329892 +4341,"Parking Lot, Prairie Rose WMA",-93.3063431,44.127424600000005 +4342,"Parking Lot, Suconnix WMA",-94.056292,45.335928 +4343,"Parking Lot, Randall WMA",-95.072833,45.876401 +4344,"Parking Lot, Suconnix WMA",-94.06614800000001,45.318740000000005 +4345,"Parking Lot, Suconnix WMA",-94.05516100000001,45.325695 +4346,"Parking Lot, Ras-Lynn WMA",-94.46251000000001,44.790504000000006 +4347,"Parking Lot, Suconnix WMA",-94.069446,45.317559 +4348,"Parking Lot, Quistorff WMA",-95.090438,45.828081000000005 +4349,"Parking Lot, Suconnix WMA",-94.074759,45.326465000000006 +4350,"Parking Lot, Ramsey Mill Pond WMA",-92.95013700000001,43.725095 +4351,"Parking Lot, Stipa WMA",-96.377896,47.818456000000005 +4352,"Parking Lot, Raven WMA",-93.746932,44.554173000000006 +4353,"Parking Lot, Red Lake WMA, Main Unit",-95.20552900000001,48.478627 +4354,"Parking Lot, Sturgeon Lake WMA",-92.86824,46.389895 +4355,"Parking Lot, Stearns Prairie Heritage WMA",-94.901143,45.427183 +4356,"Parking Lot, Ras-Lynn WMA",-94.44885000000001,44.802444 +4357,"Parking Lot, Stearns Prairie Heritage WMA",-94.903858,45.420005 +4358,"Parking Lot, Ras-Lynn WMA",-94.433468,44.807405 +4359,"Parking Lot, Staples WMA",-94.788302,46.288202000000005 +4360,"Parking Lot, Red Lake WMA, Main Unit",-95.165805,48.579822 +4361,"Parking Lot, Stearns Prairie Heritage WMA",-94.896156,45.420348000000004 +4362,"Parking Lot, Red Lake WMA, Main Unit",-95.299428,48.573834000000005 +4363,"Parking Lot, Stanchfield WMA",-93.30679,45.717701000000005 +4364,"Parking Lot, Red Lake WMA, Main Unit",-95.179766,48.57869 +4365,"Parking Lot, Staples WMA",-94.78538900000001,46.300192 +4366,"Parking Lot, Troy WMA",-96.33966760000001,44.110297900000006 +4367,"Parking Lot, Terrace WMA",-96.18453600000001,44.022745 +4368,"Parking Lot, Trongard WMA",-95.341068,44.75452 +4369,"Parking Lot, Tutt WMA",-95.979703,44.109749 +4370,"Parking Lot, Tunsberg WMA",-95.755958,45.05805 +4371,"Parking Lot, Tower WMA",-95.124673,45.671782 +4372,"Parking Lot, Swessinger WMA",-95.774624,43.819572 +4373,"Parking Lot, Tjosaas WMA",-95.695605,45.185702000000006 +4374,"Parking Lot, Taffe WMA",-96.5554486,45.5185795 +4375,"Parking Lot, Tribute WMA",-94.90624600000001,45.438508000000006 +4376,"Parking Lot, Taffe WMA",-96.55444100000001,45.522077 +4377,"Parking Lot, Trail WMA",-96.334725,47.630182000000005 +4378,"Parking Lot, Tamarac WMA",-95.121114,45.459544 +4379,"Parking Lot, Thielke Lake WMA",-96.43112900000001,45.398467000000004 +4380,"Parking Lot, Swartout WMA",-94.06691900000001,45.227303000000006 +4381,"Parking Lot, Thielke Lake WMA",-96.39039100000001,45.384644 +4382,"Parking Lot, Sween WMA",-95.58469000000001,44.886742000000005 +4383,"Parking Lot, Timber Doodle WMA",-95.97190300000001,47.745988000000004 +4384,"Parking Lot, Thomson WMA",-96.33394100000001,45.384964000000004 +4385,"Parking Lot, Sween WMA",-95.570076,44.892201 +4386,"Parking Lot, Terrace WMA",-96.16975400000001,44.029535 +4387,"Parking Lot, Sweetman WMA",-95.62646600000001,44.022262000000005 +4388,"Parking Lot, Terrace WMA",-96.170332,44.023062 +4389,"Parking Lot, Swan Lake WMA, Peterson Lake Central Unit",-94.28064900000001,44.34658 +4390,"Parking Lot, Thielke Lake WMA",-96.41000000000001,45.384458 +4391,"Parking Lot, Swan Lake WMA, Peterson Lake North Unit",-94.27091300000001,44.346588000000004 +4392,"Parking Lot, Thedin WMA",-96.12999900000001,45.745126000000006 +4393,"Parking Lot, Swan Lake WMA, Wiwi Bay Unit",-94.134068,44.340034 +4394,"Parking Lot, Teal Lake WMA",-95.20725,43.790313000000005 +4395,"Parking Lot, Swartout WMA",-94.057377,45.228052000000005 +4396,"Parking Lot, Teal Scurry WMA",-94.61964300000001,45.304136 +4397,"Parking Lot, Schwerin Creek WMA",-92.73391450000001,43.6596252 +4398,"Parking Lot, Teal Scurry WMA",-94.612362,45.304099 +4399,"Parking Lot, Schweigert WMA",-95.58195590000001,43.847712900000005 +4400,"Parking Lot, Schweigert WMA",-95.57294,43.837457 +4401,"Parking Lot, Schweigert WMA",-95.57295,43.835905000000004 +4402,"Parking Lot, Spectacle WMA, Main Unit",-93.41083300000001,45.566353 +4403,"Parking Lot, Sheas Lake WMA",-93.717747,44.473199 +4404,"Parking Lot, Shetek WMA, West Unit",-95.653372,44.152529 +4405,"Parking Lot, Shible WMA",-96.043417,45.248831 +4406,"Parking Lot, Shirley's Slough WMA",-95.778965,43.905397 +4407,"Parking Lot, Sheas Lake WMA",-93.732608,44.460282 +4408,"Parking Lot, Sibley WMA",-94.200568,44.471182000000006 +4409,"Parking Lot, Skarpness WMA",-95.245328,45.489786 +4410,"Parking Lot, Seha WMA",-93.66629900000001,44.202233 +4411,"Parking Lot, Sedan WMA",-95.267362,45.599537000000005 +4412,"Parking Lot, Skoog WMA",-96.51392000000001,45.519742 +4413,"Parking Lot, Skoog WMA",-96.520595,45.514523000000004 +4414,"Parking Lot, Schoeberl WMA",-95.805824,43.883233000000004 +4415,"Parking Lot, Skoog WMA",-96.53051500000001,45.529036000000005 +4416,"Parking Lot, Schneewind WMA",-93.82887000000001,44.809467000000005 +4417,"Parking Lot, Sheets Lake WMA",-94.84056000000001,46.084971 +4418,"Parking Lot, Scheuring WMA, South Unit",-95.8118,43.84342 +4419,"Parking Lot, Sheets Lake WMA",-94.83825,46.078055000000006 +4420,"Parking Lot, Sax WMA",-92.60366250000001,47.1968753 +4421,"Parking Lot, Sherwood WMA",-96.013896,43.590287000000004 +4422,"Parking Lot, Schumann WMA",-92.558334,43.863456 +4423,"Parking Lot, Sherwood WMA",-96.013969,43.589236 +4424,"Parking Lot, Schrafel WMA",-93.0253409,43.6668783 +4425,"Parking Lot, Shetek WMA, East Unit",-95.62330200000001,44.148759000000005 +4426,"Parking Lot, Schoeberl WMA",-95.804134,43.884224 +4427,"Parking Lot, Shetek WMA, West Unit",-95.65336400000001,44.140059 +4428,"Parking Lot, Shetek WMA, West Unit",-95.653502,44.145483000000006 +4429,"Parking Lot, Sartell WMA",-94.19519700000001,45.781888 +4430,"Parking Lot, Shetek WMA, West Unit",-95.661181,44.152126 +4431,"Parking Lot, Sauk River WMA",-94.91676000000001,45.690799000000005 +4432,"Parking Lot, Whitewater WMA, South Branch Unit",-91.984171,44.020448 +4433,"Parking Lot, Sarah-Mason WMA, East Unit",-95.763902,44.113795 +4434,"Parking Lot, Whitewater WMA, Upper South Branch Unit",-91.944376,44.006026000000006 +4435,"Parking Lot, Sartell WMA",-94.196594,45.779235 +4436,"Parking Lot, Whitewater WMA, North Branch Unit",-92.1490273,44.0892666 +4437,"Parking Lot, Sauk River WMA",-94.93271700000001,45.679867 +4438,"Parking Lot, Whitewater WMA, South Branch Unit",-91.944703,44.040195000000004 +4439,"Parking Lot, Whitewater WMA, North Branch Unit",-92.10421500000001,44.106675 +4440,"Parking Lot, Sauk River WMA",-94.93581200000001,45.698024000000004 +4441,"Parking Lot, Whitewater WMA, North Branch Unit",-92.12912150000001,44.092853500000004 +4442,"Parking Lot, Sauk River WMA",-94.922098,45.680690000000006 +4443,"Parking Lot, Whitewater WMA, North Branch Unit",-92.061518,44.093637 +4444,"Parking Lot, Sauk River WMA",-94.900119,45.674962 +4445,"Parking Lot, Whitewater WMA, North Branch Unit",-92.05952500000001,44.0855 +4446,"Parking Lot, Santer WMA",-95.02608400000001,45.93213 +4447,"Parking Lot, Winter WMA, West Unit",-96.347953,44.132496 +4448,"Parking Lot, Santer WMA",-95.025475,45.926935 +4449,"Parking Lot, Wire Tree WMA",-93.22429600000001,45.780595000000005 +4450,"Parking Lot, Santer WMA",-95.046295,45.932203 +4451,"Parking Lot, Windot WMA",-94.367709,44.498505 +4452,"Parking Lot, Santer WMA",-95.035752,45.932177 +4453,"Parking Lot, Winter WMA, West Unit",-96.36434000000001,44.139494000000006 +4454,"Parking Lot, Santiago WMA",-93.814807,45.486716 +4455,"Parking Lot, William A. Groebner WMA",-94.72094700000001,44.183584 +4456,"Parking Lot, Sarah-Mason WMA, Central Unit",-95.783794,44.119313000000005 +4457,"Parking Lot, Willmar WMA",-95.01169010000001,45.1608858 +4458,"Parking Lot, Santer WMA",-95.02567,45.923633 +4459,"Parking Lot, Wieker WMA",-94.73131000000001,45.051927000000006 +4460,"Parking Lot, Wild Rose WMA",-92.963575,45.629578 +4461,"Parking Lot, Santer WMA",-95.02568500000001,45.923095 +4462,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.98028000000001,44.125599 +4463,"Parking Lot, Spirit Prairie WMA",-94.7026955,45.3946683 +4464,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.98122500000001,44.09951 +4465,"Parking Lot, Spirit Marsh WMA",-94.911854,45.641901000000004 +4466,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.969668,44.099230000000006 +4467,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.039623,44.106734 +4468,"Parking Lot, Sponsa WMA",-94.62437800000001,45.854892 +4469,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.00031600000001,44.110795 +4470,"Parking Lot, Spohn WMA",-95.104652,45.833554 +4471,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.00099800000001,44.112460000000006 +4472,"Parking Lot, Spruce Creek WMA",-95.20837800000001,46.077387 +4473,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.000473,44.116878 +4474,"Parking Lot, Spring Creek WMA",-95.93551500000001,47.108217 +4475,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.008148,44.120576 +4476,"Parking Lot, Whitewater WMA, North Branch Unit",-92.06261,44.096133 +4477,"Parking Lot, Stable Banks WMA",-95.67355300000001,43.779604000000006 +4478,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.969519,44.120378 +4479,"Parking Lot, St. Thomas Lake WMA",-93.77343900000001,44.499618000000005 +4480,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.03498800000001,44.128025 +4481,"Parking Lot, Sonnenberg WMA",-95.7863334,46.6728584 +4482,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.050071,44.128267 +4483,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.012607,44.19283 +4484,"Parking Lot, Spartan WMA",-95.60335500000001,44.851345 +4485,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.98934000000001,44.056491 +4486,"Parking Lot, Southeast Hanska WMA",-94.590235,44.125154 +4487,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.00413900000001,44.075185000000005 +4488,"Parking Lot, Spectacle WMA, Main Unit",-93.41144,45.558192000000005 +4489,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.00434200000001,44.080705 +4490,"Parking Lot, Spartina WMA",-93.307828,44.606989000000006 +4491,"Paved Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.92772500000001,45.049882000000004 +4492,"Parking Lot, Spectacle WMA, Spectacle Lake Annex Unit",-93.386846,45.557954 +4493,"Paved Parking Lot, Lac qui Parle WMA, Controlled Hunting Zone",-95.8882014,45.0524557 +4494,"Paved Parking Lot, Lac qui Parle WMA, Main Unit",-95.853379,45.059071 +4495,"Paved Parking Lot,",-95.901532,45.030408 +4496,"Paved Parking Lot, Tutt WMA",-95.977652,44.115267 +4497,"Paved Parking Lot,",-95.8682641,45.0212385 +4498,"Paved Parking Lot,",-95.90934700000001,45.037248000000005 +4499,"Paved Parking Lot, Crow Wing Chain WMA",-94.870491,46.823025 +4500,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.97958000000001,44.192264 +4501,"Paved Parking Lot, Wolf Lake WMA, Cottonwood County Unit",-95.10021900000001,43.858074 +4502,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.95022700000001,44.192401000000004 +4503,"Parking Lot, Woodland WMA",-93.890713,45.050428000000004 +4504,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.972555,44.158566 +4505,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.97056500000001,44.154475000000005 +4506,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.931697,44.185759000000004 +4507,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.99581,44.184251 +4508,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.99637200000001,44.17832 +4509,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.02045190000001,44.171505 +4510,"Parking Lot, Woodland WMA",-93.909844,45.050302 +4511,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.016334,44.153025 +4512,"Parking Lot, Woodstock WMA, East Unit",-96.08404700000001,44.101184 +4513,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.037113,44.151467000000004 +4514,"Parking Lot, Woodrow Pediocetes WMA",-94.611568,47.951434000000006 +4515,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.0070031,44.1502172 +4516,"Parking Lot, Woodbury WMA",-92.74087200000001,44.283007000000005 +4517,"Parking Lot, White Bear WMA",-95.582918,45.672281000000005 +4518,"Parking Lot, Wirock WMA",-95.70371700000001,43.896857000000004 +4519,"Parking Lot, West Union WMA",-95.09492,45.827549000000005 +4520,"Parking Lot, Woodland WMA",-93.889176,45.058718000000006 +4521,"Parking Lot, Whited WMA",-93.249075,45.971544 +4522,"Parking Lot, White Fish Lake WMA",-93.80348000000001,46.202458 +4523,"Parking Lot, Woodland WMA",-93.90460900000001,45.040114 +4524,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.00515100000001,44.13749 +4525,"Parking Lot, Zim WMA, Main Unit",-92.602872,47.226019 +4526,"Parking Lot, Whitewater WMA, Callahan Unit",-92.0786702,44.056230400000004 +4527,"Parking Lot, Yohi WMA",-94.899967,45.12785 +4528,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.964574,44.074051000000004 +4529,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.97193,44.149350000000005 +4530,"Parking Lot, Zion WMA",-94.76297500000001,45.413055 +4531,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.9739315,44.1979544 +4532,"Parking Lot, Zion WMA",-94.762617,45.426840000000006 +4533,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.010395,44.091076300000005 +4534,"Parking Lot, Wrenshall WMA",-92.406811,46.568407 +4535,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.05590400000001,44.145388000000004 +4536,"Parking Lot, Woodstock WMA, East Unit",-96.070023,44.09543 +4537,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.04062900000001,44.184184 +4538,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.98904300000001,44.049396 +4539,"Parking Lot, Yohi WMA",-94.889837,45.133822 +4540,"Parking Lot, Whitewater WMA, Main Branch Unit",-92.00564200000001,44.101829 +4541,"Parking Lot, Wrightstown WMA",-95.229994,46.267389 +4542,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.939873,44.212045 +4543,"Parking Lot, Vogel WMA",-95.02575700000001,44.195046000000005 +4544,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.9952987,44.146533000000005 +4545,"Parking Lot, Volkman WMA, North Central Unit",-95.29399400000001,45.755741 +4546,"Parking Lot, Vietnam Veterans WMA",-93.582155,45.515808 +4547,"Parking Lot, Vision WMA",-94.927155,45.545985 +4548,Lock and Dam Number Five,-91.81154380000001,44.160519400000005 +4549,"Parking Lot, Wade WMA",-95.597779,45.703181 +4550,"Parking Lot, Wajer WMA",-95.732489,43.935378 +4551,"Parking Lot, Volkman WMA, Northeast Unit",-95.278856,45.754865 +4552,"Parking Lot, W. R. Taylor Memorial WMA",-94.470864,43.972861 +4553,"Parking Lot, Walter WMA, South East Unit",-96.375877,45.071781 +4554,"Parking Lot, Wambach WMA",-95.93971300000001,47.391934000000006 +4555,"Parking Lot, Wajer WMA",-95.731384,43.935272000000005 +4556,"Parking Lot, Waldbillig WMA",-93.73831600000001,48.446743000000005 +4557,"Parking Lot, Weiler WMA",-95.83540900000001,45.582309 +4558,"Parking Lot, West Toqua WMA",-96.454509,45.548968 +4559,"Parking Lot, Ward Lake WMA",-94.444843,44.629945 +4560,"Parking Lot, Waubun WMA",-96.017797,47.163081000000005 +4561,"Parking Lot, Ulen WMA",-96.34312800000001,47.082467 +4562,"Parking Lot, Tympanuchus WMA",-96.427581,47.687593 +4563,"Parking Lot, Tympanuchus WMA",-96.427982,47.702136 +4564,"Parking Lot, Tutt WMA",-95.98335,44.116718000000006 +4565,"Parking Lot, Vale WMA",-93.940033,44.557562000000004 +4566,"Parking Lot, Valdine WMA",-96.054686,46.22128 +4567,"Parking Lot, Upper Rice WMA",-95.31869400000001,47.384882000000005 +4568,"Parking Lot, Ulen WMA",-96.324993,47.07885 +4569,"Parking Lot, Vanose WMA",-95.79649500000001,47.434054 +4570,"Parking Lot, Vanose WMA",-95.825884,47.433146 +4571,"Parking Lot, Van Luik WMA",-95.657345,45.665199 +4572,"Parking Lot, Van Eck WMA",-96.02387800000001,44.141082000000004 +4573,"Parking Lot, Victory WMA",-96.35121400000001,45.326623000000005 +4574,"Parking Lot, Victory WMA",-96.357194,45.326608 +4575,"Parking Lot, Victor Winter WMA",-95.067766,45.745239000000005 +4576,"Parking Lot, Vermilya WMA",-92.09383000000001,43.919414 +4577,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.94662000000001,44.207527000000006 +4578,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.961184,44.204503 +4579,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.962748,44.20121 +4580,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.968709,44.198105000000005 +4581,"Parking Lot, Whitewater WMA, Main Branch Unit",-91.975937,44.193121000000005 +4582,Lock and Dam Number Five A,-91.6687612,44.088296400000004 +4583,Genoa Fish Hatchery Pond One Dam,-91.2351326,43.521639500000006 +4584,Lock and Dam Number 6,-91.43819930000001,43.9996851 +4585,Pond One 0,-91.2351326,43.521639500000006 +4586,Genoa Fish Hatchery Pond 3 Dam,-91.2317993,43.519972800000005 +4587,Pond Three 0,-91.2317993,43.519972800000005 +4588,Stateline Flowage 3,-92.2935284,46.294941800000004 +4589,Cranberry Creek Wildlife G1997.1 Dam,-92.2935284,46.294941800000004 +4590,Pool Six 60000,-91.438477,43.9999629 +4591,WRMS-AM (Beardstown),-95.7669587,43.6666315 +4592,KXXL-AM (Grand Forks),-97.0297979,47.964423800000006 +4593,Pool Four 57100,-91.92349540000001,44.324965500000005 +4594,Riverside Dam,-97.0447989,47.9410906 +4595,Student Health Services,-91.6419685,44.046888800000005 +4596,Roger Bacon Center,-91.66816530000001,44.0527802 +4597,Hollandale Heritage Huis,-93.204672,43.7603918 +4598,Alverna Center,-91.66820480000001,44.0516297 +4599,Hormel Historic Home,-92.97685910000001,43.6705185 +4600,Polish Cultural Institute,-91.62737050000001,44.0507963 +4601,Cottonwood County Historical Society,-95.1179314,43.8644941 +4602,Tau Center,-91.67098250000001,44.049963000000005 +4603,Intergovernmental Center,-94.00527930000001,44.1653407 +4604,Arts and Heritage Center,-93.58055560000001,44.440277800000004 +4605,Tyler Public Library,-96.1344773,44.2788551 +4606,Gustavus Adolphus College Arboretum,-93.9775,44.3216667 +4607,Performance Center,-91.6957052,44.0430186 +4608,Gostomski Fieldhouse,-91.69459400000001,44.044129700000006 +4609,The Hendrickson Center,-91.6954274,44.0457963 +4610,Adducci Science Center,-91.69653860000001,44.046629700000004 +4611,Ek Family Village,-91.69737190000001,44.0485741 +4612,Stonehedge,-91.69737140000001,44.024962900000006 +4613,A H Anderson Social Science Center,-93.9713608,44.321647000000006 +4614,Visitors' Cottage Number One and Number Two,-91.6968164,44.0494074 +4615,Visitors' Cottage Number Three,-91.6968164,44.0494074 +4616,Hoffman Center,-93.9789289,44.310782100000004 +4617,Christian Brothers Residence,-91.6918162,44.0446852 +4618,Lund Center,-93.9716946,44.324896200000005 +4619,New Village,-91.69987180000001,44.040796300000004 +4620,Old Main,-93.9686779,44.3218273 +4621,The Heights,-91.6915384,44.0455186 +4622,Madison Lutheran Home,-96.18666560000001,45.018050300000006 +4623,Wright County Heritage Center,-93.8627778,45.205277800000005 +4624,American Indian Center,-94.1535336,45.5503392 +4625,Carlton County Historical Society,-92.45903580000001,46.7214168 +4626,Sexton Commons,-94.39487430000001,45.5816488 +4627,Pine Valley Ski Chalet,-92.46111110000001,46.705000000000005 +4628,Ardolf Science Center,-94.31994920000001,45.5604941 +4629,Amador Heritage Center,-92.78537220000001,45.4929689 +4630,Monastery,-94.32005140000001,45.563754700000004 +4631,Elk River Mall,-93.55972220000001,45.3083333 +4632,Peter Engel Science Center,-94.390336,45.580950400000006 +4633,Monastery - Breuer Wing,-94.39254620000001,45.5795988 +4634,Bronko Nagurski Monument;Koochiching County Historical Museum,-93.4086558,48.6034166 +4635,The Quadrangle,-94.393662,45.5798391 +4636,East Polk Heritage Center,-95.7419761,47.571626200000004 +4637,Camp Ripley Environmental Education Center,-94.3590406,46.080896100000004 +4638,Itasca County Sherrif's Office,-93.5260212,47.236728400000004 +4639,Osakis Visitor Heritage Center,-95.1396778,45.864309600000006 +4640,Science Center,-92.10472220000001,46.815000000000005 +4641,Metten Court,-94.3968057,45.5856313 +4642,Somers Suite,-92.10472220000001,46.816944400000004 +4643,Saint Vincent Court,-94.39605990000001,45.586328800000004 +4644,Wellness Center,-92.10689400000001,46.8177858 +4645,Collegeville Institute for Ecumenic Cultural Research,-94.3979644,45.5842284 +4646,Anoka-Metro Regional Treatment Center,-93.37938050000001,45.214821300000004 +4647,Cook County Law Endorcement,-90.32361110000001,47.7577778 +4648,Bois Forte Heritage Center,-92.3222222,47.825 +4649,Foss Log Cabin,-95.8672222,46.288333300000005 +4650,Duluth Clinic-Virginia,-92.54185550000001,47.531323500000006 +4651,Harold and Ruth Schaefer Fine Arts Center,-93.97465890000001,44.321380700000006 +4652,Dorothy Catholic Day Center,-93.1002,44.9472 +4653,Plymouth Ice Center,-93.4752673,45.023416600000004 +4654,Robbinsdale High School Resource Center,-93.34585050000001,45.022439600000006 +4655,Little Sisters of the Poor,-93.1084,44.9375 +4656,Fine Arts Center,-93.9733715,44.320555600000006 +4657,Corpus Christi Home,-92.1026892,46.807994900000004 +4658,Sandstone History and Art Center,-92.86665040000001,46.1321433 +4659,Esquagama Club,-92.3585146,47.4665936 +4660,Art Center,-94.3970737,45.580777700000006 +4661,Cottonwood County Courthouse,-95.1169366,43.866068600000006 +4662,Saint James Orphanage,-92.080188,46.8546604 +4663,Waseca County Courthouse,-93.50785830000001,44.079822500000006 +4664,Spudville Clubhouse,-92.84990830000001,47.4377092 +4665,Fillmore County Courthouse,-92.086549,43.677186600000006 +4666,Vermilion Dam Club,-92.47071310000001,47.9915778 +4667,Watonwan County Courthouse,-94.62552910000001,43.9813466 +4668,Valencia Arts Center,-91.6681279,44.050656200000006 +4669,Lincoln County Courthouse,-96.2517076,44.4627428 +4670,Oak Hills Institute,-94.90277990000001,47.425786200000005 +4671,Dodge County Courthouse,-92.7550379,44.068274800000005 +4672,Jackson County Courthouse,-94.99016110000001,43.6211081 +4673,Blue Earth County Courthouse,-93.9993996,44.1638553 +4674,The Spot,-91.9778661,43.7217904 +4675,Martin County Courthouse,-94.4649723,43.653010900000005 +4676,Freeborn County Courthouse,-93.3682601,43.6466025 +4677,Faribault County Courthouse,-94.10301550000001,43.642177200000006 +4678,Nicollet County Courthouse,-93.95805560000001,44.3219444 +4679,Mower County Courthouse,-92.97381220000001,43.667956600000004 +4680,Morrison County Courthouse,-94.3602778,45.9755556 +4681,Houston County Courthouse,-91.49597410000001,43.6327469 +4682,Lac qui Parle County Courthouse,-96.19250000000001,45.015 +4683,Todd County Courthouse,-94.8609237,45.972728200000006 +4684,Benton County Courthouse,-93.9079141,45.6659051 +4685,Swift County Courthouse,-95.6005556,45.316944400000004 +4686,Wright County Courthouse,-93.8774554,45.173793100000005 +4687,Chippewa County Courthouse,-95.7138889,44.951111100000006 +4688,Pope County Courthouse,-95.3876391,45.6498019 +4689,Meeker County Courthouse,-94.5291157,45.1297298 +4690,Big Stone County Courthouse,-96.4438889,45.3047222 +4691,McLeod County Courthouse,-94.1505702,44.769958100000004 +4692,Swift County Courthouse,-95.6005556,45.316944400000004 +4693,Sibley County Courthouse,-94.2202778,44.5561111 +4694,Meeker County Courthouse,-94.5285829,45.1294916 +4695,Yellow Medicine County Courthouse,-95.545,44.8097222 +4696,Cook County Courthouse,-90.33929040000001,47.7525185 +4697,Goodhue County Courthouse,-92.534059,44.5617068 +4698,Lake County Courthouse,-91.6714721,47.0220713 +4699,Wabasha County Courthouse,-92.03,44.3797222 +4700,Scott County Courthouse,-93.52629660000001,44.79504 +4701,Le Sueur County Courthouse,-93.7319444,44.388611100000006 +4702,Mahnomen County Courthouse,-95.9692742,47.3178009 +4703,Polk County Courthouse,-96.60215640000001,47.778683900000004 +4704,Beltrami County Courthouse,-94.8823911,47.4738449 +4705,Carlton County Courthouse,-92.4241667,46.665000000000006 +4706,Crow Wing County Historic Courthouse,-94.20377040000001,46.3554511 +4707,Pine County Courthouse,-92.97055560000001,45.8258333 +4708,Washington County Historic Courthouse,-92.8075,45.051388900000006 +4709,Pipestone Medical Group,-96.3229106,43.9915486 +4710,Lake of the Woods County Courthouse,-94.5841731,48.7104675 +4711,Hennepin County Courthouse,-93.26653080000001,44.9760028 +4712,Elmore City Fire Station,-94.08801530000001,43.5049556 +4713,Saint Paul City Hall and Courthouse,-93.09370000000001,44.9444 +4714,Kiester Fire Hall,-93.7124441,43.5363429 +4715,Saint Louis County Courthouse,-92.9261111,47.428611100000005 +4716,Anoka County Courthouse,-93.38600000000001,45.1982 +4717,Dunnell Fire Hall,-94.77526160000001,43.558289800000004 +4718,Sherburn Fire Hall,-94.72660280000001,43.6533634 +4719,Norman County Courthouse;Norman County Sheriff Department,-96.51339030000001,47.298442 +4720,Becker County Courthouse,-95.8463962,46.816950600000006 +4721,Koochiching County Courthouse,-93.4105219,48.601236400000005 +4722,Trimont Fire Hall,-94.7172003,43.762177400000006 +4723,Rushford Fire Department,-91.7549796,43.8064331 +4724,Bricelyn Fire Department,-93.8116571,43.5621749 +4725,Saint James Fire Department,-94.61886220000001,43.9657909 +4726,Glenville Fire Department,-93.2805781,43.5732304 +4727,Canton Fire Department,-91.930435,43.5291331 +4728,Twin Lakes Fire Department,-93.42493300000001,43.559677900000004 +4729,Lewisville Fire Department,-94.4366325,43.9235691 +4730,Albert Lea Fire Department,-93.3662697,43.6503237 +4731,Madelia Fire Department,-94.41913140000001,44.050516 +4732,Ceylon Fire Hall,-94.63220170000001,43.5332894 +4733,Bingham Fire Hall,-95.04637910000001,43.9066239 +4734,Alden City Fire Department,-93.5758,43.6713493 +4735,Darfur Fire Department,-94.839151,44.0519022 +4736,Waseca Fire Department,-93.50635860000001,44.0763399 +4737,Conger Fire Department,-93.5282708,43.6149554 +4738,Janesville Fire Hall,-93.707171,44.1174668 +4739,Emmons Fire Department,-93.48819230000001,43.5018043 +4740,New Richland Fire Hall,-93.4935509,43.8952382 +4741,Geneva Fire Station,-93.26682530000001,43.8236331 +4742,Medford Fire Department,-93.2419859,44.1712082 +4743,Okabena Fire Hall,-95.31583210000001,43.739404 +4744,Owatonna Fire Department,-93.2264992,44.083431100000006 +4745,Lakefield City Fire Department,-95.1713837,43.680237000000005 +4746,Blooming Prairie Fire Hall,-93.04930680000001,43.865653800000004 +4747,Heron Lake Fire Hall,-95.3230542,43.7938483 +4748,Ellendale Fire Department,-93.30073420000001,43.8727383 +4749,Fulda Fire Department,-95.6061191,43.8730186 +4750,Lismore Fire Hall,-95.9480741,43.7494104 +4751,Lake Wilson City Fire Department,-95.95289890000001,43.9965939 +4752,Dundee Fire Department,-95.46694790000001,43.8469059 +4753,Holland Fire Hall,-96.18864190000001,44.091635100000005 +4754,Rushmore Fire Department,-95.8014047,43.619409700000006 +4755,Ruthton Fire Hall,-96.10391800000001,44.176633300000006 +4756,Round Lake Fire Hall,-95.46889370000001,43.541075 +4757,Austin Fire Department,-92.97383350000001,43.66687 +4758,Winnebago Fire Department,-94.16912830000001,43.768010800000006 +4759,Mapleview Fire Station,-92.97922550000001,43.6886346 +4760,Adrian Fire Department,-95.93277,43.6338427 +4761,Brownsdale Fire Department,-92.86935430000001,43.740240400000005 +4762,Spring Valley Fire Department,-92.391796,43.687489400000004 +4763,La Crescent Fire Department,-91.3057723,43.828329000000004 +4764,Hokah Fire Department,-91.3443041,43.762189500000005 +4765,Eitzen Fire Department,-91.46069490000001,43.508305 +4766,Chatfield Fire Department,-92.18710010000001,43.8444244 +4767,Wykoff Fire Station,-92.2684986,43.7096863 +4768,Byron City Fire Hall,-92.65655430000001,44.0295234 +4769,Nicollet Fire Department,-94.1926258,44.276505900000004 +4770,North Mankato Fire Department,-94.0260001,44.1681566 +4771,Saint Peter Fire Department,-93.95960980000001,44.3231416 +4772,Cannon Falls Fire Hall,-92.90511430000001,44.5092292 +4773,Hanska Fire Department,-94.4927778,44.148333300000004 +4774,Stewart Fire Department,-94.48555560000001,44.7247222 +4775,Sleepy Eye Fire Department,-94.72390060000001,44.2964356 +4776,Buffalo Lake Fire Department,-94.6163889,44.7386111 +4777,Franklin Fire Department,-94.8802778,44.5283333 +4778,Revere Fire Station,-95.3647222,44.222222200000004 +4779,Granite Falls Fire Department,-95.54527780000001,44.81 +4780,Vesta Fire Department,-95.41598450000001,44.507604900000004 +4781,Hutchinson Fire Station,-94.36687620000001,44.8891099 +4782,Wabasso Fire Station,-95.2563839,44.400540500000005 +4783,Brownton Fire Department,-94.3511316,44.732559300000005 +4784,Wanda Fire Station,-95.21111110000001,44.316666700000006 +4785,Renville Fire Department,-95.21166620000001,44.790435900000006 +4786,Balaton Fire Department,-95.8719444,44.233333300000005 +4787,Sacred Heart Fire Department,-95.34971270000001,44.7875072 +4788,Garvin Fire Department,-95.76086690000001,44.214788600000006 +4789,Clements Fire Station,-95.05166670000001,44.381388900000005 +4790,Minneota City Fire Hall,-95.9888889,44.5602778 +4791,Belview Fire Station,-95.32833330000001,44.605000000000004 +4792,Claremont Fire Hall,-92.99958600000001,44.044155700000005 +4793,Zumbro Falls Fire Department,-92.4219444,44.2833333 +4794,Oslo Fire Hall,-92.7385186,43.892185500000004 +4795,Morgan Fire Department,-94.92805560000001,44.4163889 +4796,Lamberton Fire Station,-95.26472220000001,44.231666700000005 +4797,Hayfield Fire Department,-92.8487278,43.8916716 +4798,Kellogg Fire Station,-91.995,44.3063889 +4799,Ivanhoe Fire Department,-96.2483742,44.463020500000006 +4800,Red Wing Fire Department,-92.53136620000001,44.564522600000004 +4801,Lake Crystal Fire Department,-94.2179983,44.1076746 +4802,Kenyon Fire Department,-92.9845226,44.272239500000005 +4803,New Ulm Fire Department,-94.4675581,44.320907600000005 +4804,Goodhue Fire Department,-92.6236111,44.400555600000004 +4805,Elysian Fire Department,-93.68007010000001,44.1983302 +4806,Millville Fire Department,-92.2956515,44.2447919 +4807,Lewiston Fire Department,-91.8693858,43.987156000000006 +4808,Lake City Fire Department,-92.2658816,44.447859 +4809,Silver Lake Fire Department,-94.1990032,44.904853100000004 +4810,Elgin Fire Hall,-92.25138890000001,44.1302778 +4811,Lester Prairie Fire Department,-94.0419444,44.8858333 +4812,Wabasha Fire Station,-92.0349832,44.3785772 +4813,Winthrop Fire Department,-94.3638889,44.540277800000005 +4814,Grove City Fire Hall,-94.68277780000001,45.150555600000004 +4815,Montevideo Fire Department,-95.7138889,44.951111100000006 +4816,Litchfield Fire Department,-94.5294444,45.129444400000004 +4817,Watkins Fire Department,-94.4066667,45.3144444 +4818,Milan Fire Hall,-95.9111111,45.1113889 +4819,Wood Lake Fire Department,-95.5380556,44.6527778 +4820,Porter Fire Department,-96.16527780000001,44.6363889 +4821,New London Fire Department,-94.9438889,45.301388900000006 +4822,Watson Fire Department,-95.80122180000001,45.009706400000006 +4823,Lake Lillian Fire Department,-94.8796356,44.9433681 +4824,Granite Falls Fire Department,-95.54527780000001,44.81 +4825,Kandiyohi Fire Hall,-94.9308333,45.1322222 +4826,Murdock Fire Department,-95.39305560000001,45.2255556 +4827,Cokato Fire Station;Cokato Police Department,-94.1843668,45.0762475 +4828,Dassel Fire Station,-94.30666670000001,45.081944400000005 +4829,Howard Lake Fire Department,-94.0730556,45.060833300000006 +4830,Maple Lake Fire Department,-94.00417470000001,45.229486 +4831,Eden Valley Fire Department,-94.5477896,45.324920500000005 +4832,Montrose Fire Department,-93.9113889,45.0680556 +4833,Delano Fire Station,-93.7880825,45.0426456 +4834,Annandale Fire Department,-94.1244444,45.265555600000006 +4835,South Haven Fire Department,-94.2141667,45.2913889 +4836,Watkins Fire Department,-94.4066667,45.3144444 +4837,Starbuck Fire Department,-95.53083330000001,45.614444400000004 +4838,Clara City Fire Department,-95.3694444,44.9577778 +4839,Glenwood Fire Department,-95.38782,45.6502689 +4840,Montevideo Fire Department,-95.7138889,44.951111100000006 +4841,Morris Fire Department,-95.90688630000001,45.5788579 +4842,Cosmos Fire Hall,-94.69557710000001,44.935424100000006 +4843,Cyrus Fire Department,-95.7377778,45.6147222 +4844,Benson Fire Department,-95.60277780000001,45.3144444 +4845,Wheaton Fire Department,-96.49496780000001,45.805967900000006 +4846,Echo Fire Hall,-95.41722220000001,44.6169444 +4847,Hancock Fire Hall,-95.79439470000001,45.498445700000005 +4848,Porter Fire Department,-96.16527780000001,44.6363889 +4849,Buffalo Fire Department,-93.87583330000001,45.1755556 +4850,Monticello Fire Department,-93.8001584,45.303045700000006 +4851,Dawson Fire Department,-96.0555556,44.930555600000005 +4852,Braham Fire Hall,-93.17222220000001,45.723888900000006 +4853,Madison Fire Hall,-96.1930588,45.0124616 +4854,Elk River Fire Department Station Two,-93.60000000000001,45.3041667 +4855,Murdock Fire Department,-95.39305560000001,45.2255556 +4856,Isanti Fire Department,-93.2466667,45.4938889 +4857,Saint Cloud Fire Department,-94.1653289,45.559673100000005 +4858,Center City Fire Department,-92.8163889,45.3938889 +4859,Waite Park Fire Hall,-94.2339778,45.553996600000005 +4860,Almelund Fire Department,-92.7865738,45.4923634 +4861,Richmond Fire Department,-94.5202411,45.4534254 +4862,Harris Fire Hall,-92.9736111,45.5847222 +4863,Paynesville Fire Department,-94.71385120000001,45.378257000000005 +4864,Moberg Park,-92.8905556,45.3727778 +4865,Stacy Fire Department,-92.9829873,45.3957424 +4866,Melrose Fire Department,-94.8120952,45.670619900000005 +4867,Spicer Fire Department,-94.9397222,45.2330556 +4868,Sunburg Fire Department,-95.23812000000001,45.347791 +4869,Grey Eagle Fire Department,-94.7478145,45.823097100000005 +4870,Prinsburg Fire Department,-95.19239660000001,44.9409183 +4871,Long Prairie Fire Department,-94.86413010000001,45.974322300000004 +4872,Crosslake Fire Department,-94.1133128,46.689939300000006 +4873,Royalton Fire and Rescue,-94.2933333,45.830000000000005 +4874,Scandia Valley Fire Hall,-94.57833330000001,46.221944400000005 +4875,Upsala Volunteer Fire Department,-94.5708333,45.8086111 +4876,Fergus Falls Fire Department,-96.0696934,46.281765 +4877,Little Falls Fire Department,-94.361135,45.979315 +4878,Hackensack Fire Department,-94.5218318,46.932746 +4879,Motley Fire Department,-94.6458333,46.333888900000005 +4880,Foxhome Fire Department,-96.309683,46.2783663 +4881,Backus Fire Department,-94.51611000000001,46.820280000000004 +4882,Campbell City Fire Department,-96.4046517,46.0975234 +4883,Federal Dam Fire Department,-94.21083,47.24528 +4884,Wolverton Fire Department,-96.73392860000001,46.562980100000004 +4885,Remer City Fire Hall,-93.91583,47.056110000000004 +4886,Ashby Fire Department,-95.8166667,46.093333300000005 +4887,Jacobson Fire Department,-93.264291,47.0032372 +4888,Hoffman Fire Hall,-95.79166670000001,45.8294444 +4889,Sauk Center Fire Department,-94.9505582,45.7370061 +4890,Askov City Fire Department,-92.78051620000001,46.1909183 +4891,Cold Spring Fire Department,-94.4292939,45.4549132 +4892,Albany Fire Department,-94.5677778,45.631111100000005 +4893,Finlayson Fire and Rescue,-92.9175908,46.200766900000005 +4894,Avon Fire Department,-94.44816130000001,45.608438500000005 +4895,Hill City Fire Hall,-93.59611000000001,46.99139 +4896,Freeport Fire Department,-94.6897222,45.6627778 +4897,Brandon Fire Department,-95.5965472,45.964657900000006 +4898,Holdingford Fire Department,-94.47500000000001,45.7288889 +4899,Sturgeon Lake Fire Department,-92.8257385,46.381475800000004 +4900,Elizabeth Fire Department,-96.1288889,46.3797222 +4901,Pine City Fire Hall,-92.96937170000001,45.8250569 +4902,Dent Fire Department,-95.7161111,46.553611100000005 +4903,Big Lake Fire Station,-93.7448878,45.3328992 +4904,Battle Lake Fire Department,-95.71361680000001,46.280576100000005 +4905,Elk River Fire Department Station One,-93.56805560000001,45.305555600000005 +4906,Cloquet Fire Department,-92.45807710000001,46.7214146 +4907,Oklee Fire Department,-95.85490560000001,47.83919220000001 +4908,Parkers Prairie Fire Department,-95.32916850000001,46.153574000000006 +4909,Chaska Fire Station,-93.60718410000001,44.804850200000004 +4910,Tofte City Fire Hall,-90.8374984,47.572352800000004 +4911,Cologne Fire Department,-93.7811111,44.771666700000004 +4912,Schroeder Town - Fire Hall,-90.9014422,47.5425362 +4913,Waconia City Fire Station,-93.79077000000001,44.850183200000004 +4914,Bethel Fire Department,-93.26767170000001,45.403984900000005 +4915,Warba Fire Department,-93.2666667,47.1288889 +4916,Hugo Fire Department,-92.99777780000001,45.1527778 +4917,Big Fork Fire Hall,-93.65499460000001,47.741872400000005 +4918,Mayer Fire Station,-93.8876073,44.8882489 +4919,Balsam Fire Hall,-93.36333330000001,47.494722200000005 +4920,Saint Francis Fire Department,-93.36130750000001,45.386575300000004 +4921,Coleraine Fire Hall,-93.4202588,47.288281700000006 +4922,Watertown Fire Hall,-93.84,44.9619444 +4923,Marble Fire Department,-93.29833330000001,47.320555600000006 +4924,Victoria Fire Department,-93.6566667,44.858888900000004 +4925,Greenfield Fire Department,-93.70333330000001,45.087500000000006 +4926,Nevis City Fire Hall,-94.8365552,46.965475600000005 +4927,Loretto Fire Department,-93.6348224,45.0549509 +4928,Williams Fire Hall,-94.9544944,48.7683563 +4929,Mentor City Fire Department,-96.1434966,47.700869000000004 +4930,Baudette Fire Hall,-94.60131940000001,48.7121416 +4931,Bayport Fire Department,-92.78052070000001,45.018031 +4932,Stillwater Fire Department,-92.8110996,45.0569495 +4933,East Grand Forks Fire Department - Station Number One,-97.0258738,47.930165200000005 +4934,Carlton City Fire Department,-92.4225,46.663333300000005 +4935,New Prague Fire Department,-93.58530200000001,44.5487361 +4936,Pelican Rapids Fire Department,-96.08397470000001,46.567403600000006 +4937,New Market Fire Department,-93.3533333,44.5730556 +4938,Cromwell Fire Hall,-92.8838889,46.6808333 +4939,Shelly City Fire Department,-96.8215473,47.458611100000006 +4940,Esko Fire Department,-92.3634088,46.705233500000006 +4941,Gary City Fire Department,-96.2688626,47.371562100000006 +4942,Wrenshall Fire Department,-92.3894444,46.619722200000005 +4943,Moose Lake Fire Department,-92.7703422,46.4428264 +4944,Fosston Fire Department,-95.7511111,47.576388900000005 +4945,Fisher Fire Department,-96.8011111,47.8002778 +4946,Erskine Fire Hall,-96.00972220000001,47.667500000000004 +4947,Sabin Fire Hall,-96.65277780000001,46.7797222 +4948,Hendrum Fire Department,-96.81007840000001,47.264196500000004 +4949,Glyndon Fire Department,-96.57917210000001,46.874779000000004 +4950,Biwabik Fire Department,-92.34333330000001,47.5355556 +4951,Barnesville Fire Hall,-96.4191667,46.6511111 +4952,Babbitt Fire Department,-91.94407960000001,47.713729400000005 +4953,Clearbrook Fire Department,-95.4297221,47.691999700000004 +4954,Chisholm Fire Department,-92.8840809,47.489079600000004 +4955,East Grand Forks Fire Department - Station Number Two,-97.0133953,47.9184655 +4956,Buhl Fire Hall,-92.7775,47.4877778 +4957,Crookston City Fire Department,-96.61229010000001,47.769892000000006 +4958,Eveleth Fire Hall,-92.5386143,47.4645688 +4959,Ely Fire Department,-91.8637238,47.9026304 +4960,Hallock Fire Department,-96.94514930000001,48.7756465 +4961,Aurora Fire Hall,-92.2446609,47.526891400000004 +4962,Oslo Fire Hall,-97.1333333,48.195 +4963,Hoyt Lakes Fire Hall,-92.1472349,47.5195233 +4964,Warren Fire Hall,-96.77296360000001,48.1969288 +4965,Palo City Fire Hall,-92.2597222,47.415277800000005 +4966,Middle River Fire Hall,-96.16320800000001,48.434180100000006 +4967,Embarrass Volunteer Fire Department,-92.1975709,47.659136000000004 +4968,Argyle Fire Department,-96.8194404,48.333965500000005 +4969,Tower Volunteer Fire Department,-92.278508,47.804788900000005 +4970,Alvarado Fire Department,-96.9958333,48.194166700000004 +4971,Cook Fire Department,-92.68632740000001,47.852064500000004 +4972,Detroit Lakes City Fire Department,-95.85014570000001,46.819862900000004 +4973,International Falls Fire Department,-93.4049303,48.5994054 +4974,White Earth City Fire Department,-95.8430747,47.096734000000005 +4975,Solway Fire Hall,-95.1288889,47.52 +4976,Roseau Fire Hall,-95.76124920000001,48.8453893 +4977,Kelliher Fire Department,-94.448063,47.941599700000005 +4978,Audubon Fire Department,-95.9830556,46.8613889 +4979,Bemidji Fire Department,-94.8837819,47.4723125 +4980,Kennedy Fire Department,-96.9081426,48.639032300000004 +4981,Callaway Fire Hall,-95.9089649,46.980697600000006 +4982,Grand Meadow Public Library,-92.57149820000001,43.705995800000004 +4983,Warroad Fire Hall,-95.33215080000001,48.911892300000005 +4984,Ogema City Fire Department,-95.92485160000001,47.102544 +4985,Saint Louis County Fire Department,-92.19305560000001,46.8363889 +4986,Meadowlands Fire Department,-92.73222220000001,47.0719444 +4987,Le Roy Public Library,-92.502953,43.5144096 +4988,Riverside Arena,-92.96928910000001,43.668816500000005 +4989,Hibbing Fire Department,-92.9247222,47.4236111 +4990,Runals Memorial Library,-96.1305179,43.873406200000005 +4991,Cotton Fire Hall,-92.4735469,47.1695319 +4992,Fulda Memorial Library,-95.59975410000001,43.8716464 +4993,Albert Lea Public Library,-93.3668059,43.650198800000005 +4994,Floodwood Fire Department,-92.9138889,46.9258333 +4995,Martin County Library,-94.63220170000001,43.534122800000006 +4996,Industrial Volunteer Fire Department,-92.47055560000001,46.866111100000005 +4997,Dunnell Library,-94.77526160000001,43.5591232 +4998,Gilbert Fire Department,-92.46739260000001,47.4868716 +4999,Butterfield Library,-94.79465230000001,43.958958800000005 +5000,Virginia Fire Department,-92.5364716,47.5237902 +5001,Windom Public Library,-95.1179714,43.865565800000006 +5002,Caledonia Public Library,-91.4949024,43.634751200000004 +5003,La Salle Library,-94.56941590000001,44.0716258 +5004,Hokah Public Library,-91.3443041,43.762189500000005 +5005,Darfur Branch Library,-94.839151,44.0519022 +5006,Odin Library,-94.7427574,43.866345100000004 +5007,La Crescent Public Library,-91.305045,43.829002 +5008,Brownsdale Public Library,-92.8688566,43.74096 +5009,Lewisville Library,-94.43545230000001,43.923771900000006 +5010,Watonwan County Library,-94.6285201,43.981105500000005 +5011,Madelia Public Library,-94.41774210000001,44.0520824 +5012,Lanesboro Library,-91.9765366,43.7189247 +5013,Preston Public Library,-92.0834969,43.6701629 +5014,Jackson Public Library,-94.98888000000001,43.620513900000006 +5015,Harmony Library,-92.014049,43.552187800000006 +5016,Heron Lake Public Library,-95.316665,43.794126000000006 +5017,Mabel Public Library,-91.76848380000001,43.521634500000005 +5018,Lakefield Library,-95.17165800000001,43.679295100000004 +5019,Chatfield Public Library,-92.18743350000001,43.8447515 +5020,Fire Station 8,-93.09631900000001,44.950771700000004 +5021,Spring Valley Public Library,-92.39177000000001,43.6889185 +5022,Trimont City Library,-94.71747810000001,43.7616219 +5023,Spring Grove Library,-91.6387881,43.5609545 +5024,Sherburn Library,-94.7276846,43.6530488 +5025,Kasson Public Library,-92.7491919,44.030233800000005 +5026,Granada Library,-94.34774580000001,43.695510600000006 +5027,New Ulm Library,-94.4613628,44.313025 +5028,Bricelyn City Library,-93.8118931,43.5621765 +5029,Blue Earth Community Library,-94.10340710000001,43.6377153 +5030,Martin County Library,-94.4606725,43.653725800000004 +5031,Welcome Library,-94.6183101,43.668288700000005 +5032,Elmore Library,-94.08743000000001,43.504878700000006 +5033,Kasota Public Library,-93.96472220000001,44.292500000000004 +5034,Adrian Branch Library,-95.93285320000001,43.634531800000005 +5035,North Mankato Library,-94.02533070000001,44.168680300000005 +5036,Muir Library,-94.16552700000001,43.7686864 +5037,North Mankato Campus Library,-94.0466667,44.174444400000006 +5038,Folke Bernadotte Memorial Library,-93.97194440000001,44.3236111 +5039,Balaton Library,-95.8721388,44.2337727 +5040,Comfrey Public Library,-94.9080304,44.1097072 +5041,Cottonwood Library,-95.6733281,44.6089678 +5042,Hanska Community Library,-94.49166670000001,44.1491667 +5043,Minneota City Public Library,-95.9888889,44.561111100000005 +5044,Kenyon Public Library,-92.9848793,44.271874600000004 +5045,Tracy Public Library,-95.6195708,44.2331602 +5046,Cannon Falls Library,-92.90498290000001,44.5081245 +5047,Springfield Public Library,-94.97425290000001,44.225342000000005 +5048,Van Horn Library,-92.64534040000001,44.2001903 +5049,Dyckman Free Library,-94.7269107,44.296879100000005 +5050,Gaylord Branch Library,-94.5255556,44.5319444 +5051,Gaylord City Library,-94.2218029,44.553254900000006 +5052,Henderson Public Library,-93.90801920000001,44.5273388 +5053,Winthrop City Library,-94.3638889,44.542222200000005 +5054,Mountain Lake Public Library,-94.9291534,43.9396793 +5055,Westbrook Library,-95.43628140000001,44.041938800000004 +5056,Waseca La Sueur Library,-93.5068871,44.0810742 +5057,Janesville Public Library,-93.7078297,44.1174714 +5058,Morgan City Library,-94.92618060000001,44.4164675 +5059,New Richland Public Library,-93.49363670000001,43.893455 +5060,Lamberton Public Library,-95.2638659,44.231426500000005 +5061,Blooming Prairie Library,-93.04943010000001,43.8661466 +5062,Redwood Falls Library,-95.11416670000001,44.5375 +5063,Waterville Public Library,-93.56690900000001,44.2176776 +5064,Red Wing Library,-92.53555560000001,44.5644444 +5065,Montgomery Public Library,-93.5808538,44.435431400000006 +5066,Le Center Public Library,-93.73171230000001,44.391111200000005 +5067,Plainview Public Library,-92.17100380000001,44.165642600000005 +5068,Elysian Public Library,-93.67377250000001,44.1989917 +5069,Lake City Public Library,-92.26611770000001,44.448086800000006 +5070,Cleveland Public Library,-93.8373011,44.3248331 +5071,Lake Benton Library,-96.28670570000001,44.2613568 +5072,Kilkenny Public Library,-93.5738889,44.313333300000004 +5073,Lake Crystal Public Library,-94.21797860000001,44.1076861 +5074,Dodge County Historical Society Library,-92.75632180000001,44.069312700000005 +5075,Ivanhoe Public Library,-96.24610750000001,44.463501300000004 +5076,Hayfield Library,-92.8463328,43.8907729 +5077,West Concord Library,-92.89919760000001,44.151802200000006 +5078,Dodge Center Library,-92.85659820000001,44.028284400000004 +5079,Lake Lillian Library,-94.879834,44.944881 +5080,Fitzgerald Library,-91.69514960000001,44.0446852 +5081,Delano Library,-93.78817240000001,45.040826800000005 +5082,Howard Lake Library,-94.067881,45.060254 +5083,Annandale Public Library,-94.1233333,45.263888900000005 +5084,Rockford Public Library,-93.7329141,45.089511200000004 +5085,Stearns County Law Library,-94.16227330000001,45.5604844 +5086,Graceville Public Library,-96.4366502,45.567733100000005 +5087,Spicer Library,-94.9403245,45.236273700000005 +5088,Atwater Library,-94.78206970000001,45.137207100000005 +5089,Willmar Public Library,-95.0494316,45.119246600000004 +5090,New London Library,-94.9421463,45.301122 +5091,Raymond Public Library,-95.2383387,45.0159091 +5092,Montevideo Public Library,-95.7238488,44.944893500000006 +5093,Kerkhoven Public Library,-95.3152778,45.191944400000004 +5094,C A Rolloff Law Library,-95.7138889,44.951111100000006 +5095,Canby Public Library,-96.27479430000001,44.708483400000006 +5096,Clara City Public Library,-95.3675395,44.956751700000005 +5097,Milan Branch Library,-95.91300170000001,45.108551500000004 +5098,Pioneer Land Library,-95.4694444,44.907500000000006 +5099,Pioneer Land Library,-95.4694444,44.907500000000006 +5100,Clara City Public Library,-95.3680556,44.955277800000005 +5101,Dawson Public Library,-96.0555556,44.9291667 +5102,Hector Public Library,-94.71542430000001,44.744604100000004 +5103,Dassel Public Library,-94.3092709,45.0807177 +5104,Fairfax Public Library,-94.71881490000001,44.527807300000006 +5105,Hancock Library,-95.79429010000001,45.498261400000004 +5106,Hutchinson City Library,-94.3681414,44.8916825 +5107,Wheaton Community Library,-96.49576060000001,45.8051218 +5108,Renville City Library,-95.21176200000001,44.7908551 +5109,Glencoe Public Library,-94.14823820000001,44.770527900000005 +5110,Browns Valley Library,-96.83275900000001,45.594652200000006 +5111,Brownton Public Library,-94.35304640000001,44.729671100000004 +5112,Ortonville City Public Library,-96.4481726,45.308451100000006 +5113,Arlington Public Library,-94.0809646,44.6073606 +5114,Milan Branch Library,-95.9130556,45.108611100000005 +5115,Winsted Public Library,-94.0479796,44.9642319 +5116,Glenwood Public Library,-95.3881017,45.6490084 +5117,Benson Public Library,-95.59944440000001,45.315277800000004 +5118,C A Rolloff Law Library,-95.7138889,44.951111100000006 +5119,Appleton City Library,-96.02166670000001,45.2005556 +5120,Cosmos Library,-94.69702000000001,44.937584900000004 +5121,Kerkhoven Public Library,-95.31577130000001,45.191865 +5122,Grove City Library,-94.681194,45.151362400000004 +5123,Granite Falls Public Library,-95.5393001,44.811170100000005 +5124,Litchfield Public Library,-94.5262819,45.128251000000006 +5125,Clarkfield Community Library,-95.8024084,44.790869400000005 +5126,Bird Island Village Library,-94.8952452,44.7656086 +5127,Madison Public Library,-96.1933333,45.0125 +5128,Benson Public Library,-95.59944440000001,45.315277800000004 +5129,Barnesville City Library,-96.41963770000001,46.653679600000004 +5130,Jordan Public Library,-93.6349974,44.665902700000004 +5131,Polk County Library - Fertile,-96.28,47.53611110000001 +5132,East Grand Forks Public Library,-97.02541980000001,47.930706400000005 +5133,Belle Plaine Public Library,-93.76946360000001,44.622732500000005 +5134,New Market Public Library,-93.3533333,44.5730556 +5135,Foley Community Library,-93.9118703,45.664886200000005 +5136,Sandstone Public Library,-92.86629570000001,46.1316556 +5137,Becker Library,-93.87165110000001,45.4011689 +5138,Pine City Library,-92.9692526,45.8262353 +5139,Great River Regional Library,-93.7446608,45.3330934 +5140,Great River Regional Library,-94.8104387,45.675934100000006 +5141,Hinckley Public Library,-92.94152770000001,46.014284100000005 +5142,Paynesville Public Library,-94.71331280000001,45.382034700000006 +5143,McGregor Public Library,-93.3065097,46.6065534 +5144,Hill Museum & Manuscript Library,-94.3923154,45.581377100000005 +5145,Myrtle Maybee Public Library,-95.0041667,45.453055600000006 +5146,Pine River Library,-94.4038144,46.719549900000004 +5147,Alcuin Library,-94.3918488,45.5813034 +5148,Albany Public Library,-94.5688288,45.6294234 +5149,Walker Public Library,-94.5805253,47.1033641 +5150,Bryant Public Library,-94.95235450000001,45.7349174 +5151,Kitchigami Regional Library,-94.60556000000001,47.38 +5152,Pierz Public Library,-94.10277780000001,45.974166700000005 +5153,Brainerd Public Library,-94.2028712,46.3542445 +5154,Wilkin County Historical Society Library,-96.5847222,46.265 +5155,Carnegie Library,-94.3586298,45.9767072 +5156,Perham Library,-95.5701391,46.5953444 +5157,Kinney Public Library,-92.7305556,47.514166700000004 +5158,Pelican Rapids Library,-96.08463040000001,46.569665 +5159,Centennial Library,-93.15551430000001,45.1438238 +5160,Hoyt Lakes Public Library,-92.14559750000001,47.519151900000004 +5161,Cloquet Public Library,-92.44861110000001,46.716666700000005 +5162,Eveleth Public Library,-92.5356533,47.4623731 +5163,Moose Lake Public Library,-92.76165870000001,46.4534828 +5164,Cook Public Library,-92.68930730000001,47.852266 +5165,Staples Public Library,-94.7916014,46.355356500000006 +5166,Chisholm Public Library,-92.88416670000001,47.4897222 +5167,Buhl Public Library,-92.7760762,47.49589 +5168,Babbitt Public Library,-91.9386872,47.7072687 +5169,Aurora Public Library,-92.2377204,47.529214 +5170,Virginia Public Library,-92.53902070000001,47.521623000000005 +5171,Royalton Public Library,-94.2929639,45.8304126 +5172,Hibbing Public Library,-92.9361111,47.426666700000006 +5173,Swanville Public Library,-94.6404292,45.9149139 +5174,Rush City Branch Library,-92.9652265,45.684652400000004 +5175,Gilbert Public Library & Community Center,-92.4657724,47.4876535 +5176,Eagle Bend Library,-95.03588760000001,46.1650342 +5177,Mountain Iron Public Library,-92.62180350000001,47.5327828 +5178,Grey Eagle Community Library,-94.74666380000001,45.8249658 +5179,College of Saint Scholastica Library,-92.10525750000001,46.815332500000004 +5180,Elk River Public Library,-93.5605556,45.3061111 +5181,Duluth Public Library,-92.1049562,46.781378700000005 +5182,Douglas County Public Library,-95.3801755,45.8838213 +5183,Northome Public Library,-94.2802747,47.8723716 +5184,Shakopee Public Library,-93.5244823,44.797054200000005 +5185,International Falls Public Library,-93.41068700000001,48.6022382 +5186,Maple Plain Library,-93.65541300000001,45.007751000000006 +5187,Baudette Public Library,-94.60133640000001,48.711877 +5188,Williams Library,-94.9541538,48.768357200000004 +5189,Blooming Prairie Police Department,-93.0491274,43.865744 +5190,Stillwater Public Library,-92.81035370000001,45.057534200000006 +5191,Lake Crystal Police Department,-94.2216272,44.1052418 +5192,Bayport Library,-92.78138890000001,45.021388900000005 +5193,Good Thunder Police Department,-94.070233,44.004130700000005 +5194,Bovey Public Library,-93.4161624,47.295204500000004 +5195,Lake Benton Police Department,-96.28753900000001,44.261079 +5196,Calumet Library,-93.2766667,47.318611100000005 +5197,Lincoln County Sheriffs Office,-96.2517076,44.462465 +5198,Coleraine Carnegie Public Library,-93.4242229,47.287204 +5199,Ivanhoe Police Department,-96.24865190000001,44.463020500000006 +5200,Keewatin Public Library,-93.0769898,47.3987265 +5201,Watonwan County Sheriffs Department,-94.62552910000001,43.9813466 +5202,Pleasant Hill Library,-92.8845496,44.7376267 +5203,Madelia City Police Department,-94.41913140000001,44.050516 +5204,Marble Public Library,-93.2992954,47.3203169 +5205,Lewisville Police Department,-94.4366325,43.9235691 +5206,Saint Francis Library,-93.3554771,45.387468000000005 +5207,Waseca County Sheriffs Office,-93.5083632,44.079731900000006 +5208,Watertown Library,-93.8493359,44.9616078 +5209,Waseca Police Department,-93.5063097,44.0760677 +5210,Young America Library,-93.91611110000001,44.783055600000004 +5211,New Richland Police Department,-93.4935509,43.8952382 +5212,Jessie F Hallett Library,-93.95,46.481666700000005 +5213,Janesville Police Department,-93.7072246,44.1177287 +5214,Chaska Library,-93.60222390000001,44.7873126 +5215,Chatfield Police Department,-92.18860020000001,43.846183 +5216,Waconia Library,-93.7884951,44.847924400000004 +5217,Rushford Police Department,-91.7548902,43.806656600000004 +5218,Two Harbors Public Library,-91.67071080000001,47.022462000000004 +5219,Spring Valley Police Department,-92.391745,43.687695000000005 +5220,Faribault County Sheriffs Office,-94.1032933,43.642732800000005 +5221,Lanesboro Police Department,-91.97654460000001,43.718853 +5222,Mabel Police Department,-91.7701505,43.5219122 +5223,Saint James Police Department,-94.62552910000001,43.9813466 +5224,Welcome Police Department,-94.61997670000001,43.668288700000005 +5225,Harmony Police Department,-92.01412900000001,43.551985 +5226,Albert Lea Police Department,-93.3681153,43.646588900000005 +5227,Freeborn County Sheriffs Office,-93.36820110000001,43.6466122 +5228,Fulda Police Department,-95.5958411,43.869407300000006 +5229,Adrian Police Department,-95.9328102,43.633603900000004 +5230,Caledonia Police Department,-91.4945852,43.6344135 +5231,Winnbago Police Station,-94.16635050000001,43.765788400000005 +5232,Hokah Police Department,-91.3443041,43.762189500000005 +5233,Wilmont Police Department,-95.8277927,43.7652427 +5234,Houston County Sheriffs Office,-91.49573810000001,43.6327469 +5235,Frost Police Department,-93.92362840000001,43.584046 +5236,Trimont Police Department,-94.7172003,43.762177400000006 +5237,Bricelyn Police Department,-93.8121055,43.5621967 +5238,Granite Falls Police Department,-95.5388889,44.81 +5239,College of Saint Benedict Garage,-94.3213889,45.5636111 +5240,Heron Lake Police Department,-95.3191651,43.7938482 +5241,Lakefield Police Department,-95.1722737,43.6785857 +5242,Yellow Medicine County Sheriffs Department,-95.54472220000001,44.8097222 +5243,Jackson Police Department,-94.99388,43.6341249 +5244,Immaculate Heart of Mary Seminary Convent,-91.6979275,44.0452408 +5245,Meeker County Sheriff Department,-94.5291667,45.1297222 +5246,Ridgedale Library,-93.4399654,44.964839000000005 +5247,Litchfield Police Department,-94.5291318,45.1297014 +5248,Northtown Central Library,-93.25280000000001,45.127 +5249,Grove City Police Department,-94.68277780000001,45.150555600000004 +5250,Meeker County Sheriff Department,-94.5291445,45.1297202 +5251,Watkins Police Department,-94.4130556,45.3194444 +5252,Watkins Police Department,-94.4130556,45.3194444 +5253,Lac qui Parle Sheriff Office,-96.19249470000001,45.0144722 +5254,Grove City Police Department,-94.68277780000001,45.150555600000004 +5255,Granite Falls Police Department,-95.5388889,44.81 +5256,Madison Police Department,-96.19250000000001,45.0144444 +5257,Clara City Police Department,-95.3694444,44.9577778 +5258,Dawson Police Department,-96.0555556,44.9297222 +5259,Cosmos Police Department,-94.6970307,44.935192400000005 +5260,Echo Police Department,-95.41722220000001,44.6169444 +5261,Montevideo Police Department,-95.7138889,44.951111100000006 +5262,Clarkfield Police Department,-95.80350530000001,44.7909591 +5263,Canby Police Department,-96.2740701,44.708611100000006 +5264,Chippewa County Sheriffs Office,-95.7138889,44.951111100000006 +5265,Appleton Police Department,-96.02166670000001,45.2005556 +5266,Buffalo Police Department,-93.8758306,45.175510200000005 +5267,Olivia Police Department/Renville County Sheriffs Office,-94.9819444,44.7758333 +5268,Big Stone County Sheriffs Office,-96.4438889,45.3047222 +5269,Danube Police Department,-95.09694440000001,44.791944400000006 +5270,Beardsley Police Department,-96.71194440000001,45.5583333 +5271,Wheaton Police Department,-96.49301650000001,45.8066424 +5272,Browns Valley Police Department,-96.832862,45.594511000000004 +5273,Belgrade Police Department,-95.0041585,45.4531949 +5274,Brooten Police Department,-95.1241667,45.5011111 +5275,Holdingford Police Department,-94.47500000000001,45.7288889 +5276,Melrose Police Department,-94.8101221,45.6760862 +5277,Hancock City Police Office,-95.79423910000001,45.498507700000005 +5278,Paynesville Police Department,-94.71357110000001,45.3810798 +5279,Traverse County Sheriffs Office,-96.4929977,45.806784500000006 +5280,Saint Joseph Police Department,-94.31605300000001,45.561727000000005 +5281,Clara City Police Department,-95.3694444,44.9577778 +5282,Waite Park Police Department,-94.23480500000001,45.5547902 +5283,Starbuck Police Department,-95.5325,45.611944400000006 +5284,Willmar Police Department,-95.01448420000001,45.145855700000006 +5285,Chippewa County Sheriffs Office,-95.7138889,44.951111100000006 +5286,Kandiyohi County Sheriff,-95.0143469,45.1458998 +5287,Montevideo Police Department,-95.7138889,44.951111100000006 +5288,Annandale Police Department,-94.12320940000001,45.263858000000006 +5289,Eden Valley Police Department,-94.5474648,45.3249775 +5290,Howard Lake Police Department,-94.07084370000001,45.0598825 +5291,Dassel Police Department,-94.306605,45.081664800000006 +5292,Goodview Police Department,-91.69598470000001,44.0640409 +5293,Avon Police Department,-94.45123120000001,45.608158700000004 +5294,Saint Charles Police Department,-92.06522840000001,43.96931 +5295,Winona City Police Department,-91.64104060000001,44.0528981 +5296,Waterville Police Department,-93.5705351,44.2169742 +5297,Montgomery Police Department,-93.58416670000001,44.441944400000004 +5298,Le Center Police Department,-93.7319027,44.390862000000006 +5299,New Ulm Police Department,-94.41166670000001,44.310833300000006 +5300,Tracy Police Department,-95.6194444,44.233611100000005 +5301,Brown County Sheriffs Office,-94.41166670000001,44.310833300000006 +5302,Kasson Police Department,-92.7437953,44.0246719 +5303,Balaton Police Department,-95.87234980000001,44.2339369 +5304,West Concord Police Department,-92.8990876,44.1516309 +5305,Minneota City Police Office,-95.9852778,44.5588889 +5306,Oslo City Police Department,-92.7385186,43.892185500000004 +5307,Wabasso Police Department,-95.2563803,44.400734 +5308,Mantorville Police Department,-92.7542727,44.0682205 +5309,Walnut Grove Police Department,-95.4702032,44.2243616 +5310,Dodge County Sheriffs Office,-92.75504860000001,44.0684599 +5311,Lamberton Police Department,-95.2619444,44.2286111 +5312,Rockford City Hall,-93.7345705,45.088567000000005 +5313,Morgan City Police,-94.92805560000001,44.4163889 +5314,Springfield Police Department,-94.9763889,44.239444400000004 +5315,Sleepy Eye Police Department,-94.72098150000001,44.297666500000005 +5316,Wabasha County Sheriffs Office,-92.03,44.3797222 +5317,Saint Peter Police Department,-93.9547222,44.3238889 +5318,Red Wing Police Department,-92.533933,44.5617431 +5319,Nicollet County Sheriffs Office,-93.9583333,44.3216667 +5320,Franklin Police Department,-94.8813889,44.5297222 +5321,Eyota Police Department,-92.23032380000001,43.988486200000004 +5322,Hector Police Department,-94.715,44.742777800000006 +5323,North Mankato Police Department,-94.02543,44.1680652 +5324,Morton City Police Department,-94.98394660000001,44.551223900000004 +5325,Renville Police Department,-95.21111110000001,44.7911111 +5326,Goodhue Police Department,-92.6236111,44.400000000000006 +5327,Bird Island Police Department,-94.8952778,44.767500000000005 +5328,Cannon Falls Police Department,-92.90946020000001,44.51514 +5329,Buffalo Lake Police Department,-94.6163889,44.7386111 +5330,Wanamingo Police Department,-92.7903569,44.3020945 +5331,Fairfax Police Department,-94.71903280000001,44.5268388 +5332,Kenyon Police Department,-92.9846486,44.271888000000004 +5333,Lester Prairie Police Department,-94.0419444,44.8858333 +5334,Gaylord Police Department,-94.22138890000001,44.553333300000006 +5335,Stewart Police Department,-94.48555560000001,44.7247222 +5336,Sibley County Sheriffs Office,-94.22,44.555555600000005 +5337,Winsted Police Department,-94.04636280000001,44.965527300000005 +5338,Henderson Police Department,-93.90833330000001,44.5277778 +5339,Hutchinson Police Department,-94.37099260000001,44.8917191 +5340,Brownton Police Department,-94.3505339,44.7332264 +5341,Elgin Police Department,-92.25138890000001,44.1302778 +5342,McLeod County Sheriff's Department,-94.1505556,44.769722200000004 +5343,Wabasha Police Department,-92.02361110000001,44.3752778 +5344,Mahnomen County Sheriff's Department,-95.96961060000001,47.317798700000004 +5345,Plainview Police Department,-92.1694459,44.164697800000006 +5346,Gonvick Police Department,-95.513068,47.7380775 +5347,Lake City Police Department,-92.2655735,44.447799700000004 +5348,Goodhue County Sheriffs Office,-92.53382570000001,44.5617661 +5349,Gary Police Department,-96.2688634,47.371476300000005 +5350,Zumbrota Police Department,-92.6699588,44.295563300000005 +5351,Waubun Police Department,-95.9387932,47.1805296 +5352,Ada Police Department,-96.51638890000001,47.2991667 +5353,Clearbrook Police Department,-95.42971890000001,47.6919558 +5354,Winger Police Department,-95.9878906,47.536056 +5355,Clearwater County Sheriff Department,-95.39824700000001,47.524390600000004 +5356,Scott County Sheriff's Office,-93.5263889,44.795 +5357,Crosby-Ironton Police Department,-93.95316600000001,46.480259700000005 +5358,Shakopee Police Department,-93.5113889,44.796388900000004 +5359,Chaska Police Department,-93.6023875,44.7875163 +5360,Saint Francis Police Department,-93.3760874,45.381336100000006 +5361,New Prague Police Department,-93.5775268,44.5445282 +5362,Silver Bay Police Department,-91.2697002,47.294785600000004 +5363,Maple Lake City Hall,-94.0041667,45.229444400000006 +5364,Red Lake County Sheriff's Office,-96.27416480000001,47.885017700000006 +5365,Hastings Police Department,-92.8516147,44.7431118 +5366,Becker County Sheriff's Office,-95.8444942,46.8173632 +5367,Grand Rapids Police Department,-93.5278231,47.2367743 +5368,Marshall County Sheriff's Office,-96.7688943,48.1956295 +5369,Coleraine Police Station,-93.42489970000001,47.2883799 +5370,Stephen City Police Department,-96.8726056,48.450329100000005 +5371,Bovey City Police Department,-93.4157344,47.295191800000005 +5372,Oslo City Police Department,-97.13171100000001,48.1953917 +5373,Lake George Police Department,-94.99345360000001,47.200643400000004 +5374,Warren Police Department,-96.76871720000001,48.195676000000006 +5375,Nashwauk Police Station,-93.16796760000001,47.3819937 +5376,Hallock Police Department,-96.9438889,48.7738889 +5377,Kittson County Sheriff's Office,-96.9394444,48.7719444 +5378,Marble Police Department,-93.2991667,47.320833300000004 +5379,Hermantown Police Department,-92.2195915,46.808994000000006 +5380,Maple Plain Police Department,-93.67,45.0055556 +5381,Warroad Police Department,-95.33253660000001,48.91210400000001 +5382,Greenbush Police Department/Fire Department,-96.1828564,48.7012312 +5383,Roseau Police Department,-95.76639680000001,48.839727100000005 +5384,Roseau County Sheriff Department,-95.76690330000001,48.8397476 +5385,Cold Spring Police Department,-94.429479,45.4550016 +5386,Baudette Police Department,-94.58416670000001,48.7097222 +5387,Albany Police Department,-94.5686611,45.629477200000004 +5388,Herman Police Department,-96.14114190000001,45.8066527 +5389,Bayport Police Department,-92.7805556,45.018055600000004 +5390,Sauk Centre Police Department,-94.9505556,45.736944400000006 +5391,Motley Police Department,-94.6458333,46.333888900000005 +5392,Oak Park Heights Police Department,-92.82000000000001,45.032777800000005 +5393,Ashby Police Department,-95.8166667,46.093333300000005 +5394,Washington County Sheriff's Office,-92.80300050000001,45.0381091 +5395,Todd County Sheriffs Office,-94.86096660000001,45.9724001 +5396,Stillwater Police Department,-92.8111111,45.056944400000006 +5397,Little Falls Police Department,-94.36264240000001,45.9779356 +5398,Dakota County Sheriff Office,-92.8864533,44.7411217 +5399,Eagle Bend Police Department,-95.0373306,46.1645921 +5400,Redlake Police Department,-95.0358935,47.8762144 +5401,Clarissa Police Department,-94.95041880000001,46.1299061 +5402,Loman Police Department,-93.8040034,48.512606700000006 +5403,Wyoming Police Department,-92.9498528,45.3332775 +5404,Ray Police Department,-93.2102778,48.4108333 +5405,Bertha Police Department,-95.0652778,46.2705556 +5406,Koochiching County Sheriff Office,-93.41093760000001,48.601294900000006 +5407,North Branch Police Department,-92.9811111,45.5125 +5408,Lindstrom Police Department,-92.8366237,45.388602600000006 +5409,International Falls Police Department,-93.4109457,48.6012204 +5410,Howard Lake City Hall,-94.0730556,45.060833300000006 +5411,Greenfield Police Department,-93.70333330000001,45.087500000000006 +5412,Detroit Lakes City Police Department,-95.84437120000001,46.817472800000004 +5413,Wrenshall Police Department,-92.3832656,46.6176347 +5414,Chisago County Sheriffs Office,-92.8477778,45.3894444 +5415,Farmer's Marker,-92.8905556,45.3727778 +5416,Isanti Police Department,-93.2466667,45.4938889 +5417,Braham Police Department,-93.17215250000001,45.723902 +5418,Dilworth Police Department,-96.7,46.8761111 +5419,Elk River Police Department,-93.59999330000001,45.3041311 +5420,Sherburne County Sheriffs Office,-93.6194444,45.3047222 +5421,Barnesville City Police Department,-96.4191667,46.653888900000005 +5422,Big Lake Police Department,-93.74487880000001,45.333075 +5423,Hawley City Police Department,-96.316911,46.8800779 +5424,Becker City Police Department,-93.87154570000001,45.396368300000006 +5425,Benton County Sheriffs Office,-93.9101751,45.6682051 +5426,Rice Police Department,-94.2172196,45.7536952 +5427,Glyndon Police Department,-96.5799405,46.874366300000005 +5428,Brandon Police Department,-95.5963674,45.9647054 +5429,Fisher Police Department,-96.8011111,47.8002778 +5430,Hill City Police Department,-93.59611000000001,46.99139 +5431,Fertile Police Department,-96.28,47.53611110000001 +5432,Pine County Sheriffs Office,-92.97138890000001,45.826388900000005 +5433,Fosston Police Department,-95.7502778,47.57602240000001 +5434,Pine City Police Department,-92.97138890000001,45.826388900000005 +5435,Polk County Sheriff's Office,-96.62422980000001,47.770746300000006 +5436,Osakis Police Department,-95.15170690000001,45.867513100000004 +5437,East Grand Forks Police Headquarters,-97.02264790000001,47.931174600000006 +5438,Hackensack Police Department,-94.5217873,46.9306216 +5439,Erskine Police Department,-96.00972220000001,47.667500000000004 +5440,Remer Police Department,-93.91583,47.056110000000004 +5441,Crookston Police Department,-96.6108324,47.7746812 +5442,Palisade Police Department,-93.48889000000001,46.71361 +5443,Twin Lakes City Hall,-93.42493300000001,43.559677900000004 +5444,Crosslake Police Department,-94.1133386,46.689692 +5445,Albert Lea City Hall,-93.3663767,43.650198800000005 +5446,Deerwood Police Department,-93.90029990000001,46.4741659 +5447,Moscow Town Hall,-93.0988093,43.7077389 +5448,Cass Lake Police Department,-94.6088199,47.378863100000004 +5449,Welcome City Hall,-94.6193253,43.666615300000004 +5450,Battle Lake Police Department,-95.713621,46.280518900000004 +5451,Fairmont City Hall,-94.4621944,43.6532886 +5452,Blue Earth City Hall,-94.1032933,43.6382883 +5453,Pelican Rapids Police Office,-96.08313910000001,46.5743445 +5454,Kiester City Hall,-93.7124441,43.5363429 +5455,Parkers Prairie City Police Department,-95.3291667,46.153611100000006 +5456,Adrian Government Center,-95.9334352,43.63459 +5457,Perham Police Station,-95.5786564,46.597337800000005 +5458,Brewster City Hall,-95.4672264,43.698573 +5459,Moose Lake Police Department,-92.7703422,46.4431591 +5460,Round Lake City Hall,-95.46889370000001,43.541630600000005 +5461,Carlton County Sheriff's Department,-92.4236111,46.665000000000006 +5462,Rushmore City Hall,-95.8014035,43.619133700000006 +5463,Wilmont City Hall,-95.8277927,43.7652427 +5464,Okabena City Hall,-95.31583210000001,43.739404 +5465,Jackson City Hall,-94.9852336,43.621216600000004 +5466,Saint Scholastica Theatre,-92.1063889,46.815277800000004 +5467,Grand Meadow City Hall,-92.5718363,43.705604 +5468,Mitchell Auditorium,-92.1061111,46.8161111 +5469,Brandon Auditorium,-95.596405,45.964615 +5470,Anderson Theatre,-93.9733152,44.3218547 +5471,Music Hall and Stephen B Humphrey Theater,-94.39333330000001,45.5808333 +5472,Conger City Hall,-93.5282708,43.6149554 +5473,Ramsey Municipal Office,-93.41120000000001,45.243900000000004 +5474,Clarks Grove City Hall,-93.32965610000001,43.7645302 +5475,New Richland City Hall,-93.4935509,43.8952382 +5476,Pipestone City Hall,-96.3194105,44.0002046 +5477,Vernon Center City Hall,-94.16940260000001,43.962461600000005 +5478,Mapleview City Hall,-92.9791553,43.6888943 +5479,Medford Funeral Home,-93.24351990000001,44.172554500000004 +5480,Westbrook City Hall,-95.4364656,44.041925000000006 +5481,Oakland City Townhall,-93.08851050000001,43.673923 +5482,Windom City Hall,-95.118701,43.865542600000005 +5483,Manchester City Hall,-93.4518807,43.7255127 +5484,Waseca City Hall,-93.5080933,44.0750783 +5485,Geneva City Hall,-93.2671712,43.823607700000004 +5486,Jeffers Village City Hall,-95.1949934,44.0555127 +5487,Steele County Law Enforcement Center,-93.22291360000001,44.0869937 +5488,La Salle City Hall,-94.56941590000001,44.0716258 +5489,Cottonwood County Law Enforcement Center,-95.1195297,43.865582 +5490,Odin Town Hall,-94.7427574,43.866345100000004 +5491,Butterfield City Hall,-94.79459600000001,43.9586884 +5492,Darfur City Hall,-94.839151,44.0519022 +5493,Mabel City Hall,-91.7701505,43.5218422 +5494,Mower Law Enforcement Center,-92.9739409,43.6676773 +5495,Brownsville City Hall,-91.2779127,43.693580100000005 +5496,Martin County Law Enforcement,-94.4644167,43.654122 +5497,Madelia City Hall,-94.41913140000001,44.050516 +5498,Saint James City Hall,-94.62802930000001,43.9813466 +5499,Blue Earth County Government Center,-94.0005107,44.162744200000006 +5500,La Crescent City Hall,-91.3047516,43.829001700000006 +5501,Old City Jail Tourist Center,-96.41915060000001,46.6538558 +5502,Caledonia City Hall,-91.4950431,43.6348252 +5503,Minnesota Correctional Facility - St. Cloud,-94.11900270000001,45.541921900000006 +5504,Eitzen City Hall,-91.46069490000001,43.508305 +5505,Rose Creek City Hall,-92.8318541,43.6035756 +5506,Embarrass Police Department,-92.1977361,47.6592318 +5507,Lansing Town Hall,-92.97019180000001,43.745240200000005 +5508,Kinney Police Station,-92.7305556,47.514166700000004 +5509,Jackson County Law Enforcement Center,-94.9901595,43.62125 +5510,Hoyt Lakes Police Department,-92.14721870000001,47.519468800000006 +5511,Eveleth Police Department,-92.53904460000001,47.4628511 +5512,Saint Louis County Sheriffs Office,-92.5377287,47.520989 +5513,Babbitt Police Department,-91.94030310000001,47.707708700000005 +5514,Gilbert Police Station,-92.4671727,47.487229400000004 +5515,Aurora Police Department,-92.23774490000001,47.529679900000005 +5516,Hibbing Police Department,-92.9261111,47.428611100000005 +5517,Saint Louis County Sheriffs Office,-92.9261111,47.428611100000005 +5518,Tower Police Department,-92.2765923,47.804895200000004 +5519,Buhl Police Department,-92.7775,47.4877778 +5520,Cook Police Department;Cook City Hall,-92.6893127,47.8514903 +5521,Biwabik Police Department,-92.3444444,47.533055600000004 +5522,Ely Police Department,-91.863257,47.9025764 +5523,Virginia City Police Department,-92.53637400000001,47.522528 +5524,Buffalo City Hall,-93.87583330000001,45.1755556 +5525,Chisholm Police Department,-92.88434910000001,47.4891377 +5526,Beltrami County Law Enforcement Center,-94.88316780000001,47.4739397 +5527,United States Hockey Hall of Fame,-92.5285666,47.471430500000004 +5528,Graceville City Hall,-96.43583330000001,45.5677778 +5529,Arrowhead Regional Law Enforcement Center,-92.9194444,46.9291667 +5530,Monticello City Hall,-93.7986111,45.3025 +5531,Crystal City Office Building,-93.3759,45.032500000000006 +5532,Prinsburg City Hall,-95.1914524,44.9402994 +5533,Brooklyn Center Civic Center,-93.30980000000001,45.067400000000006 +5534,Spicer City Hall,-94.9390975,45.225455200000006 +5535,Douglas County Sheriff's Office,-95.38000000000001,45.8844444 +5536,Hanover City Hall,-93.665,45.1591667 +5537,Sherburne County Government Center,-93.6194444,45.3047222 +5538,Montrose City Hall,-93.9113889,45.0661111 +5539,Law Enforcement Center,-96.0745703,46.2797799 +5540,South Haven City Hall,-94.2141667,45.2913889 +5541,Crow Wing County Sheriff's Office,-94.2048669,46.3551848 +5542,Clara City Hall,-95.3694444,44.9577778 +5543,Law Enforcement Center,-91.67182600000001,47.0220568 +5544,Litchfield City Hall,-94.5258333,45.127222200000006 +5545,Dakota County Government Center,-92.8861663,44.740855 +5546,Madison City Hall,-96.19305560000001,45.0125 +5547,Chisago County Government Center,-92.8219444,45.3997222 +5548,Le Sueur County Law Enforcement Center,-93.7319444,44.388611100000006 +5549,Granite Falls City Hall,-95.5388889,44.81 +5550,Carlson Administration Building,-93.9700007,44.3233377 +5551,Maynard City Hall,-95.4691667,44.907777800000005 +5552,Swift County Law Enforcement Center,-95.6005556,45.316944400000004 +5553,Clara City Hall,-95.3694444,44.9577778 +5554,Swift County Law Enforcement Center,-95.6005556,45.316944400000004 +5555,Cosmos City Hall,-94.6969272,44.934944 +5556,Delano City Hall,-93.78666670000001,45.042222200000005 +5557,Browns Valley City Hall,-96.83278480000001,45.594506900000006 +5558,Wheaton City Hall,-96.4952119,45.805986600000004 +5559,Cyrus City Hall,-95.7377778,45.6147222 +5560,Bertha City Hall,-95.06583330000001,46.268055600000004 +5561,Lowry City Hall,-95.5187114,45.7029547 +5562,Braham City Hall,-93.17227580000001,45.723933800000005 +5563,Glenwood City Hall,-95.3876044,45.6502813 +5564,Elk River City Hall,-93.5999798,45.304209400000005 +5565,Maynard City Hall,-95.4691667,44.907777800000005 +5566,Big Lake City Hall,-93.74563350000001,45.3333287 +5567,Stacy City Hall,-92.9827408,45.395766200000004 +5568,Harris City Hall,-92.9758333,45.5863889 +5569,North Branch City Hall,-92.9811111,45.5125 +5570,Moberg Park,-92.8905556,45.3727778 +5571,Lindstrom City Hall,-92.8366165,45.388509400000004 +5572,Cambridge City Hall,-93.2206622,45.5749623 +5573,Isanti City Hall,-93.2466667,45.4938889 +5574,Eagle Bend City Hall,-95.03723400000001,46.1646033 +5575,Freeport City Hall,-94.6897222,45.6627778 +5576,Clarissa City Hall,-94.9504184,46.1298885 +5577,Rockville City Hall,-94.33694440000001,45.472500000000004 +5578,New Ulm City Hall,-94.4610651,44.3140317 +5579,Holdingford City Hall,-94.47500000000001,45.7288889 +5580,Meire Grove City Hall,-94.8680556,45.629444400000004 +5581,Waite Park City Hall,-94.23472220000001,45.5547222 +5582,North Mankato City Hall,-94.0261464,44.168110600000006 +5583,Sartell City Hall,-94.22858260000001,45.621494500000004 +5584,Richmond City Hall,-94.52024130000001,45.453324900000005 +5585,Russell Town Hall,-95.95222220000001,44.3194444 +5586,Saint Stephen City Hall,-94.26388890000001,45.7027778 +5587,Lynd City Hall,-95.8911111,44.3858333 +5588,Staples City Hall,-94.79183230000001,46.3552185 +5589,Seaforth Town Hall,-95.32722220000001,44.477777800000005 +5590,Upsala City Hall,-94.5708333,45.8086111 +5591,Delhi Town Hall,-95.2108333,44.599166700000005 +5592,Grey Eagle City Hall,-94.7479416,45.8237468 +5593,Cottonwood City Hall,-95.67305560000001,44.6091667 +5594,Sauk Centre City Hall,-94.9505556,45.736944400000006 +5595,Balaton City Hall,-95.8721656,44.233893800000004 +5596,New Munich City Hall,-94.75333330000001,45.6302778 +5597,Good Thunder City Hall,-94.070233,44.004130700000005 +5598,Little Falls City Hall,-94.35833330000001,45.9847222 +5599,Motley City Hall,-94.6458333,46.333888900000005 +5600,Lake Crystal City Hall,-94.2180156,44.1076994 +5601,Kasota City Hall,-93.9647973,44.292501900000005 +5602,Oslo City Hall,-92.7385186,43.892185500000004 +5603,Waterville City Hall,-93.5665335,44.2175085 +5604,Le Center City Hall,-93.7317847,44.391000000000005 +5605,Taunton City Hall,-96.0647222,44.593611100000004 +5606,West Concord City Hall,-92.8990876,44.1516309 +5607,Tyler City Hall,-96.1344773,44.2788551 +5608,Granite Falls City Hall,-95.5388889,44.81 +5609,Goodview City Hall,-91.6945944,44.0624631 +5610,Clarkfield City Hall,-95.802582,44.7908665 +5611,Claremont City Hall,-92.99923460000001,44.044115100000006 +5612,Benson City Hall,-95.60277780000001,45.3144444 +5613,Mantorville City Hall,-92.7547023,44.068315000000005 +5614,Eden Valley City Hall,-94.5476009,45.3249772 +5615,Rochester City Hall,-92.4594381,44.0204089 +5616,Darwin City and Township Hall,-94.40583330000001,45.0947222 +5617,Walnut Grove City Hall,-95.470128,44.2243605 +5618,Lewiston City Hall,-91.865542,43.985568900000004 +5619,Wanda Town Hall,-95.21111110000001,44.316666700000006 +5620,Saint Charles City Hall,-92.06523130000001,43.969619400000006 +5621,Sanborn Town Hall,-95.13000000000001,44.21 +5622,Winthrop City Hall,-94.3638889,44.542222200000005 +5623,Vesta Town Hall,-95.41722220000001,44.5075 +5624,Green Isle City Hall,-94.0080556,44.6791667 +5625,Revere Town Hall,-95.3647222,44.220277800000005 +5626,Gaylord City Hall,-94.22138890000001,44.553333300000006 +5627,Clements City Hall,-95.0527778,44.3805556 +5628,Silver Lake City Hall,-94.1972222,44.9033333 +5629,Zumbro Falls City Hall,-92.4219444,44.2833333 +5630,Plainview City Hall,-92.16958000000001,44.164697800000006 +5631,Lester Prairie City Hall,-94.0419444,44.8858333 +5632,Wabasha City Hall,-92.02361110000001,44.3752778 +5633,Hutchinson City Hall,-94.367081,44.890815800000006 +5634,Lake City City Hall,-92.26661390000001,44.447728700000006 +5635,Renville City Hall,-95.21163940000001,44.7910527 +5636,Zumbrota City Hall,-92.67007170000001,44.2953713 +5637,Babbitt City Hall,-91.9393319,47.7074848 +5638,Red Wing City Hall,-92.5316667,44.564722200000006 +5639,Cannon Falls City Hall,-92.90907390000001,44.514748000000004 +5640,Dennison City Hall,-93.0392954,44.4055868 +5641,Blaine City Hall (Historical),-93.2363,45.136 +5642,Virginia City Hall,-92.536258,47.522515000000006 +5643,Brooklyn Center City Hall,-93.30937750000001,45.0682807 +5644,Chisholm City Hall,-92.8847222,47.49 +5645,Anoka City Hall,-93.3904,45.198600000000006 +5646,Ely City Hall,-91.8635682,47.902511700000005 +5647,Centerville City Hall,-93.0579,45.164300000000004 +5648,Tower City Hall,-92.27655200000001,47.8050051 +5649,Champlin City Hall,-93.3956,45.1713 +5650,Hoyt Lakes City Hall,-92.145689,47.5191364 +5651,Nowthen City Hall,-93.47473450000001,45.3311993 +5652,Eveleth City Hall,-92.53911430000001,47.462600800000004 +5653,Biwabik City Hall,-92.3444444,47.533055600000004 +5654,Long Lake City Hall,-93.57422460000001,44.986783300000006 +5655,Lexington City Hall,-93.1640486,45.138542 +5656,Hampton City Hall,-92.99895550000001,44.6055116 +5657,Hopkins City Hall,-93.4134813,44.922127200000006 +5658,Audubon City Hall,-95.9825,46.8613889 +5659,Medicine Lake City Hall,-93.41500110000001,44.9944871 +5660,Callaway City Hall,-95.9098999,46.9815872 +5661,Corcoran City Hall,-93.5427607,45.1021846 +5662,Proctor City Hall,-92.2261469,46.7426547 +5663,Circle Pines City Hall,-93.1548932,45.1437954 +5664,Ham Lake City Hall,-93.2355,45.252700000000004 +5665,Hibbing City Hall,-92.93833330000001,47.426666700000006 +5666,Falcon Heights City Hall,-93.1835645,44.9927519 +5667,Melrude Town Hall,-92.4169444,47.2455556 +5668,Dayton City Hall,-93.4372508,45.1994127 +5669,Mountain Iron City Hall,-92.58028200000001,47.517654900000004 +5670,Stillwater City Hall,-92.8111154,45.056953 +5671,Floodwood City Hall,-92.9194444,46.926666700000006 +5672,Bayport City Hall,-92.78052070000001,45.0180765 +5673,Greenfield City Hall,-93.70333330000001,45.087500000000006 +5674,Afton City Hall,-92.7824076,44.905105400000004 +5675,Loretto City Hall,-93.63481630000001,45.0550815 +5676,Young America City Hall,-93.9148,44.783500000000004 +5677,Lancaster City Hall,-96.8033987,48.858040800000005 +5678,Baudette City Hall,-94.6002778,48.712777800000005 +5679,Northome City Hall,-94.2827778,47.8725 +5680,Bethel City Hall,-93.2673927,45.403907700000005 +5681,Hines Town Hall,-94.63195160000001,47.6874492 +5682,Squaw Lake City Hall,-94.1319551,47.6181226 +5683,Calumet City Hall,-93.2766667,47.318611100000005 +5684,Waskish Town Hall,-94.51222220000001,48.161388900000006 +5685,Randolph City Hall,-93.0202778,44.5263889 +5686,Bemidji City Hall,-94.88385690000001,47.471814300000005 +5687,Vermillion City Hall,-92.9653751,44.673295200000005 +5688,New Market City Hall,-93.3533333,44.5730556 +5689,Crosby City Hall,-93.9532205,46.480265200000005 +5690,Halstad City Hall,-96.8289419,47.3508738 +5691,Ironton City Hall,-93.97694440000001,46.476111100000004 +5692,Mahnomen City Hall,-95.96910050000001,47.3140969 +5693,Shelly City Hall,-96.8216366,47.4581862 +5694,Nielsville City Hall,-96.8150504,47.527751800000004 +5695,Plummer City Hall,-96.0411287,47.910364300000005 +5696,Crookston City Hall,-96.6061111,47.773333300000004 +5697,Saint Hilaire City Hall,-96.2145017,48.012201600000004 +5698,Erskine City Hall,-96.00972220000001,47.667500000000004 +5699,Barnesville City Hall,-96.4191131,46.6538963 +5700,Hitterdal City Hall,-96.25861110000001,46.977500000000006 +5701,Cologne City Hall,-93.7825,44.767777800000005 +5702,Waconia City Hall,-93.788656,44.8484074 +5703,Hawley City Hall,-96.3166667,46.8802778 +5704,Two Harbors City Hall,-91.6703301,47.019424300000004 +5705,Saint Francis City Hall,-93.36925480000001,45.3925727 +5706,Victoria City Hall,-93.66043160000001,44.860748900000004 +5707,Jordan City Hall,-93.62690040000001,44.6660473 +5708,Askov City Hall,-92.7805556,46.1911111 +5709,Brook Park City Hall,-93.07527780000001,45.949444400000004 +5710,Dalton City Hall,-95.91527780000001,46.1738889 +5711,McGregor City Hall;McGregor Police Department,-93.30715350000001,46.6066492 +5712,Baxter City Hall,-94.2935934,46.3431602 +5713,Palisade City Hall,-93.48889000000001,46.71361 +5714,Emily City Hall,-93.95778,46.73111 +5715,Sturgeon Lake City Hall,-92.82549370000001,46.3813505 +5716,Brainerd City Hall,-94.2017881,46.356065900000004 +5717,Rock Creek City Hall,-92.9622222,45.7575 +5718,Deerwood City Hall,-93.90028000000001,46.47417 +5719,Cass Lake City Hall,-94.6088206,47.378994500000005 +5720,St. Patrick's Catholic Church,-92.9407365,46.0143399 +5721,East Gull Lake City Hall,-94.3557445,46.4080759 +5722,Finlayson City Hall,-92.916826,46.2010085 +5723,Garfield City Hall,-95.49166670000001,45.9408333 +5724,Bena City Hall,-94.20688510000001,47.340819200000006 +5725,Classics House,-93.970442,44.320109800000004 +5726,John Lind House,-94.4617443,44.312372100000005 +5727,Wanda Gag House,-94.46559230000001,44.314195700000006 +5728,W W Mayo House,-93.91513,44.4621678 +5729,Osakis City Hall,-95.1516667,45.8675 +5730,Jussi Bjorling Recital Hall,-93.9746777,44.3210564 +5731,Pine City City Hall,-92.97082970000001,45.8259362 +5732,O J Johnson Student Union,-93.9712016,44.3235356 +5733,Willow River City Hall,-92.84072110000001,46.3168838 +5734,Nobel Hall of Science,-93.9725963,44.322117600000006 +5735,Rundstrom Hall,-93.96967760000001,44.321961300000005 +5736,Becker City Hall,-93.8713891,45.3960651 +5737,Philosophy House,-93.9691667,44.320833300000004 +5738,Foley City Hall,-93.91180370000001,45.664896500000005 +5739,Student Union,-93.9751854,44.306524800000005 +5740,Rice City Hall,-94.21736340000001,45.753609000000004 +5741,Swedish House,-93.97428160000001,44.3229709 +5742,Sohre Hall,-93.97194440000001,44.32 +5743,Fergus Falls City Hall,-96.07472220000001,46.2816667 +5744,Sorenson Hall,-93.96768700000001,44.3244452 +5745,Kettle River City Hall,-92.8777778,46.4916667 +5746,Vickner Language Hall,-93.9716667,44.3041667 +5747,Fifty Lakes City Hall,-94.09278,46.73917 +5748,Pittman Hall,-93.9728918,44.3195434 +5749,Community North Building,-93.97777780000001,44.307500000000005 +5750,Crosslake City Hall,-94.1133386,46.689515400000005 +5751,Community South Building,-93.9780556,44.3066667 +5752,Prentiss Hall,-91.6454027,44.0478881 +5753,Maintenance Building,-91.64421730000001,44.045324 +5754,Saint Cecilia Hall,-91.6668159,44.052185200000004 +5755,Morey Hall,-91.64540260000001,44.0484972 +5756,360 Vila Street Building,-91.6668159,44.051907400000005 +5757,Richards Hall,-91.6456788,44.0489325 +5758,Loretto Hall,-91.67070480000001,44.051907400000005 +5759,Conway Hall,-91.6448708,44.0488519 +5760,Saint Teresa Hall,-91.6668159,44.052463 +5761,Shepard Hall,-91.6449802,44.048606400000004 +5762,College of Saint Teresa Tea House,-91.66848250000001,44.051907400000005 +5763,Osseo City Hall,-93.40251660000001,45.1208368 +5764,Maintenance Building,-91.6720937,44.051907400000005 +5765,Lourdes Hall,-91.6695936,44.0510741 +5766,Orono City Hall,-93.5935116,44.9913341 +5767,Maria Hall,-91.67070480000001,44.0510741 +5768,Robbinsdale City Hall,-93.33550000000001,45.0313 +5769,Minnesota City Village Hall,-91.7507071,44.0938521 +5770,Plymouth City Hall,-93.47420000000001,45.019000000000005 +5771,Mayowood Mansion,-92.5217629,43.991182900000005 +5772,Minnetonka City Hall,-93.46470000000001,44.9401 +5773,Watters Hall,-91.6979275,44.0471852 +5774,Cutter Hall,-91.6957053,44.047463 +5775,Minnetonka Beach City Hall,-93.5981,44.940400000000004 +5776,La Salle Hall,-91.6954274,44.0469074 +5777,Oak Grove Town Hall,-93.3177,45.3314 +5778,Saint Edwards Hall,-91.6973718,44.044407400000004 +5779,Vadnais Heights City Hall,-93.0723107,45.0651591 +5780,Vlazny Hall,-91.69681630000001,44.044963 +5781,Steen Community Hall,-96.2630962,43.5146882 +5782,Griffin Hall,-91.6954274,44.0457963 +5783,Saint Marys Hall,-91.69514960000001,44.046074100000006 +5784,Saint Anthony Village City Hall & Community Center,-93.2174217,45.0294626 +5785,Heffron Hall,-91.69459400000001,44.0457963 +5786,Roseville City Hall,-93.1480587,45.0209855 +5787,Hillside Hall,-91.6926495,44.0435741 +5788,Spring Lake Park City Hall,-93.23716110000001,45.115355 +5789,Saint Marys Press Building,-91.6934829,44.044963 +5790,Jasper Memorial Hall,-96.3969553,43.849389900000006 +5791,Pines Hall,-91.6934829,44.0457963 +5792,Arthur Winfield Wright House,-92.9787153,43.6697804 +5793,Kulas-Connaughty Power House,-91.6957052,44.0455186 +5794,Saint Yons Hall,-91.69237170000001,44.0416297 +5795,Racine Village Hall,-92.4829507,43.776073800000006 +5796,Gilmore Creek Hall,-91.6932051,44.042740800000004 +5797,Blue Earth's Firemen's Hall,-94.1035106,43.6384242 +5798,Saint Josephs Hall,-91.6954274,44.046074100000006 +5799,Hollandale Village Hall,-93.2049262,43.760515500000004 +5800,Memorial Hall,-91.64141790000001,44.0470284 +5801,Glenville Village Hall,-93.28109260000001,43.573223500000005 +5802,Alumni House,-91.6437904,44.049677900000006 +5803,Hadley Area Community Center,-95.85390500000001,44.001076000000005 +5804,Kasson Firemen Hall,-92.74839800000001,44.0296843 +5805,Skemp Hall,-91.69459400000001,44.0455186 +5806,Michael H Toner Student Center,-91.69626070000001,44.044129700000006 +5807,Windom Emergency Services Facility,-95.1193447,43.8663393 +5808,Benilde Hall,-91.69514960000001,44.0432963 +5809,R D Hubbard House,-94.00578870000001,44.1616331 +5810,Phelps Hall,-93.97916670000001,44.303888900000004 +5811,Judge Lorin P Cray Mansion - Mankato YWCA,-94.00523310000001,44.1621886 +5812,Verdi Community Center,-96.3522619,44.208579500000006 +5813,Saint Mary Hall,-94.39372630000001,45.5813634 +5814,New Science Building,-94.38988540000001,45.5815136 +5815,Old Center Building,-93.9780556,44.305555600000005 +5816,Ashby Village Hall,-95.8166667,46.093333300000005 +5817,Green Acres Building,-93.9775,44.3027778 +5818,The Great Hall,-94.39325430000001,45.5800794 +5819,Johnson Hall,-93.9741446,44.3058854 +5820,Saint Bernard Hall,-94.3966359,45.5815361 +5821,Ice Arena,-91.69459400000001,44.044129700000006 +5822,Simons Hall,-94.3944666,45.5807477 +5823,Detroit Lakes Sports Arena,-95.8533333,46.806944400000006 +5824,Claire Lynch Hall,-94.31823650000001,45.5588971 +5825,Idzerda House,-94.3189213,45.557321 +5826,Central Heating Plant,-93.9710696,44.3215267 +5827,Academic Services Building,-94.3194282,45.560202600000004 +5828,Physical Plant Offices,-94.39588280000001,45.5799442 +5829,Power House,-94.3214926,45.563146800000005 +5830,Itasca County Nursing Home,-93.56138890000001,47.248611100000005 +5831,Main Monastery Building,-94.3183333,45.5638889 +5832,Westwood Apartments,-92.105,46.8138889 +5833,Teresa Hall,-94.3188889,45.563333300000004 +5834,Junction Apartments,-92.0910442,46.8175146 +5835,Colbert House - North,-94.1483333,45.5558333 +5836,Colbert House - South,-94.1483333,45.555555600000005 +5837,Oakland Apartments,-92.0844933,46.823004700000006 +5838,Richard Green House,-94.1535058,45.550676200000005 +5839,Saint Mary's University Gymnasium,-91.6965385,44.044129700000006 +5840,Waverly Village Hall,-93.96723220000001,45.066779100000005 +5841,Athletic Offices,-91.69459400000001,44.044129700000006 +5842,Beardsley Village Hall,-96.7118684,45.558323200000004 +5843,All Star Sports Center,-93.37377710000001,45.0325697 +5844,Watkins Village Hall,-94.4075,45.315000000000005 +5845,Stewart Village Hall,-94.48555560000001,44.7247222 +5846,Sunrise Hall,-93.97861110000001,44.3025 +5847,Shantz Hall,-93.97500000000001,44.305555600000005 +5848,Reif Recreation Center,-92.1059949,46.817905 +5849,Whitney Hall,-93.2843,44.9729 +5850,West Apartments,-94.32166260000001,45.561289 +5851,East Apartments,-94.31744060000001,45.560156600000006 +5852,House of the Good Shepherd,-93.13799820000001,44.9610767 +5853,Conn Fine Arts Building,-93.278271,44.963441200000005 +5854,Plenary Hall,-93.27313430000001,44.9699779 +5855,Hall C,-93.27355200000001,44.9686182 +5856,Roseville Chamber of Commerce,-93.10560000000001,45.021100000000004 +5857,Hall B,-93.27250480000001,44.9686122 +5858,Malung Hall,-95.7194317,48.7758126 +5859,Hall A,-93.27251340000001,44.968478600000005 +5860,Hennepin County Health Services Building,-93.26180000000001,44.9746 +5861,Kruta Hall,-95.9491722,48.555528800000005 +5862,Hall E,-93.2756377,44.9686182 +5863,Hall D,-93.2745819,44.9686182 +5864,Leader Community Hall,-94.6561223,46.5419075 +5865,Brooklyn Park Chamber of Commerce,-93.33290000000001,45.1094 +5866,Burnsville Chamber of Commerce,-93.2821,44.7376 +5867,Oak Leaf Grange Hall,-93.0641076,45.580517500000006 +5868,Meadowlands Village Hall,-92.73222220000001,47.0719444 +5869,Quetco Wilderness Research Center,-91.6145676,48.0279491 +5870,Catholic Charities,-93.27390000000001,44.970800000000004 +5871,Halden Community Center,-92.9532612,46.9121655 +5872,Tower Hall,-92.1058333,46.8161111 +5873,Montague Hall,-92.0839663,46.819330300000004 +5874,Seton Apartments,-94.3958333,45.5852778 +5875,Cedar Hall,-92.1075,46.8155556 +5876,Kittson County Historical Museum,-96.66007830000001,48.7350496 +5877,Somers Hall,-92.10527780000001,46.816944400000004 +5878,Oak Hall,-94.8752778,47.4897222 +5879,Felton City Community Hall,-96.5047342,47.077826900000005 +5880,Hitterdal Community Hall,-96.25888420000001,46.9775384 +5881,Becker County Museum,-95.84990140000001,46.818906600000005 +5882,Peters Aquatic Laboratory,-94.87636490000001,47.464358700000005 +5883,Warroad Heritage Center and Museum,-95.3175599,48.906982600000006 +5884,Mayer City Hall,-93.889842,44.8886297 +5885,Proctor Area Historical Museum,-92.22485470000001,46.7427171 +5886,Karpeles Manuscript Library Museum,-92.08755380000001,46.7962002 +5887,Hibbing Historical Society and Museum,-92.93638890000001,47.426666700000006 +5888,Virginia Heritage Museum,-92.54766980000001,47.529040900000005 +5889,Paul Bunyan Historical Museum,-94.73057850000001,47.0036688 +5890,Ely-Winton History Museum,-91.8372367,47.9052212 +5891,Driftwood Gift Shop and Museum,-94.2805556,46.678333300000006 +5892,Washington County Historical Society Museum,-92.82152160000001,45.039043 +5893,Pipestone County Museum,-96.31725130000001,43.999886200000006 +5894,Afton Historical Museum,-92.7827778,44.9027778 +5895,Heating Plant,-94.8744444,47.4811111 +5896,Polk County Pioneer Museum,-96.59628670000001,47.765288600000005 +5897,Union Depot (Historic),-93.237716,44.0940734 +5898,3M Museum,-91.6712456,47.0209035 +5899,Starbuck Depot,-95.5306656,45.6121453 +5900,Gopher State Railroad Museum,-93.58263240000001,44.5830533 +5901,Soo Line Depot,-93.87268270000001,45.1789829 +5902,Soo Line Depot,-95.7930556,45.8291667 +5903,Lighthouse Point Museum,-91.6638889,47.014166700000004 +5904,Dilworth City Depot,-96.69735270000001,46.8767666 +5905,Edna G Tugboat Museum,-91.6725612,47.0168752 +5906,Union Depot,-92.1038571,46.781635900000005 +5907,Soo Line Depot Museum,-93.9501355,46.483582000000006 +5908,Evergreen Square Shopping Mall,-92.9799878,45.819414800000004 +5909,Leo Ochrymowycz Soccer Field,-91.69882150000001,44.0429241 +5910,Ashby Information and Visitor Center,-95.8183333,46.093333300000005 +5911,Jul Gernes Swimming Pool,-91.69459400000001,44.044129700000006 +5912,Winnebago Museum,-94.1644059,43.7685663 +5913,Saint Marys University Tennis Center,-91.66681580000001,44.0513519 +5914,Etta C Ross Museum,-94.0982932,43.6382883 +5915,Lanesboro Visitors Center,-91.9762668,43.7216308 +5916,Wakefield House Museum,-94.0966264,43.638566100000006 +5917,Winona County Historical Society Armory Museum,-91.6392618,44.0526138 +5918,Watkins Heritage Museum,-91.62814610000001,44.049853600000006 +5919,Myrtle Museum,-93.1640902,43.563848300000004 +5920,Blue Earth County Heritage Center Museum,-94.00301080000001,44.1599664 +5921,Martin County Historical Society and Pioneer Museum,-94.4585832,43.6518997 +5922,Le Sueur County Museum,-93.67305560000001,44.201111100000006 +5923,Freeborn County Historical Society Museum,-93.35915490000001,43.659834700000005 +5924,Arches Museum,-91.81681900000001,44.0005183 +5925,Alden Community Museum,-93.57564160000001,43.670653300000005 +5926,Rollingstone Luxembourg Heritage Museum,-91.8177934,44.097582200000005 +5927,Swensson Farm Museum,-95.5916667,44.884722200000006 +5928,Museum of Brewing,-94.43833330000001,44.2888889 +5929,Minnesota Music Hall of Fame Museum,-94.4615849,44.3132448 +5930,Le Sueur Museum,-93.9100133,44.465524800000004 +5931,Mayoview History Center,-93.91514190000001,44.4621921 +5932,Treaty Site History Center Museum,-93.9503913,44.3488382 +5933,Sleepy Eye Depot Museum,-94.7241348,44.2982115 +5934,Methodist Church Museum,-92.3929251,43.688044500000004 +5935,Lac qui Parle County Museum,-96.1957539,45.006491700000005 +5936,Washburn-Zittleman Museum,-92.39311550000001,43.687656600000004 +5937,Mower County Historical Society Exhibits,-92.9899733,43.660815500000005 +5938,Rydjor Bike Museum,-92.9750678,43.667991900000004 +5939,Lanesboro History Museum,-91.97728670000001,43.7205803 +5940,Meeker County Historical Society Museum,-94.5263889,45.1288738 +5941,Harmony Toy Museum,-92.0096043,43.554132300000006 +5942,Minnesota's Machinery Museum,-95.62167400000001,44.6927679 +5943,Steam Engine Museum,-91.7695949,43.5205234 +5944,Yellow Medicine County Museum,-95.53695780000001,44.798691000000005 +5945,Swift County Historical Museum,-95.61250000000001,45.3116667 +5946,Watawan County Historical Center,-94.42293450000001,44.045920300000006 +5947,Wilder Museum,-95.4720303,44.2242419 +5948,Westbrook Heritage House Museum,-95.4361128,44.042182600000004 +5949,Plainview Area History Center,-92.17163470000001,44.1642844 +5950,Fillmore County Historical Center,-92.13627170000001,43.7399639 +5951,Arrowhead Bluffs Museum,-92.0500257,44.354354900000004 +5952,Round House Railroad Club,-94.6414206,43.9732597 +5953,Goodhue County Historical Society Museum,-92.54355220000001,44.5592411 +5954,Heritage Village Museum,-94.9190016,43.9347325 +5955,Cottonwood Area Historical Society Museum,-95.67027780000001,44.6091667 +5956,Waseca County Historical Society Museum,-93.50353820000001,44.0787132 +5957,Redwood County Museum,-95.1198375,44.5406574 +5958,McLeod County Historical Society / Museum,-94.39694440000001,44.8938889 +5959,Renville County Historical Museum,-94.9839573,44.5554098 +5960,Yellow Medicine County Museum,-95.53688810000001,44.7986054 +5961,Meeker County Historical Society Museum,-94.5263353,45.1288908 +5962,Red Wing Shoe Museum,-92.5345982,44.5661976 +5963,Depot Museum,-94.3152,45.081116800000004 +5964,Vasa Museum,-92.7229786,44.503916600000004 +5965,Swensson Farm Museum,-95.5916667,44.884722200000006 +5966,Cannon Falls Historical Museum,-92.903384,44.5081287 +5967,Swift County Historical Museum,-95.6153673,45.3102199 +5968,Cass Lake Museum,-94.6083361,47.3823056 +5969,Minnesota's Machinery Museum,-95.62167210000001,44.692789000000005 +5970,Pine County Historical Museum,-92.7822222,46.1866667 +5971,Dassel Museum,-94.3085818,45.087814400000006 +5972,Finn Creek Museum,-95.3320382,46.4544311 +5973,Hinckley Fire Museum,-92.94305560000001,46.015 +5974,Rural School Museum,-92.9711111,45.8197222 +5975,Sherburne County Historical Society Museum,-93.8865715,45.4005474 +5976,Moose Lake Depot Museum,-92.76864210000001,46.453945000000004 +5977,History Museum of East Otter Tail County,-95.57061820000001,46.5956253 +5978,Grand Portage Museum,-89.68111110000001,47.9669444 +5979,Otter Tail County Historical Society Museum,-96.09500000000001,46.28389 +5980,WonderTrek Children's Museum,-94.17889000000001,46.363330000000005 +5981,Winnibigoshish Historical Center,-94.38889,47.366670000000006 +5982,Schwanke's Museum,-95.0465065,45.094852700000004 +5983,Minnesota Baseball Hall of Fame Museum,-94.15597380000001,45.5616684 +5984,Cokato Museum,-94.19078,45.075383 +5985,Kandiyohi County Historical Society Museum,-95.0368861,45.1270516 +5986,Pope County Historical Museum,-95.3858203,45.6420097 +5987,Todd County Museum,-94.85954240000001,45.974023700000004 +5988,Chisago County Historical Society Museum,-92.98,45.6847222 +5989,Charles A Weyerhaeuser Museum,-94.39,45.9541667 +5990,Wilkin County Museum,-96.5847222,46.265 +5991,Minnesota Fishing Museum,-94.3737387,45.977383800000005 +5992,Melrose Area Museum,-94.80650510000001,45.6723355 +5993,Saint Louis Bay,-92.1207461,46.754384800000004 +5994,Bachman Lake,-93.86857710000001,44.719129 +5995,Farm Airport,-92.7774256,44.8869118 +5996,Agate Bay,-93.5360751,46.294954700000005 +5997,Alexander Mine,-93.08658150000001,47.424100700000004 +5998,Alstead Mine,-94.00720790000001,46.4849637 +5999,Bailey Bog,-93.994421,46.699405500000005 +6000,Ann Mine,-93.20880890000001,47.3716031 +6001,Antl Bay,-93.5982809,44.223575700000005 +6002,Bergerson Pool,-93.69305820000001,45.4765067 +6003,Arco Mine,-94.0038744,46.488019200000004 +6004,Beiser Lake,-93.7260682,44.4335759 +6005,Argonne Mine,-93.1351949,47.3977129 +6006,Belden Lake,-94.37192870000001,44.962462300000006 +6007,Belmore Bay,-91.17757850000001,47.3550058 +6008,Bennett Mine,-93.0740816,47.412434100000006 +6009,Boardson Lake,-95.9436613,46.862736700000006 +6010,Berglins Bay,-95.462541,45.8949611 +6011,Bradley Lake,-93.38132780000001,44.110518500000005 +6012,Bergdahl Lake,-94.3952428,44.0869056 +6013,Bray Mine,-93.1043606,47.402990200000005 +6014,Beulah Pond,-93.76913710000001,45.3366315 +6015,Bradshaw Lake,-93.4543943,44.596074400000006 +6016,Bergstrom Bay,-93.6141346,46.3646778 +6017,Browns Bay,-93.5449564,44.9619076 +6018,Big Marsh,-94.61028900000001,45.890798600000004 +6019,Brink Lake,-95.7317117,46.745514400000005 +6020,Big Bog,-94.0822016,46.727183000000004 +6021,Burton Lake,-95.9811427,44.6571828 +6022,Byrne Lake,-95.8700469,45.408294600000005 +6023,Black Brook Swamp,-94.1436041,46.1413542 +6024,Buffalo Bay,-95.1513474,49.1561054 +6025,Bobbies Bay,-94.8268955,49.3166621 +6026,Bullhead Lake,-94.199978,44.9321849 +6027,Carman Bay,-93.6099585,44.9274629 +6028,Caribou Bog,-95.10134910000001,49.2974958 +6029,Carlson Mine,-94.0374872,46.4691308 +6030,Calbraith Mine,-93.146862,47.3949353 +6031,Childs Lake,-95.3080908,45.819406900000004 +6032,Cannonball Bay,-89.8478724,47.878779400000006 +6033,Christopherson Bay,-95.42809550000001,46.0027397 +6034,Carrol Mine,-93.1518623,47.3916021 +6035,Carsons Bay,-93.53134440000001,44.9263521 +6036,Cedar Island Lake,-94.9836228,45.2852424 +6037,Carlz Mine,-93.07352630000001,47.403823100000004 +6038,Cedar Lake,-93.0782762,45.132466300000004 +6039,Colvill Bay,-92.5088003,44.566356600000006 +6040,Coleman Slough,-95.890884,45.5530168 +6041,Crystal Bay,-91.1834967,47.3468609 +6042,Clear Lake,-95.7041793,44.184960000000004 +6043,Croft Mine,-93.95220520000001,46.4916293 +6044,Clark Bay,-89.56147650000001,47.9921085 +6045,Crawford Lake,-93.44466580000001,44.262185300000006 +6046,Dog Lake,-94.83194280000001,44.9574621 +6047,Cove Bay,-93.6149657,46.116069100000004 +6048,Dismal Swamp,-96.2561682,45.4685749 +6049,Courtland Bay,-94.32885920000001,44.337464700000005 +6050,Deronda Bay,-89.7562042,47.905722600000004 +6051,Cooks Bay,-93.66079950000001,44.925245800000006 +6052,Currier Bay,-94.23496630000001,44.308021600000004 +6053,Congers Marsh,-96.0711461,44.629406200000005 +6054,Emma Lake,-94.82555400000001,44.9721844 +6055,Fox Lake,-92.89186860000001,46.309668 +6056,Excelsior Bay,-93.5621787,44.9074631 +6057,Fadden Lake,-94.1674754,44.679129700000004 +6058,Feigh Mine,-93.99637410000001,46.4821857 +6059,Duck Lake,-94.76275740000001,43.7449553 +6060,Frederick Lake,-93.93357950000001,44.7471842 +6061,Duff Lake,-94.178864,44.620241400000005 +6062,Echo Bay,-93.57634610000001,44.919407400000004 +6063,Fish Lake,-95.0752956,45.3969086 +6064,Emerson Lake,-94.42996640000001,44.1052388 +6065,Floating Bog Bay,-95.19474120000001,47.219402 +6066,Fourmile Bay,-94.7182691,48.8558163 +6067,Flood Slough,-96.69395850000001,45.6199615 +6068,Forest Mine,-93.0815814,47.423545100000005 +6069,Graham Lake,-93.64606760000001,44.519963600000004 +6070,Goose Lake Swamp,-96.4783884,48.0324718 +6071,Grass Lake,-93.1149432,45.0560769 +6072,Grass Lake,-93.32354050000001,43.5132896 +6073,Goose Lake,-93.61135230000001,45.4877435 +6074,Hart Lake,-94.0816252,43.7824557 +6075,Grack Lake,-94.15108590000001,44.6705186 +6076,Hawkins Mine,-93.1765857,47.3752137 +6077,Government Slough,-96.41978230000001,45.5135747 +6078,Harrison Bay,-93.6546826,44.942185 +6079,Gideon Bay,-93.58051280000001,44.909407400000006 +6080,Garrison Bay,-93.8038647,46.3091257 +6081,Harrison Mine,-93.19186420000001,47.3685473 +6082,Halsted Bay,-93.6860766,44.911352 +6083,Hands Marsh,-93.49049980000001,44.2021851 +6084,Hadley Mine,-93.17380750000001,47.3846579 +6085,Halobe Mine,-93.18186370000001,47.3757693 +6086,Humpty-dumpty Slough,-96.40478200000001,45.5102415 +6087,Gimmer Bay,-94.289134,44.2935765 +6088,Gieseke Bay,-94.3041352,44.312187300000005 +6089,Hunters Bay,-93.8722017,46.373849500000006 +6090,Hole in Day Marsh,-94.39139320000001,46.150244300000004 +6091,Grays Bay,-93.49328770000001,44.952463300000005 +6092,Grass Lake,-95.1272428,45.4260749 +6093,Hopkins Mine,-93.9877625,46.4932966 +6094,Henry Lake,-94.1269262,45.224409200000004 +6095,Griffin Lake,-96.08393980000001,45.325518200000005 +6096,Hoeffken Lake,-93.8799666,44.7430177 +6097,Green Swamp,-92.7599258,45.8530086 +6098,Grand Portage Bay,-89.67064570000001,47.9573874 +6099,Little Portage Bay,-89.51425350000001,48.000997100000006 +6100,Helen Mine,-93.1965864,47.3710473 +6101,Helena Lake,-93.6482806,44.1202435 +6102,Jensen Slough,-93.71885750000001,45.4052434 +6103,Jennings Bay,-93.6527382,44.9544073 +6104,Little Lake,-94.1374626,44.2944107 +6105,Jay Lake,-95.99560810000001,46.8296809 +6106,Little Two Harbors,-91.37601090000001,47.1968921 +6107,Jarvis Bay,-93.05160120000001,45.8260683 +6108,Little Twin Lake,-93.5482929,45.3446872 +6109,Islet Bay,-91.3248894,47.238812200000005 +6110,Krons Bay,-94.5230535,45.4210748 +6111,Isle Harbor,-93.47745950000001,46.1466221 +6112,Langdom Mine,-93.2279769,47.3518813 +6113,Iron Lake,-95.86446310000001,44.161351800000006 +6114,Lafayette Bay,-93.59023570000001,44.9355186 +6115,Huntington Mine,-94.0058046,46.4790416 +6116,Larsen Slough,-93.65996550000001,45.4082987 +6117,Kevin Mine,-93.20880930000001,47.3624365 +6118,Lanners Lake,-96.0061446,44.7421826 +6119,Kelley Lake,-94.7149978,45.100518300000005 +6120,Larue Mine,-93.1596404,47.3866023 +6121,Keller Lake,-93.75302520000001,45.3294091 +6122,Keller Lake,-94.9483579,45.9580198 +6123,Larson Bay,-94.2941361,44.3399652 +6124,Jones Lake,-96.0011664,45.870793500000005 +6125,Mahla Lake,-95.7531033,45.9996827 +6126,Johnson Bay,-94.20468720000001,44.2994106 +6127,Mahnomen Number One Mine,-93.9835956,46.490241000000005 +6128,Joan Mine,-93.99026260000001,46.4977412 +6129,Mahnomen Number Two Mine,-94.0005409,46.483574600000004 +6130,Jim Lake,-93.8174742,45.4877443 +6131,Mahnomen Number Three Mine,-93.9933184,46.4874634 +6132,Lawndale Swamp,-96.3483989,46.5238486 +6133,Mallen Mine,-94.0302647,46.4713529 +6134,Lashier Lake,-94.87057700000001,45.9252424 +6135,Lindgren Lake,-93.4096737,45.7305177 +6136,Malmo Bay,-93.5332978,46.332454500000004 +6137,Manuel Mine,-93.9416492,46.496629000000006 +6138,Maple Lake,-94.0991412,44.9877407 +6139,Lockhart Swamp,-96.3947838,47.449410400000005 +6140,Maxwell Bay,-93.6041253,44.960796300000005 +6141,Lone Tree Slough,-96.40617110000001,45.521352400000005 +6142,Long Lake,-93.10411020000001,45.1105217 +6143,Loon Bay,-94.2627453,44.316354700000005 +6144,Marty Lake,-94.32193640000001,45.4130199 +6145,Lost Bay,-95.92334720000001,48.30469 +6146,Marsden Lake,-93.1527229,45.0999658 +6147,Louise Mine,-93.9927627,46.4896856 +6148,Maroco Mine,-94.0177513,46.4960114 +6149,Mace Mine,-93.1729741,47.387713500000004 +6150,Mesabi Chief Mine,-93.1085273,47.4021569 +6151,Mission Lake,-95.3844742,46.985516000000004 +6152,McCann Lake,-93.4332887,45.3202428 +6153,Millwood Lake,-94.72306800000001,45.6846873 +6154,Mud Lake,-94.99252100000001,46.6982926 +6155,Miller Bay,-95.1339188,45.914130300000004 +6156,Murphy Swamp,-91.54628410000001,47.1760378 +6157,Mille Lacs Meadows,-93.5766334,46.3838438 +6158,Mud Lake,-95.02530420000001,45.905797400000004 +6159,Morrison Bay,-89.5692545,47.9884975 +6160,Mud Lake,-94.9741915,45.9130199 +6161,Moose Bay,-94.9432895,49.329996 +6162,Myhre State Wildlife Management Area,-95.82086050000001,44.7071806 +6163,Moliter Lake,-94.993076,45.638020700000006 +6164,Mississippi Number One Mine,-93.09630440000001,47.4107677 +6165,Muskeg Bay,-95.20023370000001,48.949989800000004 +6166,Musser Mine,-94.00470720000001,46.5091302 +6167,Mud Lake,-94.15023980000001,44.2741332 +6168,Northwest Angle Inlet,-95.0502378,49.349996000000004 +6169,Nicollet Bay,-94.22357600000001,44.2863551 +6170,Mud Lake,-94.639159,44.9246842 +6171,Nelson Bay,-94.2863571,44.3160765 +6172,Moss Lake,-93.3766171,45.7294065 +6173,North Arm,-93.6205149,44.958851800000005 +6174,Mud Bay,-93.44606160000001,44.720519 +6175,Priests Bay,-93.6771846,44.9194115 +6176,Mud Lake,-96.08699990000001,45.5560732 +6177,Red Wing Bay,-92.54500580000001,44.565024900000004 +6178,Mud Lake,-95.1550266,45.633574900000006 +6179,Redick Swamp,-95.57615510000001,46.000516700000006 +6180,Hendrickson Lake,-94.6644428,45.2199633 +6181,Mud Lake,-93.65552070000001,45.379131900000004 +6182,Rice Bay,-91.4787266,48.0579484 +6183,Perry Mine,-93.1235278,47.399934900000005 +6184,Pork Bay,-91.0443261,47.455741700000004 +6185,Pennington Mine,-93.98026220000001,46.4844075 +6186,Portsmouth Mine,-93.9666504,46.4896851 +6187,Prairie Lake,-95.04196010000001,45.3563533 +6188,Peterson Bay,-95.1536413,45.8866303 +6189,Preusse Lake,-93.71052320000001,45.336075900000004 +6190,Peterson Bay,-94.21968820000001,44.311355000000006 +6191,Pine Lake,-92.8502138,45.328298600000004 +6192,Patrick Mine,-93.220754,47.3649366 +6193,Lake Plaza,-93.9118273,44.2690148 +6194,Poor Farm Bay,-94.2549678,44.3274659 +6195,Patrick Annex Mine,-93.2085316,47.3588255 +6196,Phelps Bay,-93.6466288,44.9169075 +6197,Pehlings Bay,-94.2632993,44.279132600000004 +6198,North Russell Mine,-93.07158120000001,47.419933900000004 +6199,North Harrison Mine,-93.18936400000001,47.3729917 +6200,Odegard Bog,-93.47384310000001,45.6930181 +6201,Simonson Slough,-94.81443200000001,44.385238900000004 +6202,Pikes Bay,-96.0372773,46.7413473 +6203,Pine Bay,-91.3273896,47.2349234 +6204,Skaein Lake,-95.9675514,46.8391255 +6205,Sand Lake,-95.0364098,45.591631500000005 +6206,Shallow Pond,-92.9696622,45.311355400000004 +6207,Saint Paul Mine,-93.0863044,47.4049344 +6208,Shea Lake,-93.3863244,43.868849000000004 +6209,Saint Albans Bay,-93.81831000000001,46.2630148 +6210,Sevenmile Swamp,-95.11635000000001,49.324162400000006 +6211,Saint Albans Bay,-93.55190060000001,44.906629800000005 +6212,Shah-bush-kung Bay,-93.7555281,46.1969031 +6213,Sagamore Mine,-94.0541548,46.4513532 +6214,Ryans Bay,-92.4796263,44.1991327 +6215,Section Six Mine,-94.04720970000001,46.4944087 +6216,Rush Lake,-94.13106950000001,44.128576200000005 +6217,Rush Lake,-95.31583300000001,43.5157966 +6218,Ruckles Lake,-94.00191600000001,45.0199633 +6219,Senn Marsh,-93.5046636,44.0107963 +6220,Rowe Mine,-94.0460987,46.466908600000004 +6221,Round Lake,-94.6505418,44.5605181 +6222,Schmall Marsh,-95.8464392,45.9969047 +6223,Robinsons Bay,-93.52245540000001,44.944685400000004 +6224,Sargent Mine,-93.09908270000001,47.4004902 +6225,Rieke Marsh,-94.59359300000001,44.450518100000004 +6226,Sand Point Bay,-95.1371805,49.163605600000004 +6227,Rice Lake Swamp,-94.50250120000001,46.706349800000005 +6228,Sandy Slough,-96.45200320000001,45.4152421 +6229,Rice Lake Bottoms,-92.5868593,44.590800800000004 +6230,Sunday Bay,-94.26302430000001,44.343021300000004 +6231,Skogen Marsh,-96.2089507,46.352181800000004 +6232,Sullivan Mine,-93.23158790000001,47.3574368 +6233,Slaughter Slough,-95.6250091,44.0960723 +6234,Sugar Loaf Cove,-90.980157,47.4879613 +6235,Stubbs Bay,-93.6146813,44.970240800000006 +6236,Swan Lake,-94.59915000000001,44.4969072 +6237,Swan Lake,-93.340771,44.120240700000004 +6238,South Bay,-94.2613553,44.2916326 +6239,Swan Lake,-95.1055467,43.9888461 +6240,Sunset Bay,-93.50885070000001,46.211066300000006 +6241,South Russell Mine,-93.0735258,47.416045100000005 +6242,The Hole in the Wall,-89.51203100000001,48.0057192 +6243,Tenmile Lake,-95.89891970000001,44.8805144 +6244,Stein Mine,-93.10852720000001,47.404934600000004 +6245,Sweetwater Lake,-96.3950593,45.4907971 +6246,Stone Lake,-94.73779130000001,45.701354 +6247,Swedes Bay,-93.7716192,44.257744900000006 +6248,Stallcop Lake,-95.07558350000001,45.9005195 +6249,Timm Lake,-95.5361244,44.547734500000004 +6250,Steamboat Bay,-94.3613912,46.3930226 +6251,Timber Lake,-95.0733503,45.3610752 +6252,Thompson Lake,-95.0747398,45.3860753 +6253,Wet Lake,-96.6853469,45.610517200000004 +6254,The Inlet,-95.7164017,44.1596829 +6255,West Patrick Mine,-93.22936560000001,47.3577146 +6256,Smiths Bay,-93.56690160000001,44.9530187 +6257,Wilken Lake,-95.5611547,46.02635 +6258,Wigwam Bay,-93.7766405,46.2119033 +6259,Willis Lake,-93.72356110000001,44.170522600000005 +6260,Willima Lake,-94.1144259,45.2238537 +6261,Smith Lake,-93.30134050000001,45.408853300000004 +6262,Wilson Bay,-94.3961148,46.3999669 +6263,Slawson Lake,-95.0550274,45.914964000000005 +6264,Willow Lake,-95.2027745,44.318568600000006 +6265,Slough Lake,-95.11252800000001,45.7869084 +6266,Wiwi Bay,-94.12885290000001,44.3271883 +6267,Snyder Mine,-93.19880900000001,47.363269700000004 +6268,Wiregrass Marsh,-93.11716770000001,45.235522100000004 +6269,Lake of the Woods,-93.6296861,45.403854200000005 +6270,South Ann Mine,-93.2057534,47.369103100000004 +6271,Smithtown Bay,-93.6407928,44.888851700000004 +6272,Wolfe Lake,-94.0369213,45.1496866 +6273,Snoshoe Mine,-94.03970960000001,46.462186300000006 +6274,Spicer Lake,-93.5549412,43.8191252 +6275,Spring Park Bay,-93.62718140000001,44.9291296 +6276,York Mine,-93.1824189,47.3829915 +6277,Yawkey Mine,-93.94303810000001,46.5013513 +6278,Cone Bay,-90.69122440000001,47.9540577 +6279,Zippel Bay,-94.8729981,48.873874900000004 +6280,Chicago Bay,-89.96370780000001,47.837947400000004 +6281,Youngs Bay,-94.97273530000001,49.3397183 +6282,Canisteo Mine,-93.43242980000001,47.2988298 +6283,Toms Lake,-94.7283503,46.3330192 +6284,Burlington Bay,-91.6543434,47.025210900000005 +6285,Tuey Lake,-94.09803120000001,45.0388522 +6286,Bungey Bay,-94.3238724,46.9402349 +6287,Twenty Lake,-94.9752909,45.358853700000004 +6288,Buckman Cove,-93.529369,47.443830000000005 +6289,Twin Bays,-93.4832935,46.1730108 +6290,Buckeye Mine,-93.4552086,47.294941300000005 +6291,Twin Lake,-94.9027985,45.775798300000005 +6292,Brule Bay,-90.5962202,47.949612900000005 +6293,Twistal Swamp,-96.4680921,48.6096986 +6294,Echo Bay,-93.69437980000001,47.3485573 +6295,Tyson Lake,-95.5347371,44.613568 +6296,East Seelye Bay,-94.08633300000001,47.521619300000005 +6297,Draper Annex Mine,-93.24770000000001,47.341604000000004 +6298,Vineland Bay,-93.7477497,46.163848 +6299,Dove Bay,-93.10180960000001,48.599644000000005 +6300,Virginia Mine,-94.02081960000001,46.494130600000005 +6301,Danube Mine,-93.41159520000001,47.3118848 +6302,Wacouta Bay,-92.44185300000001,44.5571898 +6303,Wahkon Bay,-93.5374623,46.127178900000004 +6304,Dam Bay,-94.05522380000001,47.432453100000004 +6305,Walker Lake,-94.3363716,44.9207957 +6306,Cow Bay,-93.9274371,47.5160612 +6307,Waterlily Bay,-95.43004,45.993850800000004 +6308,Wauswaugoning Bay,-89.6264776,47.980719900000004 +6309,Wayzata Bay,-93.5080106,44.9630189 +6310,Barbara Mine,-93.2810343,47.341048900000004 +6311,West Arm,-93.63548920000001,44.9463759 +6312,Beaver Bay,-91.28822100000001,47.263811100000005 +6313,Bingham Mine,-93.39214980000001,47.316884400000006 +6314,Arcturus Mine,-93.32298060000001,47.326605400000005 +6315,Back Bay,-91.651514,48.036560300000005 +6316,Agency Bay,-94.5230449,47.1121794 +6317,Indian Bay,-95.72338020000001,46.464682 +6318,Allens Bay,-94.6102592,47.432175400000006 +6319,Zwinggi Lake,-94.06357530000001,44.371076800000004 +6320,Agate Bay,-91.67267670000001,47.014100400000004 +6321,Jackfish Bay,-93.2518106,48.6107634 +6322,Broadwater Bay,-94.26831170000001,46.9794002 +6323,Jackfish Bay,-91.74513040000001,48.039616300000006 +6324,Brown Mine,-93.3921497,47.319384400000004 +6325,Holman Cliffs Mine,-93.3840938,47.3213287 +6326,Blue Lake,-94.1522022,46.788848300000005 +6327,Hoist Bay,-91.6306802,48.0146157 +6328,Boy Bay,-94.2377455,47.1810659 +6329,Birch Bay,-93.5057592,47.406885300000006 +6330,Black Bay,-93.1501451,48.566590600000005 +6331,Hunters Bay,-94.25442380000001,46.9324565 +6332,Big Bay,-89.92481790000001,47.8596134 +6333,Horseshoe Bay,-89.9350962,47.8490582 +6334,King Bay,-93.56049510000001,47.189390100000004 +6335,Judd Mine,-93.39964970000001,47.3238289 +6336,Kabekona Bay,-94.6535815,47.1394523 +6337,Jock Mock Bay,-90.6881704,47.932391200000005 +6338,Frank Bay,-93.2120884,48.6007611 +6339,Klobuchar Bay,-91.79737370000001,47.7496336 +6340,King Mine,-93.44409710000001,47.2954967 +6341,Fury Lake,-91.0859461,48.0760026 +6342,Jessie Mine,-93.482433,47.2718864 +6343,Good Harbor Bay,-90.435947,47.728781100000006 +6344,James Bay,-90.8639971,48.2151658 +6345,Elks Bay,-93.2776446,48.614375900000006 +6346,Fishhouse Bay,-93.656046,47.332167600000005 +6347,Harrison Bay,-93.131062,48.612604100000006 +6348,Flood Bay,-91.6390655,47.0377103 +6349,Frances Bay,-90.59482650000001,48.100167000000006 +6350,Headquarters Bay,-94.27469520000001,47.1124552 +6351,Hill -Annex Mine,-93.2724232,47.3343822 +6352,Pike Bay,-94.5735935,47.3471765 +6353,Sager Bay,-93.6985348,47.6335552 +6354,Hill Trumbull Mine,-93.28464570000001,47.3346602 +6355,Sally Mine,-93.4007612,47.317717900000005 +6356,Greenway Mine,-93.5054889,47.281053400000005 +6357,Red Rock Bay,-90.95288760000001,48.1835 +6358,Rice Lake Bog,-93.6674201,47.6999429 +6359,Gross -Marble Mine,-93.29714630000001,47.3299383 +6360,Muskrat Bay,-93.8582672,47.5324484 +6361,Murphy Bay,-93.5043694,47.4210518 +6362,Grouse Bay,-93.85910080000001,47.5191152 +6363,Sherry Arm Bay,-93.5982754,47.1613361 +6364,Mud Bay,-91.05344330000001,48.1873894 +6365,Morrison Mine,-93.414651,47.3082738 +6366,Shingobee Bay,-94.5641612,47.055235700000004 +6367,Orwell Mine,-93.4021503,47.314106900000006 +6368,Salter Bay,-93.6279969,47.1930026 +6369,North Star Mine,-93.39270520000001,47.3218843 +6370,North Bay,-90.64177790000001,47.9515575 +6371,South Judd Mine,-93.3993722,47.319662300000005 +6372,Newburg Bay,-93.69484,47.606006900000004 +6373,Mallard Bay,-94.15411320000001,47.568286300000004 +6374,Mist Bay,-91.77513710000001,47.942954 +6375,Majorca Mine,-93.26436720000001,47.3413264 +6376,Simmons Bay,-93.5199245,47.43716310000001 +6377,MacDougal Bay,-93.5296536,47.324664600000006 +6378,Snyder Bay,-93.64993510000001,47.3241121 +6379,Krause Bay,-93.17569950000001,48.5957591 +6380,Moose Bay,-93.7415924,47.6316119 +6381,Pipestone Bay,-91.70346190000001,48.0229494 +6382,Miller Bay,-94.5558275,47.0530136 +6383,Poole Bay,-93.5910496,47.227723100000006 +6384,Meyers Bay,-93.5782719,47.2210563 +6385,Pickerel Bay,-93.5327041,47.4141082 +6386,McAvity Bay,-94.0666108,47.489119300000006 +6387,Mulkuk Bay,-91.74541330000001,47.950452600000006 +6388,Bass Bay,-91.39872700000001,48.0118378 +6389,Pickerel Bay,-91.42512,47.9610062 +6390,Sky Port Seaplane Base,-90.38323390000001,47.826348800000005 +6391,North Bay,-91.3895602,48.010449 +6392,Walker Mine,-93.41965130000001,47.304385 +6393,Wednesday Bay,-91.7237357,48.166839200000005 +6394,Newfound Bay,-91.41428280000001,48.009615600000004 +6395,Welshes Bay,-94.6149936,47.156900900000004 +6396,Wendigo Arm Bay,-93.505773,47.1480015 +6397,Walker Bay,-94.5638813,47.102179500000005 +6398,West Hill Mine,-93.48298790000001,47.2843862 +6399,Wakeman Bay,-93.54270500000001,47.4057751 +6400,West Seelye Bay,-94.0985558,47.5224527 +6401,Sucker Bay,-94.4424785,47.22689990000001 +6402,Wind Bay,-91.573732,48.022671100000004 +6403,Steamboat Bay,-94.6016582,47.1855118 +6404,Woods Bay,-93.977749,46.804959000000004 +6405,Sugar Point Bog,-94.2377436,47.223010300000006 +6406,Tom Cod Bay,-93.11320450000001,48.485476600000005 +6407,Tioga Mine,-93.6160505,47.2235571 +6408,Sugar Bay,-93.61521830000001,47.201057600000006 +6409,Turtle Bay,-93.61438270000001,47.2463343 +6410,Taylor Lake,-93.92802660000001,46.778570200000004 +6411,Traders Bay,-94.51248720000001,47.1413458 +6412,Tango Bay,-93.1493095,48.612424600000004 +6413,Waboose Bay,-94.27579750000001,47.304121300000006 +6414,Uram Bay,-94.44998620000001,47.0760683 +6415,Tilson Bay,-93.2206994,48.607150600000004 +6416,Pulkrabek Landing Field,-96.787834,48.051518300000005 +6417,Thursday Bay,-91.75262520000001,48.189062 +6418,Johnson Airport,-96.8811747,48.3424789 +6419,Melby Airport,-95.8317169,46.100516000000006 +6420,Telford Airport,-96.05699100000001,45.206350900000004 +6421,Norman County Ada/Twin Valley Airport,-96.40062,47.260242700000006 +6422,Crystal Lake Seaplane Base,-93.2668884,44.721909000000004 +6423,Hammars Farm Airport,-96.6138853,47.281209700000005 +6424,Appleton Municipal Airport,-96.0056019,45.2277393 +6425,Burk Airport,-94.28579710000001,43.8435684 +6426,Pierce Lake,-95.9597724,46.9077368 +6427,Boos Lake,-92.83021330000001,45.344687 +6428,Morrill Landing Strip,-94.6761094,47.1452344 +6429,Steiner Landing Strip,-93.98440710000001,46.9893993 +6430,Saint Louis Bay,-93.5285666,44.9338521 +6431,Wilderness Bay,-91.40928570000001,47.970172500000004 +6432,Schauer Lake,-93.6696852,45.1074634 +6433,Bigfork Municipal Airport,-93.6474946,47.7813626 +6434,A.R.S. Sport Strip,-93.7791535,44.6636505 +6435,Bolduc Seaplane Base,-93.4107482,47.5974372 +6436,Hook Spray Airport,-93.7074673,45.3207979 +6437,Turner Field,-95.017477,43.8662494 +6438,Schroeder Airport,-93.85775310000001,45.431077 +6439,Turtle Lake Seaplane Base,-94.8669371,47.6163425 +6440,Mathew Field,-96.45118000000001,46.6710712 +6441,Benson Municipal Airport,-95.6508706,45.3316272 +6442,Wagner Farm Airport,-96.57562920000001,46.671350000000004 +6443,Big Falls Municipal Airport,-93.7706069,48.199893100000004 +6444,AG Spray Incorporated Airport,-96.5122929,46.576349300000004 +6445,Nary National-Shefland Field,-94.7980531,47.3757869 +6446,Moberg Air Base Airport,-94.9530587,47.4957852 +6447,Hoiland Field,-95.3677962,47.3955126 +6448,Moberg Air Base Seaplane Base,-94.95029330000001,47.4961963 +6449,Bagley Municipal Airport,-95.36112580000001,47.524678300000005 +6450,Cloverleaf-East Bemidji Airport,-94.812218,47.4380084 +6451,Janssen Airport,-96.35247310000001,46.7095514 +6452,Nagel and Schultz Airport,-93.8016293,44.581907900000004 +6453,Jordan Seaplane Base,-94.8469366,47.5968977 +6454,Pagels Field,-94.80139190000001,45.201630200000004 +6455,Baudette Flying Service Seaplane Base,-94.704513,48.8315597 +6456,Backus Municipal Airport,-94.50722040000001,46.8266262 +6457,Baudette International Airport,-94.60448450000001,48.7232658 +6458,Cloquet Carlton County Airport,-92.5055744,46.701355400000004 +6459,Country Haven Airport,-92.41882650000001,46.7525301 +6460,Lindeys Landing Airport,-93.93192710000001,46.3869063 +6461,Mals-Serpent Lake Seaplane Base,-93.9185927,46.4738507 +6462,Leaders Clear Lake Airport,-93.9670121,45.4407292 +6463,Bryant Lake Seaplane Base,-93.437174,44.8844081 +6464,Shannon Field,-96.58978490000001,45.4266303 +6465,J J and T Airport,-97.0314639,47.988590800000004 +6466,Christenson Point Seaplane Base,-93.0543942,47.664976800000005 +6467,Frisch Airport,-96.4320735,45.699401400000006 +6468,Dawson Municipal Airport,-96.0167014,44.925515700000005 +6469,Rick Mathias Airport,-96.31061720000001,45.7191283 +6470,Crookston Municipal Airport-Kirkwood Field,-96.6217314,47.841638700000004 +6471,Shaughnessy Seaplane Base,-93.384089,47.4177163 +6472,Swanson Field,-93.3824175,45.444367 +6473,Pangerl Airport,-93.37161730000001,45.7005179 +6474,Empire Farm Strip,-93.8538549,44.7946845 +6475,Brooten Municipal Airport,-95.1044837,45.497999500000006 +6476,Buffalo Municipal Airport,-93.84330390000001,45.158852700000004 +6477,Lake Pulaski Seaplane Base,-93.8446936,45.1982973 +6478,Krals Landing Field,-93.56440280000001,45.0838526 +6479,Jackson Field,-94.2394419,46.271911300000006 +6480,Yaggie Airport,-96.42712390000001,46.278818400000006 +6481,Turkey Track Airport,-93.044156,44.7181512 +6482,Stewart Farms Airport,-92.80499250000001,44.5297436 +6483,Paynes Airport,-95.5169705,45.1352368 +6484,Myers Field-Canby Municipal Airport,-96.2633777,44.727741300000005 +6485,Runkes Field,-94.57137900000001,44.9102398 +6486,Rosackers Number 2 Seaplane Base,-93.8599789,46.364127 +6487,Buffalo Lake Seaplane Base,-93.9108063,45.161908600000004 +6488,Birch Lake Seaplane Base,-93.8135876,46.376348300000004 +6489,Ray S. Miller Army Air Field,-94.3613426,46.0925269 +6490,Sethney Stolport,-93.81359830000001,46.379403800000006 +6491,Cambridge Municipal Airport,-93.2641825,45.5598576 +6492,Dupres Airport,-92.8857705,45.3155214 +6493,Rosenberg Airport,-94.5824781,43.5219005 +6494,Flying A Airport,-92.3330548,43.816791800000004 +6495,Sixberrys Landing Seaplane Base,-93.04823920000001,47.6774293 +6496,Chisago Health Services Heliport,-92.8682704,45.3830198 +6497,Andings Landing Seaplane Base,-93.60856910000001,44.8802407 +6498,Rileys Landing Seaplane Base,-93.53207040000001,44.8336745 +6499,Dairyview Airport,-95.9097409,44.054687 +6500,Knapp Airport,-96.33173280000001,46.279681800000006 +6501,Greenbush Municipal Airport,-96.1918734,48.6858371 +6502,Meadowvale Airport,-93.58927010000001,45.3629977 +6503,Jacobsen Airport,-93.58910870000001,43.7705124 +6504,Gallers Airport,-93.7141167,44.186355600000006 +6505,Bergemann Airport,-94.1780133,44.003851700000006 +6506,Hemmingsen Airport,-96.0221236,47.599502900000005 +6507,Mille Lacs Lake Airport,-93.8308107,46.3191263 +6508,Oak Lake Air Strip,-95.9453931,47.660563800000006 +6509,Thompson Airport,-96.7758987,47.127826000000006 +6510,Kaml Airstrip,-96.6067237,47.9235752 +6511,Hagens Airport,-95.8119491,48.3785789 +6512,Gasper Airport,-96.61256300000001,47.9013611 +6513,Klamar Field,-95.78833700000001,48.3710784 +6514,Chuck West Memorial Heliport,-95.6814351,46.0099608 +6515,Elmer Airport,-95.6922686,46.005238500000004 +6516,Glenwood Municipal Airport,-95.3199333,45.646657100000006 +6517,Flobacks Seaplane Base,-93.6635938,44.8952113 +6518,Winter Strip,-95.4645095,45.041672600000005 +6519,Lake Minnewashta Seaplane Base,-93.6091248,44.8802407 +6520,Glencoe Municipal Airport,-94.08286030000001,44.7567828 +6521,Quist Seaplane Base,-93.3310536,44.4166304 +6522,Air-AG Airport,-93.2543722,43.5677353 +6523,Jennrich Field,-93.13322620000001,44.5618685 +6524,Swanson Airport,-95.77539060000001,48.0862795 +6525,Stegmaier Airport,-93.10020990000001,44.660926800000006 +6526,Gospel Ranch Airport,-93.0921447,47.228826600000005 +6527,Le Nores Airport (historic),-93.1860886,44.587090100000005 +6528,Mathis Airport,-95.52723350000001,47.863568300000004 +6529,Lucht Field,-93.0939026,44.6037832 +6530,Offutt Farm Airport,-96.5770181,46.881628500000005 +6531,Nielsens Airport,-93.1276004,44.5992989 +6532,Grand Marais-Cook County Seaplane Base,-90.38343900000001,47.8162796 +6533,Sowieja Airport,-93.0724361,44.634133000000006 +6534,Grand Marais-Cook County Airport,-90.3831603,47.8379461 +6535,Pake Airport,-96.665909,47.0452415 +6536,Kapaun-Wilson Field,-96.45172790000001,45.5502411 +6537,Schjeldrup Airport,-96.60187590000001,47.0301368 +6538,Granite Falls Municipal Airport,-95.50529610000001,44.8091242 +6539,Fertile Municipal Airport,-96.28783290000001,47.5471877 +6540,Gunflint Seaplane Base,-90.70820780000001,48.087158800000005 +6541,Du Fresne Airport,-93.0746658,45.2127446 +6542,Maurice Sugden Flying Service Strip,-96.9361681,48.7894264 +6543,F Dillenburg Airport,-93.9952619,45.8241329 +6544,Hallock Municipal Airport,-96.9431143,48.7524816 +6545,Waldref Seaplane Base,-92.95438390000001,45.2899668 +6546,Lino Air Park,-93.136139,45.1876705 +6547,Kohlmeyer Airport,-92.20349590000001,43.7530194 +6548,Hill City-Quadna Mountain Airport,-93.5968964,46.955229800000005 +6549,Fosston Municipal Airport,-95.77363790000001,47.5927372 +6550,Reco Field,-93.585227,47.0057844 +6551,North Center Lake Seaplane Base,-92.8316028,45.396908 +6552,Hector Municipal Airport,-94.7147133,44.7307951 +6553,Barnes Airport,-92.8349366,45.436073900000004 +6554,Itzen Air Strip,-96.2158936,45.7630167 +6555,Robco Airport,-94.75250190000001,47.1988447 +6556,Herman Municipal Airport,-96.1608925,45.8296829 +6557,Eastman Seaplane Base,-94.28110960000001,46.480245200000006 +6558,Hawley Municipal Airport,-96.35117650000001,46.8835713 +6559,Lake Bronson Airport,-96.66072750000001,48.7373343 +6560,Willow Ridge Airport,-92.82902250000001,44.671558000000005 +6561,Kenyon Heliport,-92.9435385,44.3338541 +6562,W Johnson Field,-95.6639119,44.7796796 +6563,Anderson Field,-96.80755470000001,48.642757 +6564,Johnston Airport,-96.2353393,46.8571814 +6565,Helblad Airport,-94.686918,47.9855146 +6566,Christianson Field,-96.7825722,47.3278613 +6567,Ultraflyte Incorporated Airport,-94.343328,46.664962300000006 +6568,Ewen Landing Field,-95.19680410000001,44.0320399 +6569,Lukes Airport,-96.9747827,48.739704100000004 +6570,Sky Park Landing Strip,-93.51828610000001,44.6594075 +6571,Sky Meadow Airport,-92.86517420000001,44.6980383 +6572,Girl Lake Seaplane Base,-94.2258091,46.9818999 +6573,Browns Airport,-95.78663590000001,45.552053400000005 +6574,Safe Air Seaplane Base,-94.1244144,46.986344200000005 +6575,Isle Private Airport,-93.46188520000001,46.1594167 +6576,Longville Municipal Airport,-94.20529110000001,46.9918423 +6577,Mulder Field Incorporated Airport,-96.232032,44.4598396 +6578,Littlefork Municipal-Hanover Airport,-93.5862723,48.4163335 +6579,Jackson Municipal Airport,-94.9851201,43.6468563 +6580,Todd Field,-94.87418790000001,45.898298000000004 +6581,Porter Airport,-93.3938303,47.012446700000005 +6582,L and M Aerodrome,-94.5791593,45.0619067 +6583,International Seaplane Base,-93.27352210000001,48.5969228 +6584,Little Falls-Morrison County Airport,-94.3472237,45.9491323 +6585,Litchfield Municipal Airport,-94.5074907,45.0969068 +6586,Wipline Airport,-93.0143973,44.8159294 +6587,Browns Base South-Reshanau Lake Seaplane Base,-93.09133250000001,45.1557997 +6588,Wipline Seaplane Base,-93.0148532,44.8165343 +6589,Vieira Airport,-93.1335569,45.208021900000006 +6590,Campbell Lake Seaplane Base,-94.4024847,44.90274 +6591,Conley Field,-93.33550410000001,45.8349599 +6592,Hines Farm Airport,-94.59546,46.237058600000005 +6593,Hopkins Police Heliport,-93.41689600000001,44.916352800000006 +6594,Moreys Airport,-94.64080170000001,46.3238761 +6595,Pilots Cove Airport,-93.7774705,45.3180202 +6596,Lotherts Landing Strip,-94.96138490000001,44.6452388 +6597,Joyner Airport,-93.81691670000001,45.3163537 +6598,Maple Airport,-93.672184,45.002740700000004 +6599,B and D Flyers International Airport,-93.8422431,43.830362300000004 +6600,Mora Municipal Airport,-93.2689589,45.886583300000005 +6601,Moose Lake Carlton County Airport,-92.8023857,46.420554100000004 +6602,Burns Lake Seaplane Base,-93.61047570000001,47.6232751 +6603,Fountain Lake Seaplane Base,-93.8921912,45.0344075 +6604,Madison-Lac Qui Parle County Airport,-96.1778197,44.9860734 +6605,Nielsville Airport,-96.83119040000001,47.533029400000004 +6606,Sellman Field,-91.83348640000001,43.528856100000006 +6607,Pauls Seaplane Base,-94.303055,46.4769117 +6608,Mahnomen County Airport,-95.9283757,47.2596829 +6609,Mertesdorf Airport,-94.2131928,44.2780694 +6610,Sons Landing Strip,-93.8669103,44.699684700000006 +6611,Valley News County-Lake Washington Seaplane Base,-93.86050920000001,44.2396894 +6612,Bachand Airport,-95.8922502,47.8135721 +6613,Freeborn County Landing Strip,-93.46576990000001,43.7035678 +6614,Scotts Due North Airport,-92.9885514,45.4819077 +6615,Mankato Farmstrip Airport,-93.91689740000001,44.0996886 +6616,Northome Municipal Airport,-94.250223,47.8913451 +6617,Peterson Seaplane Base,-93.4209835,44.9991932 +6618,Nevis Airport,-94.8255671,46.9607918 +6619,Ziermann Landing Strip,-93.8919121,44.8746847 +6620,Rosackers Number 1 Seaplane Base,-93.20439110000001,45.0766323 +6621,Sells Flying Field,-93.88556100000001,44.8785849 +6622,K and K Airstrip,-95.2578115,45.8999631 +6623,Isedor Iverson Airport,-93.31198160000001,46.6200981 +6624,New Ulm Medical Center,-94.4757955,44.3131879 +6625,Loon Lane Seaplane Base,-93.5224525,44.603296400000005 +6626,Kivi-Mokki Seaplane Base,-93.2102229,46.716613900000006 +6627,Arneman Field,-93.5682756,43.887182900000006 +6628,Busch's Fish Lake Seaplane Base,-93.4652325,45.093853100000004 +6629,Honker Flats Airport,-95.95222820000001,48.538583900000006 +6630,Mavencamp Airport,-94.03914680000001,45.256632100000004 +6631,Chanlin Field,-96.12918760000001,48.423305500000005 +6632,Milaca Municipal Airport,-93.6321846,45.772187 +6633,Martys Tranquility Base Seaplane Base,-93.47189580000001,44.6996854 +6634,Johnson Airport,-93.7399666,45.1505189 +6635,Valines Landing Seaplane Base,-93.3957822,44.7391304 +6636,Erickson Airport,-95.20162060000001,48.8099846 +6637,Prudential Helistop,-93.4467194,45.0634699 +6638,Van Normans Airport,-92.092848,44.0468296 +6639,High Grove Airport,-92.0216479,43.641587900000005 +6640,Johnson Airport,-95.4209024,44.7993418 +6641,Reynolds Field,-93.5141243,45.5371867 +6642,Haven Airport,-94.1213759,45.4896874 +6643,Little Rock-Rock Port Airport,-94.1938818,45.722743400000006 +6644,Rush City Municipal Airport,-92.9529897,45.6977363 +6645,Hagen Airport,-95.62090020000001,46.504096800000006 +6646,Velo Airstrip,-96.19113630000001,46.5097158 +6647,Red Lake Falls Municipal Airport,-96.2581037,47.824689500000005 +6648,Rohwer Airport,-95.8172387,43.598021100000004 +6649,Prairie Island-Schaller Airport,-92.7107538,44.6616341 +6650,Olivia Regional Airport,-95.03305610000001,44.778294200000005 +6651,Redwood Falls Municipal Airport,-95.0824972,44.5469043 +6652,Remer Municipal Airport,-93.9091858,47.0649133 +6653,Pavek Airport,-92.90576100000001,45.9080093 +6654,North Star Ranch Airport,-93.847199,46.0702398 +6655,Kastanek Airport,-93.98942840000001,45.955520400000005 +6656,Paynesville Municipal Airport,-94.7367251,45.3721855 +6657,Aerovilla Airport,-95.64325520000001,46.624216200000006 +6658,Empire Valley Airport,-94.67555580000001,45.286630300000006 +6659,Myers Field,-94.3323379,46.627834 +6660,Advance Machine Company Heliport,-93.4696763,45.0016303 +6661,Falk Airport,-95.0562766,46.860693000000005 +6662,Eastmans Medicine Lake Seaplane Base,-93.4260637,44.994408400000005 +6663,Park Rapids Municipal Airport,-95.07335520000001,46.9005148 +6664,Christison Airport,-92.20211350000001,44.158299 +6665,Sky Manor Aero Estates,-95.1227989,47.045514700000005 +6666,Perkins Lazy Meadows Airport,-96.3091783,44.0396943 +6667,Pine River Regional Airport,-94.38360560000001,46.724682800000004 +6668,Cary Airport,-94.9833526,46.8571809 +6669,Nietz Airstrip,-92.4524334,44.1928356 +6670,Agri Helicopter Incorporated Heliport,-93.2672739,44.092150800000006 +6671,Amundson Seaplane Base,-93.61745880000001,44.928851800000004 +6672,Tracy Municipal Airport,-95.6047317,44.249679400000005 +6673,Lake Zumbro Seaplane Base,-92.48351550000001,44.201354900000005 +6674,Siegs Farm Airport,-94.493857,43.893846 +6675,Dykstra Acreage Airport,-96.2541638,43.880508000000006 +6676,Anthony Airport,-91.7104539,47.036599800000005 +6677,Stephen Municipal Airport,-96.865992,48.4611224 +6678,Gilgenbachs Airport,-92.6585149,43.5210772 +6679,Tyler Municipal Airport,-96.14726370000001,44.2847723 +6680,Kochs Field,-96.0375339,44.6596835 +6681,Weideman International Airport,-91.60260480000001,47.0932644 +6682,Taylors Falls Airport,-92.68243030000001,45.3810737 +6683,Wetherbee Farm Airport,-96.5478484,46.0433709 +6684,Schmidt Airport,-95.4540413,44.5035875 +6685,Krueger Loon Lake Seaplane Base,-95.8367157,46.6219034 +6686,Thief River Falls Regional Airport,-96.18446940000001,48.0660335 +6687,Molnau Airpark,-93.7387671,44.844039300000006 +6688,Wetenkamp Airport,-96.3631206,46.0280154 +6689,Hazelglade Resort Seaplane Base,-93.5210728,46.1413452 +6690,The Last Resort Airport,-95.31417900000001,47.5663447 +6691,Walker Municipal Airport,-94.64200310000001,47.1581515 +6692,Sauk Centre Municipal Airport,-94.9315579,45.706295100000006 +6693,Caldbeck Field,-92.4607277,43.7049632 +6694,Silver Bay Municipal Airport,-91.4157239,47.248812300000004 +6695,Bowers Airport,-92.97122780000001,45.45271 +6696,Springfield Municipal Airport,-94.99915680000001,44.2307922 +6697,Matson Field,-92.40433730000001,43.6619083 +6698,Staples Municipal Airport,-94.8066852,46.380796200000006 +6699,Vasa Park Seaplane Base,-93.62245940000001,44.9632962 +6700,Starbuck Municipal Airport,-95.533929,45.599682900000005 +6701,Deters Farms Airport,-91.68116350000001,43.5610323 +6702,Stahlberg-Mohr Airport,-92.6449061,47.4482626 +6703,Pankratz Landing Strip,-94.9169334,44.3069043 +6704,Aero-Plain Airport (historical),-93.38467610000001,45.411075700000005 +6705,Saint James Municipal Airport,-94.55474070000001,43.985717900000004 +6706,United Childrens Hospital Heliport,-93.1096636,44.9421879 +6707,Grindstone Lake Seaplane Base,-93.00298240000001,46.1330043 +6708,Guggenberger Airport,-94.2108254,45.604409600000004 +6709,Shagawa Lake Seaplane Base,-91.8836534,47.9037523 +6710,Lennartson Airport,-92.30019130000001,46.7496645 +6711,Sky Harbor Seaplane Base,-92.4765728,47.4593719 +6712,Namakan Seaplane Base,-92.6668226,48.406572800000006 +6713,Sheltons Airport,-92.35743040000001,46.9440534 +6714,Robertson Field,-92.8593606,47.252158400000006 +6715,North Country Seaplane Base,-92.16824170000001,47.0146584 +6716,Ely Municipal Airport,-91.83070280000001,47.824352100000006 +6717,Music Man Heliport,-92.1540787,46.8085509 +6718,Traverse Air Airport,-96.40117640000001,45.9532934 +6719,Wild Rice Lake Seaplane Base,-92.16213250000001,46.8996605 +6720,Wheaton Municipal Airport,-96.54367850000001,45.780238600000004 +6721,Barnes Seaplane Base,-92.5573897,47.8993601 +6722,Brutlag Farms Airport,-96.10123610000001,46.0139581 +6723,Ricks Field,-96.15218060000001,45.965307300000006 +6724,Duluth Harbor Basin Northern Section,-92.0982455,46.7729955 +6725,Swift Airport,-96.0972801,46.089682100000005 +6726,Duluth Harbor Basin Southern Section,-92.0938012,46.762162200000006 +6727,Jolly Fisherman Seaplane Base,-95.52919630000001,47.142737200000006 +6728,Kjostad Lake Seaplane Base,-92.6223856,48.1043546 +6729,Dons Landing Field,-94.39943740000001,45.367186100000005 +6730,Waskish Municipal Airport,-94.51677790000001,48.147685300000006 +6731,Warroad International Airport,-95.3438074,48.937189000000004 +6732,Anderson Airport,-93.0604579,47.7871499 +6733,Roan Airport,-96.75284040000001,48.1455302 +6734,Canton Mine,-92.35573430000001,47.542703200000005 +6735,Eks Bay,-92.84792940000001,48.468520100000006 +6736,Wacootah Mine,-92.6090707,47.53076 +6737,Elbern Mine,-92.8193505,47.4768745 +6738,Bungalow Bay,-91.8623888,47.5179758 +6739,Embarrass Mine,-92.28323280000001,47.537981 +6740,Shiras Mine,-92.77045940000001,47.5052066 +6741,Erie Mine,-92.25378660000001,47.5599251 +6742,Forsyth Mine,-92.71962570000001,47.5213167 +6743,Erie Mine Number Two Pit,-92.10128010000001,47.5918669 +6744,Grant Mine,-92.7829597,47.5018734 +6745,Everetts Bay,-92.3412729,47.8293623 +6746,Lake Fremont Seaplane Base,-93.5805279,45.455055300000005 +6747,Fayal Number Two Pit,-92.54129540000001,47.454928100000004 +6748,Slatinski Bay,-92.96126100000001,48.469357800000004 +6749,Fayal Pit,-92.5290732,47.454928 +6750,Nord Field,-96.60674110000001,46.5830167 +6751,Duck Bay,-93.0012628,48.431859900000006 +6752,Windom Municipal Airport,-95.10943610000001,43.9132906 +6753,Duluth Harbor Basin,-92.0946344,46.764662200000004 +6754,Bald Eagle Seaplane Base,-93.01688490000001,45.1163554 +6755,Duncan Mine,-92.8507405,47.469375 +6756,White Bear Lake Seaplane Base,-92.9991062,45.091355300000004 +6757,Dunka Bay,-91.8740444,47.7193589 +6758,Johnsons Aero Repair Airport,-96.39173050000001,45.776905500000005 +6759,Dunwoody Mine,-92.8668518,47.4727084 +6760,East Loon Bay,-92.248756,48.259069000000004 +6761,East Bay,-92.07182370000001,47.7874166 +6762,East Bay,-92.4468219,48.2893491 +6763,Croxton Mine,-92.8204608,47.4979851 +6764,Big Bay,-92.3623834,47.847416900000006 +6765,Cranberry Bay,-93.0381983,48.592418200000004 +6766,Blind Ash Bay,-92.8679314,48.4290771 +6767,Daisy Bay,-92.37099350000001,47.864360500000004 +6768,Black Bay,-92.58544280000001,47.9613025 +6769,Cyprus Mine,-92.9890778,47.452154500000006 +6770,Black Duck Bay,-92.3987711,47.8868595 +6771,Dollar Hide Bay,-91.8773769,47.735192000000005 +6772,Armstrong Bay,-92.178487,47.849637200000004 +6773,Daley Bay,-92.93765280000001,48.4271353 +6774,Anderson Bay,-92.7437611,48.5260162 +6775,Drew-Syme Mine,-92.8115715,47.501873700000004 +6776,Alpena Mine,-92.5387929,47.5443702 +6777,Douglas Mine,-92.85796280000001,47.469652800000006 +6778,Burns Mine,-92.51379560000001,47.4513169 +6779,Alder Creek,-93.0087536,48.5901943 +6780,Browns Bay,-92.5448786,48.367406 +6781,Bear Head Bay,-92.08515560000001,47.8090823 +6782,Bass Bay,-92.23015170000001,47.876025500000004 +6783,Bystrom Bay,-92.38793550000001,47.9063029 +6784,Auburn Pit,-92.53434990000001,47.499649000000005 +6785,Burt-Sellers Mine,-92.9365764,47.454376100000005 +6786,Atkins Mine,-92.6999036,47.5221498 +6787,Canfield Portage Bay,-92.2918207,47.880748000000004 +6788,Acootah Mine,-92.6062929,47.531315500000005 +6789,Peils Vermillion Wings Seaplane Base,-92.40516050000001,47.885193 +6790,Cable Bay,-92.1998767,47.845749000000005 +6791,Irons Point Seaplane Base,-92.35048250000001,47.838853300000004 +6792,Chataco Mine,-92.8799073,47.4807639 +6793,Tower Municipal Airport,-92.2879997,47.818434700000005 +6794,Carmi-Carson Lake Mine,-92.99435650000001,47.432988300000005 +6795,Albany Mine,-92.9174091,47.4582648 +6796,Boulder Bay,-91.90653250000001,47.911571300000006 +6797,Ajax Mine,-92.3132334,47.5410364 +6798,Boulder Bay,-92.0181908,48.241565800000004 +6799,Agnew Shaft,-92.96352200000001,47.440765600000006 +6800,Adams Pit,-92.54768390000001,47.4693722 +6801,Blue Fin Bay,-92.9373728,48.463245900000004 +6802,New Pilot Mine,-92.62990330000001,47.5607594 +6803,Niles Bay,-92.5129423,47.9238033 +6804,Bob Bay,-91.81376420000001,47.7307458 +6805,North American Mine,-92.2584942,47.799364100000005 +6806,Bradford Mine,-92.9132417,47.476597700000006 +6807,North Arm,-91.9701414,47.974625100000004 +6808,Browns Bay,-92.79320460000001,48.530462500000006 +6809,Mud Creek Bay,-92.1790404,47.871858 +6810,Muskego Bay,-92.5507225,47.905748700000004 +6811,Boulder Bay,-92.02457980000001,48.246843500000004 +6812,Bowman Bay,-92.979875,48.419637 +6813,Nebraska Bay,-92.9159858,48.436856500000005 +6814,Never Fail Bay,-92.02263500000001,48.26601 +6815,Birch Bay,-91.984864,47.9754589 +6816,Morton Mine,-92.98018950000001,47.431043700000004 +6817,Biwabik Mine,-92.3471229,47.542425400000006 +6818,Mott Mine,-92.62879290000001,47.5277047 +6819,Mountain Iron Mine,-92.6235149,47.538815500000005 +6820,Big Bay,-92.0704321,47.8201924 +6821,Mud Bay,-92.9298749,48.431301600000005 +6822,Monroe-Tener Mine,-92.8746297,47.474097400000005 +6823,Moose Bay,-92.76265500000001,48.42935060000001 +6824,Morris Mine,-92.917409,47.4624314 +6825,Saunders Bay,-92.8818363,48.029917700000006 +6826,Morrow Mine,-92.5010178,47.457149900000005 +6827,Pike Bay,-92.3207182,47.810474500000005 +6828,Pierce Mine,-92.94907710000001,47.4465987 +6829,Pilot Mine,-92.5993485,47.534648700000005 +6830,Pillsbury Mine,-92.9060192,47.476597600000005 +6831,Palmer Mine,-92.82546090000001,47.4977074 +6832,Outlet Bay,-92.0184809,47.900186500000004 +6833,Peterson Bay,-93.05403940000001,48.451862500000004 +6834,Peterson Bay,-91.9506886,48.216287300000005 +6835,One Hundred Mile Swamp,-92.0290545,47.6107543 +6836,Olson Bay,-93.0498646,48.600474600000005 +6837,Orr Bay,-92.83683540000001,48.0590823 +6838,Saint James Mine,-92.2396207,47.535203 +6839,Ordean Mine,-92.5396261,47.547425700000005 +6840,Saginaw Bay,-92.9359776,48.5760244 +6841,Norwegian Bay,-92.55683140000001,47.948247200000004 +6842,North Bay,-91.8729313,47.752969 +6843,Saint Clair Mine,-92.84101700000001,47.491041 +6844,Olson Bay,-91.91681000000001,47.921571 +6845,Rollick Bay,-92.49988040000001,48.286572 +6846,Old Dutch Bay,-92.7895991,48.4285184 +6847,Saturday Bay,-91.8376286,48.19823 +6848,Rouchleau Mine (historical),-92.52212730000001,47.511593100000006 +6849,Rice Bay,-92.2190388,47.8918575 +6850,Prindle Mine,-92.5685148,47.551037 +6851,Grassy Bay,-92.5121002,48.376294900000005 +6852,Randolph Bay,-92.65015480000001,48.427683800000004 +6853,Grassy Lake Bay,-92.0682105,47.8121372 +6854,Portage Bay,-92.09821050000001,47.820193 +6855,Greenwood Bay,-92.4029386,47.8799154 +6856,Portage Bay,-92.319596,47.9224125 +6857,Hammer Bay,-92.51543210000001,48.4271284 +6858,Pilot Mine,-92.592404,47.5357597 +6859,Hartley Burt Mine,-92.82434980000001,47.4960407 +6860,South Agnew Mine,-92.9674112,47.436043500000004 +6861,Finger Bay,-92.7609826,48.534627900000004 +6862,Snowshoe Bay,-91.9012661,47.741859000000005 +6863,Finlander Bay,-92.9062566,48.5621341 +6864,Snow Bay,-92.27347850000001,48.3365693 +6865,Finn Bay,-91.9309901,47.724915900000006 +6866,Fraser Mine,-92.833517,47.4877077 +6867,Smart Bay,-92.44821800000001,47.896859400000004 +6868,Frazer Bay,-92.4882219,47.876305 +6869,Sliver Mine,-92.5379595,47.5463146 +6870,Friday Bay,-91.79762720000001,48.187673800000006 +6871,Sidney Mine,-92.52573720000001,47.552703300000005 +6872,Furaganger Bay,-91.9862537,47.9651818 +6873,Sherman Mine,-92.8296282,47.483541100000004 +6874,Genoa Mine,-92.49185080000001,47.464094100000004 +6875,Shenango Mine,-92.84323950000001,47.488541100000006 +6876,Indian Bay,-92.5460006,47.894915700000006 +6877,Seville-Midway Mine,-92.74073680000001,47.517428100000004 +6878,Humphrey Mine,-92.84546160000001,47.492152100000006 +6879,Scranton Mine,-92.9462994,47.440487700000006 +6880,Irwin Bay,-92.98570790000001,48.4260261 +6881,School Section Bay,-92.0064054,47.945759100000004 +6882,Iroquois Mine,-92.61545960000001,47.527982400000006 +6883,School Section Bay,-91.94819530000001,47.988234600000006 +6884,Johnson Bay,-92.73709720000001,48.4729608 +6885,Island Farm Swamp,-93.0624318,46.9410539 +6886,Schaefer Bay,-91.88292100000001,47.906293100000006 +6887,Junction Bay,-92.67571140000001,48.40823940000001 +6888,Glen Mine,-92.8968524,47.476319800000006 +6889,Judson Mine,-92.7868493,47.4865962 +6890,Grant Mine,-92.7849042,47.499095800000006 +6891,Head of the Lakes Bay,-92.6465572,47.941026 +6892,Hudson Pit,-92.2596209,47.542425300000005 +6893,Hartley Mine,-92.8346278,47.495763000000004 +6894,Hitchcock Bay,-92.88431320000001,48.550188600000006 +6895,Higgins-McEwen Mine,-92.5126821,47.537981300000006 +6896,Hoist Bay,-92.7462665,48.424350200000006 +6897,Larsons Bay,-92.5687788,47.9013046 +6898,Hoist Bay,-92.0243145,47.896853400000005 +6899,Leonard-Burt Mine,-92.8876855,47.4749308 +6900,Hull-Nelson Mine,-92.55462820000001,47.468816700000005 +6901,Lady Boot Bay,-92.070137,48.2704552 +6902,Lamberton Mine,-93.01519,47.4415995 +6903,Longstorff Bay,-91.90597740000001,47.903516200000006 +6904,Lost Bay,-92.8565408,48.4615761 +6905,Longyear Mine,-92.9149093,47.4527094 +6906,Lost Bay,-92.9812536,48.59435980000001 +6907,Leonidas Mine,-92.5632393,47.4699279 +6908,Margaret Mine,-92.75740350000001,47.5046508 +6909,Log Bay,-91.97432280000001,47.759360400000006 +6910,Sylling Landing Field,-91.6854251,43.5199688 +6911,Kempton Bay,-92.82487040000001,48.5360193 +6912,Indian Bay,-95.69251150000001,44.0999617 +6913,Hammervold Landing Field,-92.01404810000001,43.600243000000006 +6914,Kerr Mine,-92.98657750000001,47.4582654 +6915,Pietenpol Landing Field,-92.30155710000001,43.582742700000004 +6916,Kaleva Bay,-92.01264690000001,47.9093524 +6917,Ewald Landing Strip,-94.3113697,44.7652402 +6918,Kangas Bay,-91.8529305,47.755468300000004 +6919,Bear Lakebed,-94.090529,44.7207956 +6920,Barber Lake,-94.16636530000001,44.8119068 +6921,Kramer Bay,-91.93765660000001,47.7318603 +6922,Rice Lake,-94.25081250000001,44.781073600000006 +6923,LaRue Mine,-92.1587635,47.8604695 +6924,Flynn Airport,-93.7775,45.3194444 +6925,Knox Mine,-92.17100540000001,47.574646 +6926,Selstad Landing Field,-93.08492220000001,43.875518 +6927,Kohler Bay,-92.80626430000001,48.4499076 +6928,Rogers Landing Field,-92.3675,44.081944400000005 +6929,Mesaba Quarry,-92.64462540000001,47.563537200000006 +6930,Finland Air Force Station,-91.2388605,47.4545498 +6931,Big Fork City Police Department,-93.65360890000001,47.744804300000006 +6932,Mattson Bay,-92.2162663,47.841583 +6933,Simpson Landing Strip,-96.3258333,45.807222200000005 +6934,Mary Ellen Pit,-92.36517950000001,47.5290923 +6935,Marion Bay,-92.942645,48.560468900000004 +6936,Camp Ripley,-94.41493700000001,46.2088435 +6937,Missabe Mountain Mine (historical),-92.52740460000001,47.5268705 +6938,Spaulding Bay,-91.8376406,47.9229573 +6939,Minorga Mine,-92.5168486,47.5427035 +6940,Staege Bay,-92.52682340000001,48.3499059 +6941,Minnewas Mine (historical),-92.51879410000001,47.5088153 +6942,Spruce Mine,-92.5485173,47.463816800000004 +6943,Mica Bay,-92.7151513,48.5026828 +6944,Stevenson Mine,-93.0482467,47.435211100000004 +6945,Mace Number One Mine,-93.0635249,47.4329892 +6946,Stephens Mine,-92.2046179,47.567702100000005 +6947,Lost Lake Swamp,-92.46683510000001,47.824918200000006 +6948,Sullivan Bay,-92.80904360000001,48.4240748 +6949,Swansons Bay,-92.4876543,48.4054615 +6950,Stuntz Bay,-92.242379,47.8310286 +6951,Sunday Bay,-91.87040760000001,48.205175100000005 +6952,Sullivan Mine,-92.5068487,47.5421478 +6953,Susquehanna Mine,-92.92879880000001,47.446876200000005 +6954,Tamarack Bay,-92.0526481,47.8960207 +6955,Swedetown Bay,-92.2629351,47.8338064 +6956,Susan Bay,-92.8860013,48.094638800000006 +6957,Tiger Bay,-92.00791240000001,48.249343200000006 +6958,Toivola Swamp,-92.8418654,47.0352181 +6959,Anderson Bay,-94.5141766,46.195799900000004 +6960,Headleys Bay,-94.5836237,46.218021500000006 +6961,Hohler Bay,-94.597513,46.206076800000005 +6962,Bass Bay,-94.57667900000001,46.216354900000006 +6963,Virginia Mine,-92.5554614,47.477427600000006 +6964,Blue Front Bay,-94.57112330000001,46.223855 +6965,Wabigon Mine,-92.7801819,47.5057622 +6966,Silver Lake Landing Field,-94.251091,44.9305183 +6967,Waconda Bay,-92.5296112,47.8954712 +6968,Ferrell Lake,-94.4655429,44.9421842 +6969,Wakemup Bay,-92.6207244,47.913804500000005 +6970,Braggans Bay,-94.60973580000001,46.221354500000004 +6971,Wanless Mine,-92.7512923,47.5065952 +6972,Reich Lake,-94.0113347,44.8933416 +6973,Christensen Landing Strip,-94.88221100000001,44.358293700000004 +6974,Wanless Mine,-92.7482367,47.5096506 +6975,Erdahl Landing Strip,-93.9360649,43.6430104 +6976,Webb Mine,-92.92518740000001,47.450487300000006 +6977,Big Marsh,-93.93358380000001,45.125519600000004 +6978,Weggum Mine,-92.91990960000001,47.448820600000005 +6979,Braun Landing Strip,-94.8647399,44.3451036 +6980,Passer Landing Strip,-93.6877219,43.623843400000005 +6981,Wentworth Mine,-92.1276706,47.5763121 +6982,Schaper Landing Strip,-93.9652327,43.619677200000005 +6983,West Bay,-91.88265460000001,47.740192 +6984,Martin Landing Strip,-93.9224535,43.699954600000005 +6985,West Bay,-92.35987490000001,47.9413008 +6986,Amundson Landing Strip,-93.89189680000001,43.6674546 +6987,Wheeling Mine,-92.5804595,47.5418706 +6988,Fahey Lakebed,-94.0335826,44.699406800000006 +6989,Wertjes Landing Strip,-93.8557837,43.5530102 +6990,Whiteside Mine,-92.7446256,47.504650700000006 +6991,Wolf Bay,-92.45488200000001,47.939913100000005 +6992,East End Bay,-94.5008428,46.203855700000005 +6993,Krantz Bay,-94.550289,46.196355100000005 +6994,Workman Landing Strip,-92.8790907,46.054950500000004 +6995,Kohl Landing Strip,-94.2074961,46.1910773 +6996,Goodwin Bay,-94.5433445,46.220522 +6997,The Flats,-94.5419555,46.213855300000006 +6998,Holister Bay,-94.5614006,46.2044105 +6999,High Falls,-89.5982852,48.004878100000006 +7000,High Falls,-91.209995,47.3512039 +7001,Granite Falls Municipal Airport,-95.5563264,44.7525421 +7002,Gate 5,-93.16760790000001,44.9811099 +7003,Main Gate,-93.22283680000001,44.864653100000005 +7004,Lock and Dam 3,-92.6080105,44.6096213 +7005,Lock and Dam 3,-92.61047040000001,44.6101058 +7006,Terminal 1 - Lindbergh,-93.20553430000001,44.8804706 +7007,Main Gate,-93.222841,44.864537500000004 +7008,Ground Transportation Center,-93.20569,44.8811314 +7009,USPS,-93.29819610000001,44.948232700000005 +7010,Cedar Beach Water Pump,-93.32073120000001,44.953398500000006 +7011,Denny's,-93.2235998,44.7324247 +7012,Nelson Auto World,-93.2285667,44.988034000000006 +7013,Subway,-93.28554270000001,44.696100400000006 +7014,Raisin' Cain's Chicken,-93.2187463,44.7323845 +7015,Lakeville Chinese,-93.2861263,44.6967105 +7016,Red Robin,-93.21691510000001,44.7238558 +7017,CVS Pharmacy,-93.28522050000001,44.6930776 +7018,US Bank,-93.21325130000001,44.731118200000004 +7019,Green Mill Pizza,-93.2847102,44.692378500000004 +7020,McDonald's,-93.2208076,44.7328021 +7021,Buffalo Wild Wings,-93.285899,44.6818113 +7022,Half Price Books,-93.2199576,44.730912200000006 +7023,MotoMart,-93.23396480000001,44.9426724 +7024,Gate E,-93.45506160000001,44.830360000000006 +7025,Sea Salt Eatery,-93.2108845,44.91608 +7026,Homewood Studios,-93.31089650000001,44.9916731 +7027,Wildwood Amusement Park,-92.9588999,45.057251900000004 +7028,El Loro Mexican Grill,-93.220995,44.9734722 +7029,Cat Care Clinic,-92.956523,45.064573800000005 +7030,International Business Machines,-92.5055919,44.0588849 +7031,Target,-92.50360420000001,44.0629738 +7032,Great Dragon Buffet,-94.15684470000001,45.5585499 +7033,Green Mill,-94.15517750000001,45.560746800000004 +7034,Miller Auto,-94.194647,45.547349800000006 +7035,Nights Inn,-94.13089740000001,45.560731100000005 +7036,Tire One,-94.1351803,45.5614763 +7037,Caribou Coffee,-94.1877391,45.553452400000005 +7038,Domino's,-94.2154316,45.553151500000006 +7039,Papa John's,-94.1876361,45.5533863 +7040,Lunds & Byerlys,-94.18851760000001,45.5519322 +7041,Sammy's Pizza,-94.2160867,45.5530296 +7042,Burger King,-94.19877690000001,45.552983600000005 +7043,Woodbury Police Station,-92.93469540000001,44.9179164 +7044,Perkins,-94.2079712,45.552859600000005 +7045,Caribou Coffee,-94.21156470000001,45.553784 +7046,"Knockers Pizza, Wings & More",-94.13077080000001,45.551451300000004 +7047,Mr. Santana,-93.2473851,44.983966800000005 +7048,Annie's Parlour,-93.23640280000001,44.9800042 +7049,Verizon wireless,-93.1773922,45.0114383 +7050,T C Moulding,-93.179366,45.017123100000006 +7051,Chipotle,-93.23371660000001,45.160400300000006 +7052,Arrowcrest Speed Warehouse,-93.17937710000001,45.0176499 +7053,Auto-Mate Parts Network,-93.177518,45.017669700000006 +7054,McDonald's,-93.23424010000001,45.156672 +7055,Time Out Restaurant & Sports Bar,-93.23412210000001,45.1583485 +7056,Mounds View Police,-93.2045812,45.1040859 +7057,Jimmy John's,-93.2341801,45.159734500000006 +7058,Pink Flower,-93.2104692,45.1075207 +7059,Festival Foods,-93.16855580000001,45.136870900000005 +7060,Bamboo Betty's,-93.1724439,45.134878900000004 +7061,Walgreens,-93.1642729,45.139873900000005 +7062,Speedway,-93.1749613,44.7459636 +7063,McDonald's,-93.16326860000001,45.140779800000004 +7064,Park and Ride,-93.2158309,44.7236044 +7065,Subway,-93.16444390000001,45.1419817 +7066,Annies Wok,-93.1680151,45.1372766 +7067,El Loro,-93.1677576,45.137440100000006 +7068,Green Door,-92.22954870000001,43.9878513 +7069,Dairy Queen,-93.16586930000001,45.139183800000005 +7070,Road Trip Bar & Grill,-92.13790030000001,43.9751016 +7071,Sam's Club,-93.20131860000001,44.7345995 +7072,Country Cafe,-92.2320883,43.9892873 +7073,LeeAnn Chin's,-93.219412,44.731429000000006 +7074,St. Paul Radiology,-93.15068090000001,44.831637300000004 +7075,Buffalo Wild Wings,-93.21616700000001,44.736057 +7076,PetSmart,-93.1576115,44.8362793 +7077,Rainbow Foods,-93.2195662,44.7298678 +7078,Old Chicago,-93.1626433,44.8300788 +7079,Burlington,-93.219592,44.729142200000005 +7080,Petco,-93.219575,44.730380000000004 +7081,Chipotle,-93.219403,44.73113 +7082,Feed My Starving Children,-93.1390312,44.847438700000005 +7083,Taco Bell,-93.2278369,45.0037527 +7084,Barnes & Noble,-93.15676040000001,44.8363579 +7085,Michaels,-93.15494140000001,44.8363431 +7086,Lunds & Byerlys,-93.15849770000001,44.8361777 +7087,Chipotle,-93.1521634,44.835976900000006 +7088,Holiday,-93.1677846,44.826816 +7089,Big Lots,-93.16088210000001,44.8301954 +7090,Eagan Police,-93.165965,44.818414700000005 +7091,Chipotle,-93.22690990000001,44.9734817 +7092,Pizza Hut,-93.2279421,45.003655900000005 +7093,8th Street Market,-93.2426233,44.9882409 +7094,Civil War Monument,-93.1985052,44.9417448 +7095,TCF Bank,-93.5092946,44.779880500000004 +7096,Mesa Pizza,-93.23618250000001,44.980791 +7097,Dam,-94.2971595,46.926151100000006 +7098,CVS Pharmacy,-93.4688715,44.7784576 +7099,USPS,-93.60211220000001,44.786235100000006 +7100,Sartell Post Office,-94.2067598,45.6154572 +7101,Taco Bell,-93.22173450000001,44.7324667 +7102,Rosemount High School,-93.1324077,44.744688100000005 +7103,Holiday Station Store,-93.20811230000001,44.7459135 +7104,Rosemount Middle School,-93.1286814,44.7421859 +7105,Fire Station #2,-93.2080437,44.746846100000006 +7106,Rosemount Elementary School,-93.1302041,44.741137800000004 +7107,Bakers Square,-93.21725190000001,44.729237600000005 +7108,Rosemount Police,-93.12373260000001,44.7397356 +7109,Subway,-92.099934,46.8210325 +7110,Domino's Pizza,-92.0742541,46.822336400000005 +7111,50th Street/Minnehaha Park,-93.2103002,44.912569000000005 +7112,DECC Parking Lot,-92.10020150000001,46.780904500000005 +7113,Wade Stadium,-92.14369190000001,46.7539725 +7114,Sally's Saloon,-93.228451,44.9735342 +7115,Urban Eatery,-93.31526380000001,44.9496328 +7116,Perkins,-94.2033569,45.586486300000004 +7117,Longfellow Grill,-93.2060589,44.948681400000005 +7118,Milkweed Cafe,-93.21674580000001,44.948538400000004 +7119,Kwik Trip,-93.5398823,44.8423418 +7120,St. Francis Xavier,-94.2086098,45.620726100000006 +7121,Stella Maris Chapel,-94.38834320000001,45.571944200000004 +7122,Liquid Assets,-94.2256425,45.6159375 +7123,St Johns University,-94.3922495,45.5807337 +7124,GNC,-93.38498720000001,44.9371299 +7125,St. Joan of Arc,-93.2720644,44.921222 +7126,Lunds & Byerlys,-93.19084400000001,44.916999000000004 +7127,Regis,-93.38498600000001,44.937205600000006 +7128,Sport Clips,-93.3849847,44.9372835 +7129,Kwik Trip,-91.647856,44.044744200000004 +7130,Saint Benedict's,-94.45372130000001,45.608403200000005 +7131,Minnoco,-91.6477057,44.0452509 +7132,Premium Entrance,-93.2254163,44.975590600000004 +7133,Lakeville Water Tower,-93.22175610000001,44.6917818 +7134,Cub Foods,-93.28125080000001,44.692269200000005 +7135,Rest Area,-94.4889517,45.6066647 +7136,Cub Foods,-93.2517476,44.6588408 +7137,Rest Area,-95.3397789,45.835902100000006 +7138,Bull's Horn Food and Drink,-93.222756,44.9198037 +7139,Caribou Coffee,-93.16653450000001,44.939489800000004 +7140,Two Rivers,-92.73376540000001,45.876835500000006 +7141,Dunn Brothers,-93.16632700000001,44.9402205 +7142,Buffalo Wild Wings,-93.1660614,44.943716 +7143,Cub Pharmacy,-93.44804880000001,45.103109800000006 +7144,Pine Ridge,-92.72294360000001,45.886146600000004 +7145,Edina Police Station,-93.3476521,44.9109357 +7146,St. Mary's Catholic Church,-93.9703886,45.0674597 +7147,Mark's Service Station,-93.9723627,45.064695300000004 +7148,Normandale French Immersion School,-93.34902480000001,44.8984947 +7149,St. Bonifacious Catholic Church,-93.74762770000001,44.9047807 +7150,Waverly Fire Station,-93.9688201,45.0666761 +7151,Waverly Cafe,-93.9733348,45.0645119 +7152,Citizens State Bank of Waverly,-93.97060540000001,45.0648938 +7153,First Avenue,-93.27597990000001,44.978550600000005 +7154,Waverly Liquior Store,-93.9709401,45.065360600000005 +7155,7th Street Entry,-93.2758168,44.9784413 +7156,Waypoint of track '20090928',-93.2798721,44.698606600000005 +7157,Trap Farm Park,-93.1277506,44.797037 +7158,Christ Presbyterian Church,-93.3490254,44.8769586 +7159,State Theatre,-93.2759288,44.9768155 +7160,Edina Landmark Theater,-93.3297094,44.9122983 +7161,Convention Grill,-93.32963620000001,44.9218032 +7162,Edina Mill Ruins,-93.34228470000001,44.912243600000004 +7163,Trail's Edge General Store,-95.6637736,44.0944562 +7164,Good Samaritan United Methodist Church,-93.36990420000001,44.898633600000004 +7165,Buffalo Wild Wings Grill & Bar,-93.37670030000001,44.745346700000006 +7166,Super Target,-93.3773183,44.7439751 +7167,Riverview Wine Bar,-93.2124792,44.9344777 +7168,Davanni's Pizza & Hot Hoagies,-93.18758050000001,44.9399208 +7169,New Spirit United Church of Christ,-93.3745889,44.742761900000005 +7170,iPho by Saigon,-93.13001870000001,44.9555354 +7171,Scott Lake Veterinary Center,-93.37994690000001,44.740775 +7172,OfficeMax,-93.376901,44.742794200000006 +7173,Maple Grove Police Department,-93.44213380000001,45.098932000000005 +7174,Maintenance Building,-91.6720859,44.0519042 +7175,Cover Nails,-93.50993580000001,44.7807952 +7176,Papa Murphy's,-93.5089805,44.7819171 +7177,$5 Tan,-93.50910180000001,44.7818187 +7178,Sapporo,-93.50922940000001,44.781758700000005 +7179,The UPS Store,-93.5099205,44.7809091 +7180,Soccer Fun-Da-Mentals,-93.5099148,44.7813103 +7181,Subway,-93.509922,44.7809765 +7182,OneMain Financial,-93.5099191,44.7812046 +7183,Marschall Road Animal Hospital,-93.50993580000001,44.780697700000005 +7184,Tobacco Express,-93.5099306,44.781096100000006 +7185,Great Clips,-93.50993580000001,44.780746400000005 +7186,Snap Fitness,-93.50607070000001,44.7795665 +7187,Army Career Center,-93.5064282,44.7795645 +7188,Eagle Creek Elemantary School,-93.43276320000001,44.765579200000005 +7189,Chuck & Don's,-93.50678110000001,44.7795622 +7190,Boat Ramp,-93.5567115,44.8689297 +7191,Kwik Trip,-93.41286450000001,44.771412000000005 +7192,Riverside Fields,-93.4117446,44.771139100000006 +7193,New Brighton Fire Station,-93.19273460000001,45.062102100000004 +7194,Subway,-93.66663220000001,44.938222200000006 +7195,North St. Paul Fire Department,-92.991718,45.0134971 +7196,Cub Foods,-93.15059550000001,44.993568800000006 +7197,Wok in the Park,-93.38173570000001,44.9490964 +7198,McCoy's,-93.3399868,44.9341772 +7199,Cub Foods,-93.1628369,45.0027222 +7200,Buck Hill,-93.28389440000001,44.7240775 +7201,Redstone,-93.436582,44.9652125 +7202,minnetonka,-93.44322530000001,44.970234500000004 +7203,Trader Joe's,-93.33746000000001,44.9344763 +7204,McDonald's,-93.2980632,44.9491224 +7205,Punch Pizza,-93.32049830000001,44.9493525 +7206,Barnes & Noble,-93.320081,44.9492713 +7207,Lagoon Cinema,-93.29666800000001,44.9494325 +7208,Uptown Theatre,-93.2984984,44.949048100000006 +7209,Jimmy John's,-93.1994028,44.964406200000006 +7210,Chiang Mai Thai,-93.297233,44.947542000000006 +7211,Famous Dave's,-93.2973017,44.9471471 +7212,Saint Columba Catholic Church,-93.1557571,44.960542800000006 +7213,Black Sea,-93.16729910000001,44.9634511 +7214,Ginkgo Coffeehouse,-93.1672903,44.963028800000004 +7215,Cub Foods,-93.31982330000001,44.8803597 +7216,Café & Bar Lurcat,-93.2862364,44.9712654 +7217,Linden Hills,-93.3188456,44.9268804 +7218,Dinkytown,-93.23578710000001,44.980479300000006 +7219,Caribou Coffee,-93.09234090000001,44.9486033 +7220,Kenwood,-93.31129800000001,44.961333 +7221,Lowry Hill,-93.296259,44.9664073 +7222,CRISP & GREEN,-93.31995690000001,44.9487305 +7223,Michaels,-93.41803130000001,44.776701900000006 +7224,Seward,-93.2324361,44.9599138 +7225,Trade Secret,-93.4178352,44.777503100000004 +7226,East Isles,-93.29976880000001,44.956109000000005 +7227,Once Upon a Child,-93.41786610000001,44.777211400000006 +7228,North Loop,-93.2760418,44.9880104 +7229,Petland,-93.41789700000001,44.7769196 +7230,King Field,-93.28180540000001,44.928663300000004 +7231,Caribou Coffee,-93.41552340000001,44.774977 +7232,Sheridan,-93.2648453,45.0018668 +7233,Cam Rahn Express,-93.4155776,44.775018200000005 +7234,Marcy-Holmes,-93.24543410000001,44.9868868 +7235,Sprint,-93.4156318,44.7750593 +7236,GameStop,-93.41568600000001,44.7751005 +7237,Whittier,-93.2789924,44.9564414 +7238,Lakeside Tanning,-93.41579440000001,44.7751828 +7239,Longfellow,-93.2264224,44.9474499 +7240,Nails,-93.4157402,44.775141700000006 +7241,Lynnhurst,-93.2979864,44.9123284 +7242,Minnesota Children's Museum,-93.0969043,44.9477142 +7243,Sweeney's Saloon,-93.1261063,44.944192 +7244,Supercuts,-93.4159029,44.775265100000006 +7245,Groundswell Coffee,-93.15707130000001,44.9591957 +7246,Subway,-93.4159571,44.775306300000004 +7247,Panera Bread,-93.41499400000001,44.7749996 +7248,Wine Styles,-93.41468970000001,44.7753363 +7249,Southbridge Dental,-93.4147341,44.7752897 +7250,Union Junction,-93.1802198,44.973626200000005 +7251,Martinizing Dry Cleaning,-93.4147786,44.775243100000004 +7252,Allstate,-93.41482300000001,44.7751966 +7253,Shakopee Family Chiropractic,-93.4148675,44.775150000000004 +7254,Gabe's,-93.14711600000001,44.970972200000006 +7255,GNC,-93.4145563,44.775476000000005 +7256,Hiawatha,-93.2121333,44.924043600000005 +7257,Verizon,-93.41464520000001,44.775382900000004 +7258,Smashburger,-93.4144675,44.7755692 +7259,Cherry Berry,-93.41451190000001,44.7755226 +7260,FedEx Drop,-93.4148497,44.7815231 +7261,East Harriet,-93.2982023,44.9286875 +7262,Crossings Dental Care,-93.41452550000001,44.7819075 +7263,Windom,-93.2832099,44.8978588 +7264,Coldwell Banker Burnet,-93.41426150000001,44.781926000000006 +7265,Armatage,-93.3112112,44.897930800000005 +7266,Cedar-Riverside,-93.24491800000001,44.9685112 +7267,Logan Park,-93.25308620000001,45.002191 +7268,Keewaydin,-93.2301939,44.9097869 +7269,Bryant-Lake Bowl,-93.29013590000001,44.9485005 +7270,Corcoran,-93.2413564,44.942097100000005 +7271,Bottineau,-93.2693041,45.0105656 +7272,Phillips,-93.2580976,44.9566865 +7273,Burger King,-93.0191822,45.0150039 +7274,Fuji Ya,-93.28727450000001,44.9485728 +7275,The Oceanaire Seafood Room,-93.2717152,44.978136000000006 +7276,Victoria Crossing,-93.13638180000001,44.940005500000005 +7277,Brit's Pub,-93.2761026,44.972661900000006 +7278,Cafe Latte,-93.13619530000001,44.9398113 +7279,Hong Kong Buffet,-93.50655660000001,44.7795633 +7280,Bethlehem Evangelical Lutheran Church (WELS),-93.2471893,44.6552838 +7281,Pantages Theatre,-93.27534510000001,44.977932700000004 +7282,Heritage Library,-93.2456959,44.657933500000006 +7283,Fogo de Chao,-93.2743152,44.9780177 +7284,Williams Pub and Peanut Bar,-93.29801060000001,44.949547900000006 +7285,Mackenzie,-93.2775682,44.9762691 +7286,O'Donovan's,-93.27649530000001,44.978661300000006 +7287,Frederick Miller Spring,-93.4805237,44.822315 +7288,Dunn Bros. Coffee,-93.0948249,44.94572 +7289,Super One,-91.6797193,47.027311700000006 +7290,Burlington Bay Campground,-91.6619309,47.026416100000006 +7291,Pamida,-91.67995540000001,47.027946500000006 +7292,Chipotle,-93.4099374,44.924251600000005 +7293,Municipal Lot,-93.4132864,44.925070100000006 +7294,The Nook,-93.15669770000001,44.926582200000006 +7295,Municipal Lot,-93.412265,44.925173400000006 +7296,Highland 1 & 2,-93.187177,44.918421200000004 +7297,Municipal Lot,-93.4104454,44.925130900000006 +7298,Chipotle,-93.18855190000001,44.917554200000005 +7299,Municipal Lot,-93.4118444,44.9236967 +7300,Rooster's BBQ,-93.1413383,44.9270981 +7301,Holiday,-93.1896598,44.977538900000006 +7302,Leitner's Garden Center,-93.1400852,44.927092 +7303,Holiday Gas Station,-93.3544097,44.912689400000005 +7304,Caribou Coffee,-93.3499316,44.966224700000005 +7305,Highland Grill,-93.1875612,44.918220000000005 +7306,ELWAY STATION,-93.1459275,44.9151454 +7307,May Day Cafe,-93.25264530000001,44.9398848 +7308,Groveland Tap,-93.1779188,44.9341324 +7309,Green Mill,-93.15701340000001,44.939691800000006 +7310,Estelle,-93.1768067,44.9341586 +7311,Mound FD,-93.6583552,44.9340387 +7312,Linwood Recreation Center,-93.13613640000001,44.9335795 +7313,Boe Memorial Chapel,-93.1838893,44.4619421 +7314,Holiday,-91.66704320000001,47.0263323 +7315,Rustica,-96.7742005,46.8736533 +7316,Chaska Mill Tavern,-93.6028268,44.7883894 +7317,TCF,-93.4564926,44.8690821 +7318,Target Entrance,-93.27410660000001,44.9749603 +7319,Subway,-93.4412549,45.0658965 +7320,Egg & I,-93.2042562,44.965962700000006 +7321,Plymouth PD,-93.47511080000001,45.019502300000006 +7322,Heritage Square,-93.7607036,44.6105856 +7323,Keys Cafe,-93.0941212,44.9511461 +7324,Paynesville Historical Museum,-94.703573,45.3812262 +7325,Crystal Hills Assembly,-94.6693137,45.3308315 +7326,Light Up,-93.46478060000001,44.862349900000005 +7327,USPS,-93.4643783,44.8632587 +7328,Justice Brothers,-93.4642386,44.8636648 +7329,Kwik Trip,-92.00403060000001,44.307045800000004 +7330,Highland Pool,-93.1551457,44.9107872 +7331,Valley Evangelical Free Church,-93.6032186,44.805729 +7332,Koronis Cinema,-94.71357970000001,45.381345100000004 +7333,Corner Drug,-94.71388870000001,45.3819901 +7334,Teals Market,-94.7304728,45.371059300000006 +7335,enterpirse,-93.48052750000001,44.8621659 +7336,St Louis Catholic Church,-94.72391370000001,45.377058500000004 +7337,EAS Deli Express,-93.4812594,44.860778100000005 +7338,YMCA,-93.44775360000001,44.7493635 +7339,CVS Pharmacy,-93.5783559,44.8634786 +7340,New Horizon,-93.43106490000001,44.7460997 +7341,Edward Jones,-93.589804,44.864451200000005 +7342,Holiday,-93.43035560000001,44.7460943 +7343,Fantastic Sams,-93.3840406,44.746865500000006 +7344,Foss Swim School,-93.3838606,44.746865500000006 +7345,Walgreens,-93.3815651,44.746993100000005 +7346,UPS,-93.37389590000001,44.745933300000004 +7347,Animal Hospital,-93.3583502,44.746227700000006 +7348,Super America,-93.3509575,44.746132900000006 +7349,Good Day Cafe,-93.34821670000001,44.9712868 +7350,Walgreens,-93.32135000000001,44.9491461 +7351,The Gnome Craft Pub,-93.1210324,44.946364700000004 +7352,Old Southern,-93.32860000000001,44.921341000000005 +7353,Pediatric Services,-93.34014660000001,44.9424518 +7354,"Hampskire Labs, Inc.",-93.3424339,44.942193800000005 +7355,Milio's,-93.32853030000001,44.9224844 +7356,Karkela Construction,-93.34162930000001,44.942349400000005 +7357,puretein,-93.34143080000001,44.9420495 +7358,Kowalski's Uptown Market,-93.2960541,44.9578787 +7359,Lot 57,-93.2766383,44.973252 +7360,Macalester Wind Turbine,-93.1682821,44.9361526 +7361,Ficocello's Hair Salon,-93.16671000000001,44.9266341 +7362,Watershed High School,-93.270666,44.920085900000004 +7363,Holiday,-94.37619950000001,44.8767894 +7364,Caribou Coffee & Einstein Bagels,-94.3760271,44.8746744 +7365,McDonald's,-94.3764098,44.8753929 +7366,Hutchinson Co-op,-94.365272,44.8837824 +7367,Casey's General Store,-94.3533252,44.894812300000005 +7368,Subway,-93.7476074,44.9022057 +7369,Coon Rapids Dam,-93.3113653,45.143975100000006 +7370,Faith Lutheran Church,-93.6236258,44.867739300000004 +7371,Mount Olivet Lutheran Church West Campus,-93.6426392,44.878865700000006 +7372,Fey Industries,-96.13403430000001,43.8816946 +7373,Jersey Mike's Subs,-93.3499396,44.9665322 +7374,5 Below,-93.23102650000001,45.005069000000006 +7375,Davanni's Pizza and Hot Hoagies,-93.14850050000001,45.0522715 +7376,Wendy's,-93.25320930000001,44.1393859 +7377,PetSmart,-93.23046860000001,45.0050614 +7378,Rustica Bakery & Cafe,-93.32034700000001,44.949352000000005 +7379,Black Dog Restaurant (CLOSED PERMANENTLY),-93.083954,44.949154 +7380,Pho Ca Dao Restaurant,-93.1184171,44.955954000000006 +7381,Edenbrook Conservation Area,-93.51068520000001,44.8833901 +7382,Mario's Pizza,-93.1872122,44.9480122 +7383,A Baker's Wife's,-93.2323585,44.926740900000006 +7384,Old Chicago,-93.4835194,45.020674 +7385,Chris & Rob's,-93.22679910000001,44.9267522 +7386,McDonald's,-93.5583546,44.9022737 +7387,Broders’ Cucina Italiana,-93.309182,44.9125515 +7388,The Bulldog,-93.0880204,44.950108900000004 +7389,Sebastian Joe's Ice Cream,-93.314676,44.923833 +7390,End of the Line Drive-Inn,-96.800021,48.861047400000004 +7391,Dunn Bros Coffee,-93.31529950000001,44.924850600000006 +7392,Sebastian Joe's Ice Cream,-93.29214540000001,44.9625738 +7393,Washington Square Bar & Grill,-93.00888020000001,45.0845214 +7394,Nellie's Ice Cream,-93.18634990000001,44.9482201 +7395,Kopplin's Coffee,-93.18655910000001,44.948221000000004 +7396,Leaning Tower of Pizza,-93.28832410000001,44.9592619 +7397,Choo Choo Bob's Train Store,-93.186999,44.9482153 +7398,Misfit Coffee,-93.287828,44.959018 +7399,Yarmo Liquor Store,-93.1713651,44.9020789 +7400,TargetExpress,-93.18825290000001,44.9175551 +7401,Due Focacceria,-93.17748660000001,44.9272724 +7402,Subway,-93.17176740000001,44.901983900000005 +7403,Starbucks,-93.18791490000001,44.9175551 +7404,Java Moose,-90.33440900000001,47.748555 +7405,Sencha Tea Bar,-93.29664340000001,44.9554113 +7406,Angry Trout Cafe,-90.33953930000001,47.7489034 +7407,Hubert Olson Middle School,-93.3374599,44.817117800000005 +7408,Bill's Superette,-93.403704,45.2479468 +7409,Hubert Olson Elementary School,-93.33805000000001,44.8183431 +7410,1000 Friends of Minnesota,-93.12873900000001,44.926501 +7411,Cub Foods,-93.33082950000001,44.8123762 +7412,Bloomington City Hall,-93.302367,44.8251768 +7413,Speedway,-93.2959404,44.826805300000004 +7414,Merwin Liquors,-93.16585760000001,44.9920619 +7415,Pronk Pit & Mill,-96.10232,43.82643 +7416,Maya Cuisine,-93.1708133,45.0124269 +7417,Big Bowl,-93.17072490000001,45.0121903 +7418,Green Mill,-93.1697864,45.012841300000005 +7419,Best Buy,-93.16782520000001,45.0162252 +7420,Jimmy John's,-93.16507580000001,44.992078400000004 +7421,Source Comics and Games,-93.167364,45.003128100000005 +7422,Erik's Bike Shop,-93.1673518,45.0032774 +7423,Luverne Wash Plant,-96.16035000000001,43.67241 +7424,Kyoto Sushi,-93.16421050000001,45.0055591 +7425,Marshall West,-96.05984000000001,44.46029 +7426,Old Chicago,-93.1656169,45.0051574 +7427,Nelson Plant,-92.99119,44.78099 +7428,Springfield Shale Pit,-94.99000000000001,44.204 +7429,Unit # 245-249,-94.43278000000001,43.6717 +7430,Unit 239,-94.433,43.67566 +7431,Minnesota Refining Division - St Paul Park Refiner,-93.004,44.852000000000004 +7432,New Ulm Quarzite Quarry,-94.39938000000001,44.28826 +7433,Kk010 Crushing Unit,-95.19525,44.934110000000004 +7434,Hastings Quarry,-93.0303375,44.7717794 +7435,Sand & Gravel Operation,-94.47033,44.97214 +7436,Hastings Quarry,-93.03867000000001,44.755 +7437,Guemmer Pit,-94.4586723,44.3265997 +7438,Underpass Quarry,-91.70052000000001,43.551230000000004 +7439,Renville Limekiln,-95.1710268,44.792694000000004 +7440,Plant #36,-92.02055,43.94655 +7441,Yellow Medicine Quarry,-95.57469,44.826640000000005 +7442,Sorum Quarry,-91.9474,43.6359 +7443,Gneiss Valley Aggregates Operation,-94.95333000000001,44.563610000000004 +7444,Mantorville Quarry,-92.75258670000001,44.054107300000005 +7445,Rainbow Quarry - Morton MN,-94.99000000000001,44.553000000000004 +7446,Gengier Quarry,-91.44231,43.638200000000005 +7447,Medford Pit #1,-93.23649,44.18923 +7448,Mayowood Quarry,-92.51294270000001,43.9792056 +7449,Hope Pit,-93.26289,43.93601 +7450,Prairie Island Plant,-92.6636,44.6368 +7451,Guaranteed Gravel & Sand,-94.0539507,44.121019800000006 +7452,Crushed Stone Operation,-93.98083000000001,44.145500000000006 +7453,Luhman Quarry & Mill,-92.6841,44.5822 +7454,Crushed Limestone Operation,-93.99689000000001,44.21613 +7455,Everist Operation,-93.98103,44.19852 +7456,Red Wing Plant,-92.6601,44.5336 +7457,Vetter Mine,-93.974,44.145 +7458,Sand & Gravel Operations,-93.83908000000001,44.63722 +7459,Stolpman Pit,-96.32511000000001,45.111230000000006 +7460,Johnson Aggregates,-93.93322,44.413270000000004 +7461,Mollenhauer Gravel Pit,-93.71993,44.383230000000005 +7462,Mueller Pit,-93.65200390000001,44.7547646 +7463,Lakeville Pit,-93.20165,44.620360000000005 +7464,Kielmeyer Goodhue County Limestone,-92.92325000000001,44.40643 +7465,Rice County Quarries,-93.0955277,44.3556005 +7466,Sand & Gravel Operation,-93.38393,44.72092 +7467,Moorhead Limekiln,-96.7550636,46.900980000000004 +7468,Sand & Gravel Operation,-96.7074814,45.558864500000006 +7469,218 Plant,-96.61953000000001,47.817 +7470,Crushed Granite Operation,-96.39507,45.2655 +7471,Loeffler Pit,-96.61107000000001,48.677600000000005 +7472,Agate Quarry - Ortonville,-96.417,45.271 +7473,Newfolden Operation,-96.29100000000001,48.343 +7474,East Grand Forks Limekiln,-97.0183094,47.9230577 +7475,Underwood Tamarack Peat Operation,-95.80900000000001,46.224000000000004 +7476,Glenwood Pit,-95.35556000000001,45.65026 +7477,Sand & Gravel Operation,-96.34136000000001,47.782050000000005 +7478,Sand & Gravel Operations,-94.28368,45.52778 +7479,Northern Sand & Gravel,-95.75233,47.7755 +7480,Richmond Pit,-94.57764,45.43392 +7481,Stearns Aggregate,-94.30312,45.338660000000004 +7482,Fill Pits,-96.76820000000001,46.8776 +7483,Benson Gravel Co,-95.32146,45.1901 +7484,Prentice Pit,-95.05042,45.33279 +7485,Rollag Pit #52,-96.2371402,46.7397537 +7486,New London Materials,-94.8830466,45.3329363 +7487,Benedict Pit,-96.6368728,46.812636000000005 +7488,Smith Pit,-94.47940000000001,45.03898 +7489,Pit #103,-96.3824,47.16861 +7490,Azalea Quarry - Llano,-95.524,45.206 +7491,Rockville Quarry No 1,-94.334,45.475 +7492,Crookston Limekiln,-96.57900000000001,47.790000000000006 +7493,Charcoal #3 Quarry,-94.334,45.468 +7494,Coons Pit,-92.35756,46.92884 +7495,Miltona Pit,-95.28086,46.07068 +7496,Sand & Gravel Operations,-95.3803975,45.833528 +7497,Little Falls Pit,-94.37905,46.0272 +7498,Stationary Plant,-94.40091000000001,46.33301 +7499,Plaisteds Pit,-93.56409000000001,45.34503 +7500,Annandale Rock Products Pit,-94.08992,45.32818 +7501,Barton Pit 766,-93.56291,45.34472 +7502,Steens Pit,-92.72642,46.48165 +7503,Sand & Gravel Operation,-93.6333,45.170500000000004 +7504,Cromwell Michigan Peat Operation,-92.736,46.675000000000004 +7505,Elk River Plant,-93.5657,45.36545 +7506,Sand & Gravel Operation,-93.566,45.381800000000005 +7507,Hermantown Nelson Peat Operation,-92.256,46.845000000000006 +7508,Elk River Wash Plant,-93.55826,45.37716 +7509,Floodwood Fafard Operation,-92.71600000000001,46.927 +7510,Utz Pit,-94.09876000000001,45.529830000000004 +7511,Diamond Pink Quarry - St Cloud,-94.209,45.529 +7512,Cloquet Plant,-92.46400000000001,46.724000000000004 +7513,Scandia Crushing & Wash Plant,-92.87897000000001,45.26993 +7514,Sand & Gravel Operations,-93.41065,45.10315 +7515,Jammer Lake Pit,-92.61452,47.65496 +7516,Scandia Crushing & Wash Plant,-92.87634,45.27403 +7517,North Branch Site,-92.95017,45.56429 +7518,Dalbo Operation,-93.36,45.653000000000006 +7519,Angora Operation,-92.65100000000001,47.786 +7520,C R 1,-92.96978,45.821090000000005 +7521,Elmer Northwoods Organics Operation,-92.80600000000001,47.127 +7522,Roadrunner,-93.40687000000001,45.83174 +7523,Minntac Mine,-92.644,47.524 +7524,Milaca Ready Mix Site,-93.6554,45.8187 +7525,United Taconite Mine,-92.554,47.444 +7526,Pierz Concrete Site,-94.09737000000001,45.98348 +7527,Peter Mitchell Mine,-91.94200000000001,47.662000000000006 +7528,Iridian Quarry - Isle,-93.476,46.063 +7529,Lake Superior Green Quarry - Isabella,-91.73,47.696000000000005 +7530,Menahga Concrete Pit,-95.11245000000001,46.68132 +7531,Mesabi Black Quarry - Ely,-91.89500000000001,47.877 +7532,East Pit,-95.4128,47.55642 +7533,Park Rapids Pit,-94.94202,46.94362 +7534,Carlton County Pits,-92.87826000000001,46.67972 +7535,KMPX Doppler radar site,-93.56553480000001,44.848784800000004 +7536,McGregor Aitkin Agri Peat Operation,-93.328,46.650000000000006 +7537,Cromwell Peatrex Operation,-92.93700000000001,46.719 +7538,Keetac Mine,-93.06200000000001,47.414 +7539,Hibbing Taconite Mine,-92.976,47.482000000000006 +7540,Clark Pit,-92.46046550000001,46.003668700000006 +7541,St. Croix Plant,-92.74268000000001,45.332640000000005 +7542,KDLH Doppler radar site,-92.21005360000001,46.8368826 +7543,Smashburger,-93.1656193,45.0053159 +7544,Pizza Hut,-93.1661845,44.9915357 +7545,Gibb's Museum,-93.1886745,44.9925468 +7546,Dick's Sporting Goods,-93.1687457,45.0162563 +7547,Kohl's,-93.1695074,45.015752000000006 +7548,Noodles & Company,-93.1702638,45.0160933 +7549,Subway,-93.165298,45.0055576 +7550,Peninsula Malaysian Cuisine,-93.2780992,44.955112 +7551,West Breakwater Light,-90.3399462,47.744386000000006 +7552,Riverview Cafe,-93.2124809,44.934407900000004 +7553,Galls,-93.25312290000001,44.929416700000004 +7554,BP,-93.1179649,44.9339008 +7555,All God's Children Metropolitan Community Church,-93.2656211,44.946395300000006 +7556,The Wine Thief,-93.176016,44.9344161 +7557,Mount Olive Lutheran Church,-93.26240390000001,44.946752200000006 +7558,Tenant,-93.2910049,44.9248874 +7559,Domino's,-93.2269256,44.9741748 +7560,Patina,-93.1672497,44.9467118 +7561,BP,-93.27752570000001,44.9199307 +7562,Pepito's To Go,-93.2785396,44.918848100000005 +7563,Lunds & Byerlys,-93.42584000000001,44.9338448 +7564,Vicinity Coffee,-93.2776759,44.9249255 +7565,Revival,-93.27769070000001,44.925201900000005 +7566,Cafe Ena,-93.2842042,44.9194432 +7567,American Motorsports Bar and Grill,-92.95768930000001,44.831301700000004 +7568,Tap Society,-93.2842366,44.919775 +7569,Zumbro Cafe,-93.31510270000001,44.9245328 +7570,Great Harvest Bakery,-93.3151084,44.92396 +7571,Boat Launch,-92.9424693,44.5092462 +7572,Turtle Bread Company,-93.323762,44.9231234 +7573,Harriet Brasserie,-93.31383930000001,44.924694900000006 +7574,Wild Rumpus Books,-93.3137092,44.924617000000005 +7575,Panera Bread,-93.1697304,45.0131086 +7576,Hidden Falls,-93.1028259,44.347959100000004 +7577,USPS,-93.45012940000001,44.8633553 +7578,Alma,-93.24806310000001,44.983946200000005 +7579,Big Lake,-93.7311014,45.3299163 +7580,Cedar-Riverside,-93.2508207,44.9679881 +7581,Shadow Falls,-93.1977677,44.942508100000005 +7582,Hidden Falls,-93.1922437,44.910021 +7583,Donahue point,-93.5685713,44.9767396 +7584,U.S. Bank,-96.7733939,46.8748535 +7585,Woodcrest Church,-93.106761,44.7917098 +7586,Missabe Junction,-92.1286237,46.7594496 +7587,McDonald's,-92.2188292,46.725171800000005 +7588,Holiday,-92.219955,46.725011900000005 +7589,Subway,-92.13247790000001,46.760933900000005 +7590,Ico,-92.06936300000001,46.804208800000005 +7591,Holiday,-92.1348021,46.7574665 +7592,Burger King,-92.1292822,46.7604175 +7593,Otsego West Chiropractic,-93.5586638,45.2818957 +7594,101 Market Garden Center and Floral,-93.5579288,45.2805935 +7595,Mississippi Riverwood,-93.5563893,45.2761884 +7596,Hat Trick Hockey,-93.378701,45.227475600000005 +7597,Shepherd of the Lake Lutheran Church,-93.4476707,44.749961600000006 +7598,Alida Free Lutheran,-95.23459670000001,47.3847304 +7599,Southwest Village,-93.53744970000001,44.842164200000006 +7600,Mound Transit Center,-93.6656488,44.938167 +7601,Clover Fields,-93.6316965,44.8190642 +7602,Victoria,-93.645764,44.850341900000004 +7603,I-35 & CR 60,-93.29078290000001,44.6829285 +7604,Target,-93.5995238,44.827303400000005 +7605,St. Luke's Lutheran Church,-93.3023881,44.8231997 +7606,Wayzata West Middle School,-93.5179078,44.9744055 +7607,Co Rd 42 & Huntington,-93.32935900000001,44.747530700000006 +7608,Navarre Center,-93.60975090000001,44.9352164 +7609,Market Blvd & Pauley Rd,-93.5365606,44.860488700000005 +7610,Seagate Technology,-93.47845360000001,44.7834713 +7611,Hwy 7 & Vinehill Rd,-93.52596030000001,44.9096886 +7612,Transfiguration Lutheran Church,-93.3255663,44.810568700000005 +7613,I-35 & Co Rd 19,-93.2948214,44.472182700000005 +7614,SouthWest Station Park and Ride,-93.4428427,44.8599715 +7615,Blackhawk Park & Ride,-93.1985257,44.791451300000006 +7616,St Andrew Lutheran Church,-93.4500026,44.8584813 +7617,St. Edward's Catholic Church,-93.35680590000001,44.8322737 +7618,Preserve Village Mall,-93.399271,44.835629600000004 +7619,Gustavus Adolphus Lutheran Church,-93.066383,44.9917717 +7620,Station 73,-93.41882430000001,44.9871222 +7621,Faith United Methodist Church,-93.0692982,44.8998958 +7622,Messiah United Methodist Church,-93.5052356,44.995138000000004 +7623,Rogers Park-n-Pool Lot,-93.55048090000001,45.197624700000006 +7624,Co Rd 73 & I-394 North,-93.42134300000001,44.9727225 +7625,Hwy 25 & School Blvd,-93.8077578,45.284956400000006 +7626,Park Place & I-394,-93.34985520000001,44.9697243 +7627,Elk River,-93.55392060000001,45.3039646 +7628,Minnetonka Blvd & Baker Rd,-93.44903550000001,44.940203700000005 +7629,Faith-Lilac Way Lutheran Church,-93.3509403,45.0322546 +7630,Minnetonka Blvd & Steele St,-93.48354730000001,44.940695500000004 +7631,Hwy 100 & Duluth,-93.3519528,45.000078800000004 +7632,General Mills Blvd & I-394,-93.3905381,44.972460600000005 +7633,Crosswinds Church,-93.4703329,45.102169 +7634,Westwood Lutheran Church,-93.3939624,44.954928200000005 +7635,Wal-Mart,-93.4917336,45.126506600000006 +7636,Church of St. William,-93.2615803,45.0792195 +7637,Southdale Transit Center,-93.32375680000001,44.8786289 +7638,I-35W & Industrial Blvd,-93.2115141,45.005332 +7639,Eagan Transit Station,-93.1662221,44.832604200000006 +7640,St. Phillip's Lutheran Church,-93.24409290000001,45.0798909 +7641,Fort Snelling South,-93.196882,44.8919361 +7642,73rd & Hwy 252,-93.2873654,45.0884036 +7643,7th Avenue & Garfield,-93.37845300000001,45.212906600000004 +7644,Northtown Transit Center,-93.2647312,45.126904100000004 +7645,Riverdale,-93.34998440000001,45.1906672 +7646,Richardson Park,-93.39928,45.1900379 +7647,East Bethel Ice Arena,-93.235088,45.3442644 +7648,Grace Church,-93.1558863,45.0124063 +7649,St. John's Parking Lot,-93.0847954,45.0199529 +7650,Hmong Alliance Church,-93.0534248,45.0175362 +7651,Maplewood Mall Transit Center,-93.0247559,45.028694200000004 +7652,Cub Foods,-93.103637,45.005044100000006 +7653,White Bear Lake Shopping Center Park-n-Ride,-93.0168512,45.075107700000004 +7654,St. Joseph's Church,-93.1335643,45.167781000000005 +7655,St. Genevieve Church,-93.0579524,45.1633124 +7656,Lake Johanna #1,-93.17962510000001,45.039069700000006 +7657,White Bear Township Theatre,-93.05288060000001,45.123046800000004 +7658,Lake Johanna #3,-93.1486835,45.108563100000005 +7659,Forest Lake Transit Center,-92.9859266,45.2397451 +7660,Wyoming,-93.0063789,45.335664400000006 +7661,Hundertmark Rd,-93.6144634,44.8199181 +7662,Hwy 65 & Co Rd 24 (Anoka Co),-93.2334165,45.3995322 +7663,VonhertzEn Circle (N),-93.614394,44.822876 +7664,VonhertzEn Circle (S),-93.61470700000001,44.821853000000004 +7665,Perimeter Rd,-93.5534286,44.786052700000006 +7666,Hw 41 / Hw 212,-93.6036935,44.813727300000004 +7667,VonhertzEn Circle (N),-93.6143,44.822755 +7668,Hundertmark Rd,-93.61432,44.81991 +7669,Clover Ridge Dr,-93.63479090000001,44.818588600000005 +7670,Polk St S,-93.5517272,44.779201500000006 +7671,5 Av E,-93.5256042,44.7943992 +7672,Polk St S,-93.55200190000001,44.7791481 +7673,11 Av W,-93.54087820000001,44.7860023 +7674,Vierling Court,-93.5178375,44.783596 +7675,5 Av E,-93.52579490000001,44.794563200000006 +7676,P&R (Hwy 212),-93.60038490000001,44.789281100000004 +7677,#200 - 4 Av W,-93.5273056,44.7953987 +7678,1 Av E,-93.5254898,44.798599200000005 +7679,Fuller St,-93.5281327,44.7979179 +7680,Spencer St S,-93.5199127,44.7882843 +7681,Perimeter Rd,-93.5533676,44.7859077 +7682,#828 - 1 Av E,-93.51636500000001,44.798961600000005 +7683,Friendship Ln,-93.61371100000001,44.824578 +7684,11 Av W,-93.5410537,44.7862243 +7685,Bavaria Rd,-93.614366,44.826341 +7686,#1255 Fuller St,-93.528778,44.784938800000006 +7687,Millpond Ct (E),-93.61047810000001,44.8270154 +7688,Shakopee Pool,-93.5409011,44.7847175 +7689,Millpond Ct (W),-93.6122473,44.827077200000005 +7690,Waters Edge Dr,-93.60927000000001,44.827271 +7691,Village Rd,-93.60872300000001,44.827971000000005 +7692,Arboretum Way,-93.61362000000001,44.824381 +7693,Waters Edge Dr,-93.60941000000001,44.827309 +7694,Millpond Ct (E),-93.6104942,44.826942100000004 +7695,Geske Rd,-93.61428500000001,44.826355 +7696,Millpond Ct (W),-93.61223120000001,44.827016300000004 +7697,Kochia Lane,-93.64666740000001,44.851097100000004 +7698,Pioneer Trail,-93.6153938,44.8277352 +7699,Hundertmark Rd,-93.598185,44.826913000000005 +7700,Pioneer Trail,-93.6155437,44.8277931 +7701,Chestnut (Hwy 41),-93.6025329,44.828561 +7702,Waters Edge Dr,-93.606689,44.827834 +7703,Audubon Rd,-93.5698376,44.840971700000004 +7704,Waters Edge Dr,-93.606592,44.827727 +7705,Hundertmark Rd,-93.59747,44.834583 +7706,#110340 Geske,-93.611354,44.827076000000005 +7707,Hundertmark Rd,-93.597419,44.834473 +7708,#1107 HazEltine,-93.597312,44.834551000000005 +7709,Pioneer Tr,-93.596867,44.828061000000005 +7710,Pioneer Tr,-93.5970059,44.828088 +7711,Audubon Rd,-93.5619681,44.8595993 +7712,Lyman Blvd,-93.59474180000001,44.849105800000004 +7713,Galpin Blvd,-93.578793,44.864823 +7714,Coulter Blv,-93.578309,44.859698 +7715,Audubon Rd,-93.56167,44.852067000000005 +7716,Arboretum Village Trail,-93.592495,44.865304 +7717,Audubon Rd,-93.5621612,44.8598465 +7718,Arboretum Village Trail,-93.59277700000001,44.865355 +7719,Audubon Rd,-93.56166900000001,44.851963000000005 +7720,Southwest Village P&R,-93.53753160000001,44.8428179 +7721,Market Blvd P&R,-93.52572310000001,44.8622859 +7722,78 St W,-93.5472187,44.8629547 +7723,Galpin Blvd,-93.578823,44.864722 +7724,78 St W (N),-93.5464572,44.8634235 +7725,Corporate Place,-93.590936,44.8611859 +7726,Pleasant Av,-93.59280670000001,44.907922400000004 +7727,Morse Av,-93.5629473,44.9026653 +7728,George St,-93.5685753,44.900932000000005 +7729,Mill St,-93.5628688,44.902033800000005 +7730,Water St,-93.5650303,44.904177600000004 +7731,3 St,-93.56778410000001,44.9019489 +7732,2 St,-93.5660642,44.903671100000004 +7733,George St,-93.5685026,44.9012119 +7734,Pleasant View Rd,-93.5172855,44.8874316 +7735,3 St,-93.56751630000001,44.902074500000005 +7736,Matthew Circle,-93.51579450000001,44.8857324 +7737,Lake St,-93.56535000000001,44.9041514 +7738,Pennington Av,-93.51650570000001,44.8895652 +7739,Lake St,-93.5624289,44.9021983 +7740,Chennault Way,-93.5172117,44.8885961 +7741,Maynards,-93.5607341,44.9027138 +7742,Christmas Lake Rd,-93.55099050000001,44.902522600000005 +7743,Maynards,-93.5608698,44.902596900000006 +7744,Minnetonka Blvd,-93.55886740000001,44.902814500000005 +7745,Maclynn Blvd,-93.5535009,44.9027302 +7746,Chennault Way,-93.5171057,44.8889635 +7747,Christmas Lake Rd,-93.5512745,44.902610100000004 +7748,Pennington Av,-93.5163617,44.889859300000005 +7749,Maclynn Blvd,-93.5531383,44.902680600000004 +7750,Joseph Curve,-93.51670610000001,44.886237400000006 +7751,Minnetonka Blvd,-93.5594157,44.9027818 +7752,Pleasant View Rd,-93.51740450000001,44.887738000000006 +7753,Cr 62 (Townline Rd),-93.51604880000001,44.890949500000005 +7754,P&R Entrance,-93.37175020000001,44.889695700000004 +7755,Cr 62 (Townline Rd),-93.515872,44.891063300000006 +7756,Old Market Blvd,-93.5330096,44.9068649 +7757,Shady Hills Rd,-93.5285779,44.9091887 +7758,Hwy 7,-93.5338201,44.9070685 +7759,Old Market Blvd,-93.5332801,44.9068568 +7760,Cypress Ln,-93.65950360000001,44.9362835 +7761,Shady Hills Rd,-93.528481,44.909279700000006 +7762,Church Rd,-93.66630900000001,44.9392859 +7763,Vine Hill P&R,-93.5262242,44.9100285 +7764,Church Rd,-93.66611350000001,44.9394621 +7765,Cypress Ln,-93.65944300000001,44.9363979 +7766,Vine Hill P&R,-93.5263718,44.9099286 +7767,Lynwood Blvd,-93.66616640000001,44.9381987 +7768,Boarshead Rd,-93.51843960000001,44.911641100000004 +7769,Shoreline (Cr 15),-93.66416480000001,44.937462200000006 +7770,Boarshead Rd,-93.51853650000001,44.9115905 +7771,Alder Lane,-93.6662567,44.9400227 +7772,Willow Ln,-93.51630390000001,44.9110955 +7773,Balsam Rd,-93.666154,44.941389400000006 +7774,Willow Ln,-93.51631090000001,44.911022700000004 +7775,Grandview Blvd,-93.66608860000001,44.942832800000005 +7776,Shoreline (Cr 15),-93.66434550000001,44.9374381 +7777,Grandview School,-93.66596750000001,44.945065400000004 +7778,Balsam Rd,-93.66599400000001,44.941047000000005 +7779,Cr 15 - Lv,-93.66442040000001,44.938079 +7780,Tonkawood Rd,-93.66608480000001,44.9399348 +7781,Cr 15 - Arrive,-93.66440220000001,44.9380651 +7782,Sherwood Dr,-93.6658649,44.9431548 +7783,P&R Entrance,-93.3723037,44.890218600000004 +7784,Jones Ln,-93.6619618,44.947710400000005 +7785,Fernside Ln,-93.6502706,44.9369257 +7786,Baywood Ln,-93.6594129,44.947184 +7787,Montclair Ln,-93.6477548,44.937054 +7788,Lafayette Ln,-93.66438570000001,44.947111 +7789,Fairview Ln,-93.65467000000001,44.936637600000005 +7790,Jones Ln,-93.6620216,44.947674600000006 +7791,Chateau Ln,-93.65360410000001,44.9365978 +7792,Baywood Ln,-93.6590951,44.946914400000004 +7793,Hiddenvale Ln,-93.65540460000001,44.9366295 +7794,Three Points Blvd,-93.6656593,44.946752000000004 +7795,Wilshire Blvd,-93.65790100000001,44.9366208 +7796,Baywood Shores,-93.65783830000001,44.9468307 +7797,Wilshire Blvd,-93.6581434,44.9364276 +7798,Avocet Ln,-93.6566911,44.9467361 +7799,Chateau Ln,-93.65334920000001,44.9367061 +7800,Fernside Ln,-93.65002720000001,44.9370537 +7801,Blue Bird Ln,-93.65597930000001,44.9465859 +7802,Hiddenvale Ln,-93.6552858,44.9367481 +7803,Canary Ln,-93.655304,44.946398 +7804,Fairview Ln,-93.65444140000001,44.9367406 +7805,Dove Ln,-93.65466810000001,44.9462373 +7806,Commerce Blv,-93.6654194,44.9472013 +7807,Eagle Ln,-93.6541011,44.946092300000004 +7808,Lafayette Ln,-93.66407050000001,44.9472212 +7809,Finch Ln,-93.65365630000001,44.946042500000004 +7810,#4497,-93.63840420000001,44.9360961 +7811,West Arm Rd,-93.6434035,44.9367348 +7812,Baywood Shores,-93.65813460000001,44.9467823 +7813,Finch Ln,-93.65349780000001,44.945891 +7814,Island Dr,-93.6414865,44.9364301 +7815,Avocet Ln,-93.65698,44.946746700000006 +7816,Sandy Ln,-93.6474543,44.937169700000005 +7817,Blue Bird Ln,-93.6562822,44.9465997 +7818,Bartlett Blvd,-93.64588260000001,44.937123400000004 +7819,Canary Ln,-93.6553215,44.9463238 +7820,#4527,-93.63909020000001,44.9362693 +7821,Eagle Ln,-93.6541935,44.9460725 +7822,Spring St,-93.6277496,44.935155900000005 +7823,Three Points Blvd,-93.6525752,44.945827900000005 +7824,Sunset Dr,-93.6262777,44.934989800000004 +7825,Gull Ln,-93.6525852,44.9456969 +7826,Interlachen Rd,-93.632439,44.9351381 +7827,Heron Ln,-93.6504439,44.9463347 +7828,#4177,-93.6290044,44.935263600000006 +7829,Gull Ln,-93.6518549,44.9469797 +7830,Bartlett Blvd,-93.64625880000001,44.9370203 +7831,Kings Rd,-93.6353622,44.9353366 +7832,West Arm Rd,-93.64357940000001,44.9366155 +7833,Black Lake Rd,-93.6335712,44.9350735 +7834,Island Dr,-93.6416002,44.9363267 +7835,Black Lake Rd,-93.6334875,44.935220400000006 +7836,Bayview Place,-93.6242294,44.9348351 +7837,Bayview Place,-93.62452440000001,44.9347785 +7838,Interlachen Rd,-93.6318957,44.9353458 +7839,Dunwoody Av,-93.6199349,44.934551400000004 +7840,Kings Rd,-93.63518470000001,44.9353872 +7841,Casco Point Rd,-93.6149178,44.934564300000005 +7842,Sunset Dr,-93.62710100000001,44.935272600000005 +7843,Navarre Av,-93.6122959,44.9346286 +7844,#4177,-93.6288722,44.9353952 +7845,#3465,-93.6113342,44.934631700000004 +7846,Loma Linda S,-93.6276285,44.955333 +7847,Park Dr,-93.63290950000001,44.952694300000005 +7848,Shadywood,-93.60727250000001,44.934663300000004 +7849,Rest Point,-93.64060420000001,44.954592500000004 +7850,Cherry Place,-93.6252348,44.952674300000005 +7851,Highwood,-93.6265829,44.950467800000006 +7852,Baldur Park,-93.6135795,44.951484400000005 +7853,Fairview Cottage,-93.6302026,44.951440000000005 +7854,Kelly / Navarre,-93.6111784,44.9347019 +7855,Blaine Av,-93.6145587,44.934715000000004 +7856,Shadywood,-93.60882810000001,44.9347197 +7857,Dunwoody Av,-93.6194332,44.934625600000004 +7858,Bohns Point,-93.6045984,44.952648700000005 +7859,Maple Place,-93.6229134,44.949183500000004 +7860,Cr 19,-93.61808930000001,44.9492746 +7861,Baldur Park,-93.6133971,44.951599400000006 +7862,Bohns Point,-93.60451230000001,44.952756900000004 +7863,Westwood Rd,-93.59315840000001,44.9396908 +7864,Maple Place,-93.62246520000001,44.949243200000005 +7865,Shady Wood Rd,-93.61922410000001,44.949226700000004 +7866,Loma Linda N,-93.6278577,44.9587519 +7867,Dahl Rd,-93.6281218,44.9600176 +7868,Lake Rd,-93.59816330000001,44.9388797 +7869,Grandview,-93.64554840000001,44.957681300000004 +7870,Woodbridge,-93.5823476,44.939475900000005 +7871,Branch Rd,-93.64558260000001,44.9637175 +7872,Lafayette Rd,-93.58359200000001,44.9387242 +7873,#4580,-93.6401349,44.9640354 +7874,North Arm,-93.63140530000001,44.963064700000004 +7875,Old County Rd,-93.60099530000001,44.9382363 +7876,Windjammer,-93.6302538,44.962101100000005 +7877,Lake Rd,-93.59839720000001,44.938775500000006 +7878,West Point Rd,-93.5888778,44.9223468 +7879,Westwood Dr,-93.5934232,44.939492200000004 +7880,West Point Rd,-93.5886325,44.922307800000006 +7881,Lafayette Rd,-93.5838068,44.9384962 +7882,Arcola Ln,-93.58154540000001,44.9415847 +7883,Woodbridge,-93.58241740000001,44.9390811 +7884,Hill Rd,-93.58178260000001,44.940422700000006 +7885,Hill Rd,-93.5815216,44.939999900000004 +7886,Old Beach Rd,-93.60245110000001,44.9367279 +7887,Old County Rd,-93.6011321,44.9379733 +7888,Cr 84,-93.59283230000001,44.955644500000005 +7889,Olinger Blvd,-93.37199860000001,44.891395900000006 +7890,French Creek,-93.5821971,44.9528904 +7891,French Creek W,-93.5826444,44.9529164 +7892,Crystal Av,-93.57581110000001,44.9549819 +7893,Cr 84,-93.5927303,44.955725400000006 +7894,Scotch Pine Ln,-93.58554720000001,44.9531113 +7895,Beach Ln,-93.5807276,44.9425365 +7896,Briar St,-93.57797860000001,44.953011100000005 +7897,Beach Ln,-93.58060010000001,44.942297200000006 +7898,Cr 51-N Shore,-93.5766301,44.953083400000004 +7899,Spates Av,-93.5730436,44.953708000000006 +7900,Minnetonka,-93.575353,44.955885300000006 +7901,North Shore Dr,-93.5740243,44.952892600000006 +7902,North Shore Dr,-93.5739144,44.952851200000005 +7903,Heritage Ln,-93.56878880000001,44.955971700000006 +7904,Spates Av,-93.57604380000001,44.954271600000006 +7905,Heritage Ln,-93.5688392,44.955874 +7906,Briar St,-93.5782355,44.9529289 +7907,Spates Av,-93.5730764,44.9535119 +7908,Cr 51-N Shore,-93.57681360000001,44.9529319 +7909,St James Gate,-93.53737190000001,44.920707 +7910,French Creek E,-93.5810249,44.9529348 +7911,St James Gate,-93.53758060000001,44.9205606 +7912,Spates Av,-93.5761104,44.9543078 +7913,Millston Rd,-93.5635182,44.9567494 +7914,Bracketts Pt,-93.56091690000001,44.956659800000004 +7915,Green Trees,-93.55996490000001,44.957903900000005 +7916,Webber Hills,-93.5736624,44.9649979 +7917,Webber Hills,-93.5737405,44.965089600000006 +7918,Willow Dr S,-93.5744782,44.9569385 +7919,Willow Dr S,-93.5745096,44.957041800000006 +7920,St George,-93.5737156,44.981448 +7921,Lakeview Av,-93.574927,44.9565186 +7922,Bracketts Pt,-93.56103490000001,44.9564473 +7923,Millston Rd,-93.5636144,44.9566804 +7924,Green Trees,-93.55994840000001,44.9578567 +7925,Kennedy Ln,-93.57369750000001,44.9791347 +7926,Fox Ridge,-93.5736864,44.9742681 +7927,Watertown,-93.5738206,44.980530800000004 +7928,Colin Dr,-93.5736825,44.976613300000004 +7929,Kennedy Ln,-93.57379780000001,44.9790416 +7930,Fox St,-93.5736758,44.967751 +7931,Grand Av,-93.5738283,44.982290400000004 +7932,Fox St,-93.5737665,44.9675049 +7933,St George,-93.57385020000001,44.9814002 +7934,Colin Dr,-93.5737812,44.9766647 +7935,Lake St,-93.57133400000001,44.9865209 +7936,Fox Ridge,-93.5737905,44.9743153 +7937,Lake St,-93.57135450000001,44.986297500000006 +7938,Grand Av,-93.573728,44.982156700000004 +7939,Orchard Ln,-93.57373940000001,44.984419 +7940,Watertown,-93.57371690000001,44.980357500000004 +7941,Central Av,-93.5737689,44.9836048 +7942,Orchard Ln,-93.5738927,44.984647900000006 +7943,Central Av,-93.573863,44.983791800000006 +7944,Tealwood Pl W,-93.56080560000001,44.9847175 +7945,Martha Ln,-93.56772690000001,44.9849162 +7946,Tealwood / Martha,-93.5643072,44.984426500000005 +7947,Tealwood Place,-93.5627532,44.9844548 +7948,Hillside Dr #2,-93.5397794,44.970371 +7949,Martha / Tealwood,-93.56416940000001,44.9842893 +7950,Martha Lane,-93.5679528,44.9848468 +7951,Mill St,-93.56993410000001,44.9852178 +7952,Mill St,-93.56985560000001,44.985294800000005 +7953,Ferndale Rd W,-93.55265770000001,44.968133900000005 +7954,#1444,-93.5584779,44.961400000000005 +7955,Hillside Dr #1,-93.5429098,44.969952400000004 +7956,Orono Orchard,-93.5584532,44.9658719 +7957,Woodhill Rd,-93.55090750000001,44.9687284 +7958,Marina,-93.5583337,44.961343500000005 +7959,Old Long Lake Rd,-93.5316849,44.976978300000006 +7960,Orono Ln,-93.558881,44.9647111 +7961,Wayzata Blvd,-93.5159174,44.973204900000006 +7962,Hillside Dr,-93.54269500000001,44.970187800000005 +7963,Russell Av,-93.5529063,44.968165500000005 +7964,Lake St W,-93.52263950000001,44.9707236 +7965,Woodhill Rd,-93.550774,44.968916400000005 +7966,Lake St W,-93.5227986,44.970626 +7967,Myrtlewood Rd,-93.54144260000001,44.978016700000005 +7968,Peavey Rd,-93.528064,44.9702403 +7969,WayzAta Blvd,-93.51577440000001,44.9731912 +7970,Ferndale Rd,-93.5224306,44.975150400000004 +7971,Old Long Lake E,-93.5317023,44.977113 +7972,Ferndale Rd,-93.52208990000001,44.974841700000006 +7973,Barry / Edgewood,-93.5193426,44.9742017 +7974,Edgewood / Barry,-93.51926110000001,44.974167300000005 +7975,Russell Ln,-93.5526275,44.984940900000005 +7976,Peavey Rd,-93.52841120000001,44.9702604 +7977,Wayzata Transit,-93.5156846,44.9733383 +7978,Old Long Lake W,-93.5505876,44.9851023 +7979,Heather Ln,-93.55376740000001,44.9849114 +7980,#920,-93.54645900000001,44.981679400000004 +7981,Glenmoor Lane,-93.55589640000001,44.9848038 +7982,Lindawood Ln,-93.54845040000001,44.9839945 +7983,Underhill Circle,-93.55168010000001,44.9850828 +7984,Marschall Rd,-93.5024795,44.770133900000005 +7985,Tealwood Pl E,-93.55791,44.984847900000005 +7986,P&R,-93.4496994,44.7495727 +7987,Glenmoor Ln,-93.55566080000001,44.9849198 +7988,#915,-93.54658060000001,44.981605300000005 +7989,Lindawood Ln,-93.54853960000001,44.983938900000005 +7990,Greenhill Ln,-93.5513311,44.985041900000006 +7991,17 Av E,-93.49414820000001,44.773826500000006 +7992,17 Av E - Out,-93.5001678,44.7756996 +7993,17 Av E - Arrive,-93.5001678,44.7757148 +7994,P&R - Lv,-93.4496994,44.7495727 +7995,10 Av E,-93.506134,44.788253700000006 +7996,P&R Arrive,-93.4496994,44.7495727 +7997,11 Av E,-93.5052795,44.7863616 +7998,Vierling Dr E,-93.50519560000001,44.7810592 +7999,10 Av E,-93.5063552,44.7883872 +8000,Vierling Dr E,-93.50536340000001,44.7809333 +8001,11 Av E,-93.5054626,44.786518 +8002,Eagle Creek Blvd,-93.50797270000001,44.7936515 +8003,#1198 Vierling Dr,-93.5082931,44.7819366 +8004,Eagle Creek Blvd,-93.5081176,44.7936248 +8005,Pine Tree Ln,-93.48353780000001,44.7824271 +8006,Marschall Rd,-93.5082244,44.797412800000004 +8007,Marschall Rd,-93.5081253,44.7973098 +8008,Canterbury Park,-93.484643,44.7907663 +8009,Commons - End,-93.4436045,44.795879500000005 +8010,Seagate P&R,-93.4760894,44.7821426 +8011,Valley Park Dr,-93.4513467,44.7908472 +8012,Canterbury Park,-93.4846347,44.790766700000006 +8013,Seagate P&R,-93.4761199,44.7822418 +8014,Canterbury Rd,-93.46978750000001,44.7945823 +8015,Pine Tree Ln,-93.4833608,44.7822443 +8016,12 Av E,-93.4512176,44.785057 +8017,Commons,-93.44345750000001,44.79594 +8018,Main Entrance,-93.4498672,44.7980384 +8019,P&R,-93.40960530000001,44.779891000000006 +8020,Old Shakopee,-93.38410230000001,44.8089542 +8021,P&R Arrive,-93.4096221,44.7799034 +8022,106 St W,-93.3840751,44.8118618 +8023,Old Carriage Court,-93.4148406,44.780052100000006 +8024,Landau Circle,-93.3840912,44.810195 +8025,Mccoll Dr (Cr 16),-93.34998320000001,44.7654609 +8026,106 St W,-93.3838661,44.8114897 +8027,Vernon Av,-93.35130310000001,44.7467842 +8028,Old Shakopee,-93.38385720000001,44.808665600000005 +8029,Old Carriage Court,-93.41607660000001,44.7766189 +8030,Yukon Av,-93.3875955,44.8186155 +8031,Yukon Av,-93.38713630000001,44.8187106 +8032,102 St W,-93.3846728,44.8173838 +8033,100 St W,-93.394208,44.821911 +8034,101 St Circle,-93.39385890000001,44.820846100000004 +8035,Boone Circle,-93.39351,44.819878700000004 +8036,102 St W,-93.384152,44.817250200000004 +8037,ZInran Av,-93.3917773,44.8185252 +8038,100 St W,-93.3938931,44.821679 +8039,Aquila Rd,-93.39391880000001,44.8228038 +8040,101 St Circle,-93.3935398,44.8208428 +8041,Aquila Rd,-93.39417320000001,44.8230719 +8042,Boone Circle,-93.39313460000001,44.8197416 +8043,Supervalu Corp,-93.4288076,44.8687896 +8044,ZInran Av,-93.39144680000001,44.818737500000005 +8045,Best Buy,-93.36113830000001,44.802082500000004 +8046,Evergreen Res,-93.3474242,44.797138800000006 +8047,Heritage Hall,-93.3476141,44.7964932 +8048,Evergreen Res,-93.3473558,44.7970357 +8049,Heritage Hall,-93.34753500000001,44.7963469 +8050,Overlook Dr,-93.350407,44.8007336 +8051,Normandale Bd,-93.35026210000001,44.798011200000005 +8052,Compass Dr,-93.34788660000001,44.795452600000004 +8053,Overlook Dr,-93.35054790000001,44.8012773 +8054,Pennsylvania Av,-93.3791602,44.807942000000004 +8055,Normandale Bd,-93.35020060000001,44.7979038 +8056,Bush Lake Rd,-93.37705310000001,44.8079399 +8057,Old Shakopee Rd,-93.36862210000001,44.8072864 +8058,110 St W,-93.36897370000001,44.8038546 +8059,Louisiana Av,-93.37408160000001,44.8079459 +8060,Bush Lake Rd,-93.37644470000001,44.808149400000005 +8061,Hampshire Av,-93.3691275,44.8078938 +8062,Pennsylvania Av,-93.37871600000001,44.8081704 +8063,Rhode Island Avenue,-93.3824799,44.807918400000005 +8064,Hampshire Av,-93.3675396,44.8081217 +8065,Louisiana Av,-93.3736653,44.8081156 +8066,Rhode Island Avenue,-93.3819624,44.8081395 +8067,Old Shakopee Rd,-93.3582985,44.8071136 +8068,Brunswick Rd,-93.36085030000001,44.8080143 +8069,110 St W,-93.3583887,44.8047963 +8070,Brunswick Cir (S),-93.36098150000001,44.808467500000006 +8071,Old Shakopee Circ,-93.3525321,44.8077331 +8072,Brunswick Cir (N),-93.36098310000001,44.8094065 +8073,Nesbitt Av S,-93.3581728,44.8079793 +8074,Stagecoach Apts,-93.36143940000001,44.8101147 +8075,Brunswick Rd,-93.36085,44.811098900000005 +8076,Brunswick Cir (S),-93.36112960000001,44.8086846 +8077,Alabama Circle,-93.36013870000001,44.8110476 +8078,#10525,-93.35831490000001,44.812346000000005 +8079,Nesbitt Av S,-93.3585652,44.8107879 +8080,Alabama Circle,-93.3598587,44.8110542 +8081,105 St W,-93.35842480000001,44.8121346 +8082,Oxborough Av S,-93.34079990000001,44.804758500000005 +8083,106 St W,-93.3584536,44.8109515 +8084,106 St W,-93.36098050000001,44.8109253 +8085,Whalen Av,-93.3533275,44.8079115 +8086,Yosemite Rd,-93.35622500000001,44.8077127 +8087,Oxborough Av S,-93.34111920000001,44.804731600000004 +8088,Whalen Av,-93.353713,44.8077722 +8089,Nord Av S,-93.3398753,44.8047211 +8090,Yosemite Rd,-93.3560753,44.807952300000004 +8091,Trail West Rd,-93.34961200000001,44.8046081 +8092,Old Shakopee Circ,-93.352061,44.807955500000006 +8093,Trail West Rd,-93.35039610000001,44.802785300000004 +8094,Quinn Av S,-93.3440992,44.804682500000006 +8095,Rich Av S,-93.3454581,44.804629600000005 +8096,Stanley Rd,-93.3466576,44.804766300000004 +8097,Stanley Rd,-93.3471693,44.8046261 +8098,Trail West Rd,-93.3490235,44.804748200000006 +8099,Toledo Av S,-93.3478687,44.8047407 +8100,Rich Av S,-93.3451268,44.804751800000005 +8101,Trail West Rd,-93.35053760000001,44.8028872 +8102,Normandale Blvd,-93.34974120000001,44.807760900000005 +8103,Quinn Av S,-93.3432466,44.8047617 +8104,Nord Av S,-93.33991180000001,44.8085946 +8105,Rich Av S,-93.34500650000001,44.808023000000006 +8106,Rich Av S,-93.3447213,44.808171800000004 +8107,Toledo/Normandale,-93.3490713,44.808025400000005 +8108,102 St W,-93.3584596,44.818643800000004 +8109,Hyland Greens,-93.35848370000001,44.8236028 +8110,Rich Rd,-93.3434842,44.819107100000004 +8111,Hyland Greens Dr,-93.35837070000001,44.8232556 +8112,Scarborough Rd,-93.346129,44.819101 +8113,Timberglade Rd,-93.3583851,44.8168014 +8114,102 St W,-93.3585077,44.818898000000004 +8115,104 St W,-93.3582944,44.814276500000005 +8116,Nord Av S,-93.3415006,44.819140700000005 +8117,Scarborough Rd,-93.3457939,44.819212500000006 +8118,Toledo Circle,-93.34845630000001,44.819075600000005 +8119,Toledo Circle,-93.3481069,44.8191719 +8120,#14745,-93.26936090000001,44.735950200000005 +8121,Nord Av S,-93.34118210000001,44.8192661 +8122,Rich Rd,-93.34318540000001,44.8192487 +8123,Normandale Blvd,-93.3501366,44.8190058 +8124,104 St W,-93.3584319,44.814514100000004 +8125,Kenrick P&R,-93.2844122,44.7068901 +8126,Risen Savior Church,-93.25545460000001,44.734632500000004 +8127,Summit Ridge,-93.2550456,44.7346779 +8128,Carriage Ln (E),-93.2739298,44.7359631 +8129,Interlachen Ln,-93.2722447,44.7351509 +8130,Southcross Dr,-93.2706126,44.7347096 +8131,Redwood Dr,-93.2478385,44.731815100000006 +8132,Southcross Dr,-93.27079140000001,44.7347465 +8133,Elm Dr,-93.2444169,44.7318018 +8134,Interlachen Ln,-93.27182830000001,44.7351304 +8135,Redwood Dr,-93.2474763,44.7320392 +8136,Innsbrook Ln,-93.2735454,44.7359845 +8137,Summit Oaks Dr,-93.2502803,44.7322475 +8138,#100-112,-93.2751413,44.7362431 +8139,Elm Dr,-93.2440059,44.732048500000005 +8140,Lakeville Cedar,-93.2168996,44.688205800000006 +8141,Southcross Dr E,-93.25102030000001,44.7321778 +8142,Baldwin Dr,-93.2382733,44.7293273 +8143,Cooper Ln,-93.2337083,44.725087 +8144,Oriole Dr,-93.2381519,44.730749700000004 +8145,Whitney Dr,-93.23825790000001,44.725308500000004 +8146,Baldwin Dr,-93.23815090000001,44.728158300000004 +8147,Gardenview Dr,-93.2380126,44.725180900000005 +8148,Oriole Dr,-93.238297,44.730949 +8149,Cooper Ln,-93.23335700000001,44.725219100000004 +8150,Kent Lane,-93.23435210000001,44.731685600000006 +8151,Hayes Av,-93.23295590000001,44.732006000000005 +8152,Strese Ln,-93.23884070000001,44.7349514 +8153,Topview Rd,-93.43679350000001,44.868823400000004 +8154,Garnet Way,-93.2116699,44.724666500000005 +8155,Strese Ln,-93.23895660000001,44.7352301 +8156,Elm Dr,-93.2382972,44.7339616 +8157,Cr 42,-93.2382917,44.731461100000004 +8158,Elm Dr,-93.23819010000001,44.733718200000006 +8159,Gateway Path,-93.2110214,44.7230949 +8160,Cr 42,-93.2381591,44.731536500000004 +8161,Garrett Dr,-93.21332550000001,44.7223892 +8162,Gardenview Dr,-93.2379545,44.732015600000004 +8163,Harmony Way,-93.22994460000001,44.725137100000005 +8164,Gardenview Dr,-93.23849630000001,44.7317806 +8165,Garrett Dr,-93.21319580000001,44.722328100000006 +8166,Gladstone / Cedar,-93.21749870000001,44.7208137 +8167,Apple Valley Stn,-93.2174193,44.725172400000005 +8168,Harmony Way,-93.2296635,44.7252908 +8169,Apple Valley Stn - Arr,-93.21743810000001,44.725476400000005 +8170,Gaslight / Cedar Av,-93.2168668,44.7246712 +8171,Cedar / Gladstone,-93.216801,44.7207742 +8172,Apple Valley Stn,-93.2180735,44.7263129 +8173,Whitney Dr,-93.2189613,44.724688 +8174,Apple Valley Stn - Arr,-93.2180572,44.7256894 +8175,Cedar Av,-93.21798700000001,44.724555900000006 +8176,Fireside Dr,-93.22276600000001,44.730063 +8177,Whitney Dr,-93.22275540000001,44.726654 +8178,Pennock Ln,-93.2224671,44.726604800000004 +8179,Whitney Dr,-93.21944420000001,44.7264709 +8180,Whitney Dr,-93.22261040000001,44.7266616 +8181,Pennock Ln,-93.2224807,44.7280693 +8182,Pennock Av,-93.2227608,44.7352101 +8183,153 St,-93.2226028,44.728286700000005 +8184,Pennock Ln,-93.2229484,44.7265384 +8185,Mcintosh Dr,-93.22495520000001,44.7265468 +8186,Jonathan / Cr 42,-93.2226045,44.729843800000005 +8187,Pennock Av,-93.2226265,44.7350915 +8188,Newell Dr,-93.2279264,44.725710400000004 +8189,Cr 42 (150 St W),-93.2232852,44.731736000000005 +8190,Cortland Dr,-93.2274069,44.7260871 +8191,149 St,-93.22135920000001,44.7330665 +8192,Mcintosh Dr,-93.2246248,44.7266381 +8193,Garrett Av,-93.2115936,44.7287826 +8194,149 St W,-93.2230529,44.733425100000005 +8195,Cedar Av,-93.2184028,44.728232600000005 +8196,149 St W,-93.222908,44.733245800000006 +8197,151 St W,-93.212677,44.730682300000005 +8198,Mcintosh Dr,-93.22931670000001,44.731678 +8199,Garrett Av,-93.2114181,44.728744500000005 +8200,Pennock Ln,-93.22313600000001,44.7320178 +8201,Cedar Av,-93.2180404,44.728038700000006 +8202,147 St,-93.22789,44.732002200000004 +8203,#15350 - Cedar Av S,-93.2174682,44.7262916 +8204,Ives Lane,-93.4315948,44.998592300000006 +8205,153 St W,-93.21121210000001,44.7269744 +8206,153 St W,-93.21750870000001,44.728876500000005 +8207,153 St W,-93.21794960000001,44.727527300000006 +8208,158 St,-93.1973571,44.7189064 +8209,GlazIer Av,-93.2126922,44.732578200000006 +8210,147 St W,-93.21082290000001,44.7350196 +8211,GlazIer Av,-93.2125244,44.7326545 +8212,147 St,-93.2109451,44.7349739 +8213,Flagstaff Av,-93.1976013,44.7211647 +8214,Cedar Av S,-93.21865550000001,44.735215600000004 +8215,Flagstaff Av,-93.19719690000001,44.7175254 +8216,Glenda Dr,-93.21894830000001,44.735095900000005 +8217,Galaxie Av,-93.2073211,44.722995700000006 +8218,Cr 42 (150 St W),-93.2179308,44.7313781 +8219,Flagstaff Av,-93.1975402,44.721057800000004 +8220,Cr 42 (150 St),-93.21253200000001,44.731739000000005 +8221,Galaxie Av,-93.2073898,44.7230987 +8222,Flight Lane,-93.2008819,44.722602800000004 +8223,147 St W,-93.2075958,44.735458300000005 +8224,158 St,-93.19750210000001,44.7190856 +8225,Foliage Av,-93.2025299,44.7227096 +8226,Galaxie Avenue,-93.2073022,44.7330832 +8227,France Way,-93.2043228,44.722805 +8228,147 St W,-93.20729060000001,44.7355041 +8229,Flight Lane,-93.200592,44.722591400000006 +8230,Galaxie Library,-93.2076341,44.7332746 +8231,Foliage Av,-93.2022781,44.722812600000005 +8232,157 St Stn P&R,-93.1786117,44.7200355 +8233,Upper 147 St,-93.1732788,44.7357864 +8234,Upper 147 St,-93.17341610000001,44.7359123 +8235,Cr 42 (150 St W),-93.1728363,44.732074700000005 +8236,Cr 42 (150 St W),-93.17269130000001,44.7321472 +8237,140 St W,-93.3336486,44.749633700000004 +8238,Pilot Knob Rd,-93.1767501,44.7321395 +8239,Ewing Av,-93.3275864,44.7462606 +8240,Burnsville Pkwy,-93.3231221,44.746430000000004 +8241,Glendale Rd,-93.3338775,44.7507247 +8242,Huntington Av,-93.3303978,44.7465861 +8243,Southcross Dr,-93.3182692,44.7493568 +8244,Burnsville Pkwy,-93.3237028,44.7462316 +8245,Huntington Av,-93.3300356,44.747393200000005 +8246,137 St W,-93.3359527,44.755119300000004 +8247,Eagle Ridge Jr Hs,-93.33380120000001,44.750732400000004 +8248,Hiddenvalley School,-93.3346557,44.7525367 +8249,Eagle Ridge Jr Hs,-93.3339538,44.750732400000004 +8250,Judicial Rd,-93.31805410000001,44.7493095 +8251,Glendale Trail (S),-93.33488460000001,44.752670200000004 +8252,Judicial Rd,-93.3128925,44.746486600000004 +8253,Glendale Trail (N),-93.33712,44.757141100000005 +8254,Judicial Rd,-93.31355400000001,44.7461842 +8255,140 St W,-93.3334732,44.749469700000006 +8256,Glendale Rd,-93.3333053,44.748157500000005 +8257,Glendale Rd,-93.3332366,44.748043 +8258,Southcross Dr W,-93.31758020000001,44.7460758 +8259,Southcross Dr W,-93.31693130000001,44.7464637 +8260,Senior Apts,-93.30146020000001,44.7427368 +8261,Morgan Av S,-93.30551910000001,44.7465782 +8262,Chancellor Manor,-93.29863730000001,44.7428474 +8263,Irving Av / Cr 5,-93.3014526,44.7466621 +8264,Chancellor Manor,-93.29863730000001,44.7427444 +8265,Cr 5,-93.3034167,44.746293200000004 +8266,Thomas Av,-93.31273800000001,44.7540415 +8267,Chancellor Manor,-93.29816430000001,44.744461 +8268,Morgan Av,-93.3058013,44.746322600000006 +8269,Co Rd 42,-93.2981402,44.7457312 +8270,143 St W,-93.29816650000001,44.7430327 +8271,Upton Av,-93.3130105,44.7541158 +8272,Whispering Oaks Apts,-93.30262210000001,44.742860300000004 +8273,Irving Av S,-93.2987289,44.7491569 +8274,Burngarten Dr,-93.29801880000001,44.745106500000006 +8275,Cr 38 (Mcandrews),-93.2962646,44.7495307 +8276,143 St,-93.29798120000001,44.7429618 +8277,Co Rd 42,-93.29796110000001,44.746297600000005 +8278,136 St W,-93.30287170000001,44.757278400000004 +8279,136 St W,-93.3031921,44.7574539 +8280,138 St W,-93.30319970000001,44.7533607 +8281,141 St,-93.2965307,44.749412 +8282,Cr 5,-93.3023871,44.7482728 +8283,Cr 5,-93.3033084,44.7478228 +8284,Irving Av S,-93.29907680000001,44.7488876 +8285,Mccoll Dr,-93.3363059,44.7682231 +8286,140 St,-93.2965207,44.749763200000004 +8287,131 1/2 St W,-93.33818810000001,44.765304500000006 +8288,133 St W,-93.33879080000001,44.7618255 +8289,138 St W,-93.3028793,44.7531776 +8290,135 St W,-93.33788290000001,44.758991200000004 +8291,124 St,-93.3351516,44.7774009 +8292,131 1/2 St W,-93.3382186,44.7650985 +8293,United Methodist,-93.33811180000001,44.7591285 +8294,Glendale Ln,-93.3389935,44.7624324 +8295,Inglewood Av,-93.33289330000001,44.776245100000004 +8296,Mccoll Dr (Cr 16),-93.3359037,44.7677775 +8297,Inglewood Av,-93.3326416,44.7763481 +8298,Glendale Rd (Lynn),-93.336432,44.767899400000005 +8299,Lynn Av,-93.33619680000001,44.7763557 +8300,129 St W,-93.3362426,44.770511600000006 +8301,126 St W,-93.3363647,44.7749481 +8302,127 St W,-93.33615870000001,44.7727851 +8303,#4735 - The Hamilton,-93.3389892,44.7783584 +8304,128 St W,-93.3361206,44.771331700000005 +8305,Glendale Place,-93.33717340000001,44.778362200000004 +8306,Hwy 13 S Frontage,-93.32984920000001,44.7778396 +8307,Inglewood Av,-93.3326492,44.7773971 +8308,Glenhurst Av,-93.33000940000001,44.7774124 +8309,Glenhurst Av,-93.3295669,44.776988900000006 +8310,Lynn Court Apts,-93.33476250000001,44.777404700000005 +8311,Hwy 13 W,-93.31812280000001,44.775966600000004 +8312,Lynn Av,-93.33619680000001,44.7762527 +8313,Chowen Av,-93.3260269,44.7769775 +8314,Glenhurst Av,-93.3298645,44.776802 +8315,ZEnith Av,-93.31991570000001,44.775871200000005 +8316,Highland Dr,-93.3034896,44.762138300000004 +8317,Sibley St,-93.32797240000001,44.7776756 +8318,Washburn,-93.3184356,44.775356200000004 +8319,Knox Dr,-93.3018785,44.7609221 +8320,Lacota Ln,-93.30074130000001,44.762161000000006 +8321,Highland Dr,-93.3038635,44.762294700000005 +8322,James Av,-93.29925220000001,44.763621900000004 +8323,Morgan Dr,-93.30341750000001,44.7602179 +8324,Cr 5,-93.3034836,44.7594585 +8325,Burnsville Pkwy,-93.30320730000001,44.7593727 +8326,Lacota Ln,-93.3007233,44.7625077 +8327,Irving Av S,-93.29827250000001,44.7645582 +8328,Cr 5,-93.302863,44.760069200000004 +8329,Knox Dr,-93.3019783,44.7611745 +8330,Humboldt Av,-93.2965585,44.7662673 +8331,Manor Dr,-93.30377960000001,44.765159600000004 +8332,131 St W,-93.30380240000001,44.7666435 +8333,Slater Ln,-93.29925730000001,44.763966700000005 +8334,Irving Av S,-93.2982758,44.764864 +8335,Williams Dr,-93.30488580000001,44.770729 +8336,Humboldt Av,-93.296615,44.7665689 +8337,Oliver Av,-93.3084259,44.774368200000005 +8338,Big Oak Dr,-93.30411520000001,44.7663497 +8339,Menards,-93.3172607,44.776317500000005 +8340,Manor Dr,-93.30410760000001,44.7653388 +8341,Cr 5,-93.30387110000001,44.7725944 +8342,Charleswood Apts,-93.30429840000001,44.7696571 +8343,Charleswood Apts,-93.3046264,44.7696266 +8344,Nicollet Court,-93.28088460000001,44.744588500000006 +8345,Morgan Av S,-93.3070526,44.7704353 +8346,Williams Dr,-93.3045654,44.770828200000004 +8347,Burnhaven Dr,-93.29415130000001,44.743492100000005 +8348,Burnhaven Dr,-93.2940521,44.7434043 +8349,Nicollet Av,-93.2800378,44.7446544 +8350,Grand Av,-93.27918240000001,44.745292600000006 +8351,Cr 42,-93.2934951,44.7467308 +8352,Days Inn,-93.28136620000001,44.743906200000005 +8353,Grand Av,-93.2828521,44.7370213 +8354,Grand Av,-93.2792258,44.745594800000006 +8355,Carriage Ln (W),-93.2802035,44.7367724 +8356,Carriage Ln (W),-93.27980090000001,44.7369411 +8357,Grand Av,-93.28240070000001,44.737196000000004 +8358,Aldrich Ave S & 140th St W,-93.28809740000001,44.7502554 +8359,Aldrich Ave S @ Office Max Driveway,-93.2877617,44.7482422 +8360,McAndrews Rd W & Aldrich Ave S,-93.28807280000001,44.752248 +8361,Aldrich Ave S & McAndrews Rd W,-93.28811110000001,44.7516442 +8362,Aldrich Ave S @ Target Driveway,-93.2881136,44.7489871 +8363,Nicollet Ave S & Nicollet Blvd E,-93.277653,44.7493549 +8364,Burnhaven Dr,-93.29341880000001,44.747962900000005 +8365,Arthur Terrace,-93.2776865,44.747686200000004 +8366,Fairview Dr,-93.27501120000001,44.7498354 +8367,Aldrich Ave S @ Chipotle,-93.2881478,44.747508700000004 +8368,Fairview Dr,-93.27472780000001,44.7501387 +8369,Aldrich Ave S & 140th St W,-93.287783,44.7499405 +8370,Cobblestone Court,-93.27797430000001,44.7479292 +8371,Nicollet Ave S & 136th St W,-93.2776915,44.757271200000005 +8372,Nicollet Ave S & Nicollet Blvd W,-93.27798150000001,44.749157600000004 +8373,Grand Av S,-93.2833502,44.7513543 +8374,Grand Av S,-93.2834091,44.751319800000005 +8375,Nicollet Blvd W & Nicollet Ave S,-93.27819210000001,44.7494584 +8376,Nicollet Ave S & Meadow Circle S,-93.2779457,44.7555222 +8377,Nicollet Blvd W & Nicollet Ave S,-93.27846790000001,44.749668 +8378,Nicollet Ave S & McAndrews Rd E,-93.2776577,44.7538233 +8379,Mcandrews-Cr 38,-93.28362270000001,44.752658800000006 +8380,Nicollet Ave S & Marcin Hill,-93.27752980000001,44.756998700000004 +8381,Nicollet Blvd,-93.28374480000001,44.7529182 +8382,McAndrews Rd E & Nicollet Ave S,-93.2772463,44.753419300000004 +8383,McAndrews Rd E & Crestridge Dr,-93.2757174,44.7537298 +8384,#14645,-93.26830620000001,44.7375515 +8385,Cr 42,-93.2681519,44.7390078 +8386,Chicago Av,-93.2630572,44.7384313 +8387,#14645,-93.2683684,44.738069700000004 +8388,Cr 42,-93.26838070000001,44.7389694 +8389,Oak Run Ln #1,-93.26903820000001,44.7366192 +8390,McAndrews Rd E & Fairview Dr,-93.2753268,44.7535509 +8391,Portland Av S,-93.26803290000001,44.7470434 +8392,Portland Av S,-93.2685512,44.739345900000004 +8393,Portland Av S,-93.2679155,44.746937300000006 +8394,Plymouth Av,-93.2729431,44.7413309 +8395,Lac Lavon Dr (Cr 11),-93.25884040000001,44.7368839 +8396,Portland Av S,-93.2680108,44.7394933 +8397,Chicago Av,-93.2626333,44.7379795 +8398,Plymouth Av,-93.27229670000001,44.741424800000004 +8399,10 Av S,-93.2610595,44.738185900000005 +8400,Cr 11 (Lac Lavon),-93.25822280000001,44.7369281 +8401,145 St E,-93.2581761,44.740056700000004 +8402,146 St E,-93.258154,44.7382652 +8403,Cr 42,-93.25831520000001,44.7372078 +8404,145 St E,-93.25830610000001,44.7402792 +8405,Fairview Ridges,-93.2730782,44.750076400000005 +8406,146 St E,-93.2583216,44.7385904 +8407,Evergreen Court,-93.2651156,44.7481208 +8408,Cr 42,-93.2585375,44.7373184 +8409,Evergreen Court,-93.2652273,44.7479031 +8410,Frontier Ln,-93.25829870000001,44.74664 +8411,Park Av S,-93.2630812,44.749283600000005 +8412,Parkwood,-93.2631607,44.753631500000004 +8413,143 St E,-93.2583199,44.7434019 +8414,Oakland Dr,-93.26656340000001,44.753631500000004 +8415,Frontier Ln,-93.2581775,44.7464285 +8416,Parkwood Dr,-93.263153,44.753849 +8417,143 St E,-93.2581701,44.7432333 +8418,138 St (Mcandrews),-93.2683447,44.7533395 +8419,Community Dr,-93.2697902,44.750819400000005 +8420,Oakland Dr,-93.266304,44.7538223 +8421,Nicollet Blv / 138 St,-93.26815690000001,44.7525138 +8422,Portland Av S,-93.2686324,44.7537917 +8423,Community Dr,-93.2698445,44.7511583 +8424,McAndrews Rd E & Krestwood Dr,-93.2725642,44.753757300000004 +8425,McAndews Rd E & Community Dr,-93.2719941,44.753603000000005 +8426,Fairview Ridges,-93.2727885,44.7503126 +8427,141 St E,-93.2583115,44.748562400000004 +8428,Civic Center Pkwy,-93.27791710000001,44.766351 +8429,Nicollet Ave S & Timberland Dr,-93.2777817,44.7614486 +8430,Cr 11,-93.258629,44.750211900000004 +8431,Nicollet Ave S & Woodcrest Dr,-93.2779048,44.7623869 +8432,141 St E,-93.2581761,44.7483092 +8433,130 St E,-93.2776371,44.7676938 +8434,Park Av S,-93.26290490000001,44.7495222 +8435,130 St E,-93.27786210000001,44.7680701 +8436,Cr 11,-93.25846030000001,44.7501082 +8437,Harold Dr,-93.2775744,44.7638091 +8438,Cr 11,-93.2579956,44.753646800000006 +8439,Civic Center Pkwy,-93.2776077,44.765904600000006 +8440,Echo Park,-93.254074,44.7536811 +8441,Nicollet Ave S & Knoll Lane,-93.2773456,44.7602549 +8442,Cr 11,-93.2580566,44.753879500000004 +8443,Nicollet Ave S & E 134th St,-93.277538,44.7619927 +8444,Echo Park,-93.25382230000001,44.7539138 +8445,Aldrich Av,-93.2916544,44.7697792 +8446,Girard Av S,-93.29495370000001,44.7676474 +8447,Dupont Av,-93.2932045,44.7689261 +8448,Harriet Av,-93.2857271,44.7696624 +8449,Girard Av S,-93.29486610000001,44.767996800000006 +8450,Travelers Trail,-93.2898476,44.769980800000006 +8451,Dupont Av,-93.29310980000001,44.769285200000006 +8452,Portland Av (W),-93.26797260000001,44.7752033 +8453,Harold Dr,-93.2778909,44.764111500000006 +8454,Gateway Blvd,-93.28532320000001,44.7699067 +8455,Magnolia Ln,-93.43693540000001,44.9983749 +8456,Aldrich Av,-93.2911682,44.770023300000005 +8457,Burnsville Pkwy,-93.27761190000001,44.7738341 +8458,Burnsville Pky,-93.27777060000001,44.773021 +8459,Heart Of City P&R,-93.28012290000001,44.772925300000004 +8460,Pleasant Av,-93.2830423,44.7702486 +8461,Bay A,-93.2757121,44.778998300000005 +8462,Pillsbury Av,-93.2799835,44.7716903 +8463,Bay D - Arrive,-93.2765275,44.7785717 +8464,Nicollet Av,-93.27721290000001,44.771978700000005 +8465,Bay A - Arrive,-93.275586,44.7790515 +8466,Pleasant Av,-93.2826902,44.7706904 +8467,Bay C,-93.2762699,44.7786996 +8468,Pillsbury Av S,-93.2798013,44.7720423 +8469,Travelers Trail E,-93.2775965,44.7749576 +8470,Travelers Trail,-93.27787330000001,44.7753631 +8471,Nicollet Av S,-93.2774581,44.772152600000005 +8472,Bay B - Arrive,-93.2758637,44.778916900000006 +8473,129 St E,-93.2776211,44.771041000000004 +8474,Bay B - Not,-93.2759695,44.7788649 +8475,129 St E,-93.2778796,44.7712647 +8476,Bay B,-93.27615460000001,44.7787621 +8477,Ridgeview Apts,-93.2778778,44.7698593 +8478,Bay D,-93.27641360000001,44.7786314 +8479,Eagle Ridge Dr,-93.2725996,44.7737488 +8480,Burnsville Pkwy,-93.26117310000001,44.775829800000004 +8481,Portland Av (E),-93.2661039,44.775691300000005 +8482,Eagle Ridge Dr,-93.2723132,44.7739874 +8483,Portland Av (E),-93.2657952,44.775854300000006 +8484,Burnsville Pkwy,-93.2612955,44.775728 +8485,Morris Av S,-93.3385437,44.8047404 +8486,#705,-93.26360050000001,44.7758155 +8487,Morris Av S,-93.33820530000001,44.8047823 +8488,Summit Park Apts,-93.26540370000001,44.7769775 +8489,Nord Av S,-93.3395275,44.804790600000004 +8490,Travelers Trail,-93.2668543,44.7798108 +8491,Johnson Av S,-93.33443940000001,44.8048194 +8492,Burnsville Pkwy E,-93.2659225,44.775928400000005 +8493,Little Av S,-93.3368665,44.804799100000004 +8494,Travelers Trail,-93.26642500000001,44.7801928 +8495,Goodrich Av S,-93.3306175,44.804720800000005 +8496,Irwin Av S,-93.33350970000001,44.804749300000005 +8497,Trailway Pond Apt,-93.26570120000001,44.7767295 +8498,Harrison Av S,-93.33145900000001,44.8047247 +8499,Little Av S,-93.33731870000001,44.804750600000006 +8500,Harrison Av S,-93.3319371,44.804833200000004 +8501,Johnson Av S,-93.334823,44.8047644 +8502,Goodrich Av S,-93.3306525,44.8048604 +8503,Valleywest Ctr,-93.3338257,44.809570400000005 +8504,Valleywest Ctr,-93.3331114,44.8095604 +8505,108 St W,-93.3294724,44.8082828 +8506,Irwin Av S,-93.3331953,44.804779 +8507,110 St W,-93.32960460000001,44.8049266 +8508,Old Shakopee Rd,-93.3293671,44.8098966 +8509,109 St W,-93.32949090000001,44.806478000000006 +8510,Old Shakopee Rd,-93.32971760000001,44.809794700000005 +8511,110 St W,-93.3294604,44.8051164 +8512,108 St W,-93.32961060000001,44.808571300000004 +8513,109 St W,-93.3296186,44.8067239 +8514,Beard Av S,-93.3244409,44.811159 +8515,France Av S,-93.3292825,44.810688000000006 +8516,Xerxes Av S,-93.31997980000001,44.8128029 +8517,Cub Foods,-93.3314009,44.8120692 +8518,ZEnith Av S,-93.32209420000001,44.8122867 +8519,Cub Foods,-93.3315472,44.8118509 +8520,France Av S,-93.3298039,44.810338300000005 +8521,Nord Av S,-93.3391026,44.808775700000005 +8522,Kell Av S,-93.3357715,44.809170900000005 +8523,Drew Av S,-93.327011,44.8110689 +8524,Kell Av S,-93.33607500000001,44.8090485 +8525,Beard Av S,-93.32460970000001,44.8116317 +8526,Beard Av S,-93.32419200000001,44.811890600000005 +8527,Drew Av S,-93.3267545,44.8112276 +8528,Xerxes Av S,-93.3189313,44.8132229 +8529,ZEnith Av S,-93.3214756,44.8125684 +8530,France Av S,-93.3299951,44.819230700000006 +8531,104 St W,-93.3295868,44.817658400000006 +8532,Heritage Hills Dr,-93.3296055,44.814615200000006 +8533,Canterbury Dr,-93.3294736,44.8142793 +8534,104 St W,-93.32949930000001,44.8170875 +8535,Goodrich Rd,-93.33159850000001,44.819211300000006 +8536,Nord Av / Little Rd,-93.339599,44.8191623 +8537,Harrison Rd,-93.3328872,44.819203300000005 +8538,Little Rd,-93.33709370000001,44.8191761 +8539,Goodrich Rd,-93.33125460000001,44.8193022 +8540,Little Rd / Nord Av,-93.33944260000001,44.819290900000006 +8541,France Av S,-93.3292997,44.819307200000004 +8542,Johnson Av S,-93.3350267,44.819177200000006 +8543,Irwin Rd,-93.3337961,44.819310300000005 +8544,Little Rd,-93.33672680000001,44.8193233 +8545,Harrison Rd,-93.33251890000001,44.819321900000006 +8546,Johnson Av S,-93.33547,44.819340000000004 +8547,100 St W,-93.32954670000001,44.8237083 +8548,102 St W,-93.3295777,44.8194366 +8549,102 St W,-93.3294659,44.819017900000006 +8550,Pebblebrook Dr,-93.3293986,44.8241132 +8551,100 St W,-93.32942750000001,44.8235346 +8552,Xerxes Curve #1,-93.31899370000001,44.8241372 +8553,102 St W,-93.31912600000001,44.819419700000005 +8554,100 St W,-93.31903150000001,44.8230565 +8555,ZEnith Lane,-93.32195700000001,44.819219000000004 +8556,106 St W,-93.2989021,44.812428700000005 +8557,York Lane,-93.32068430000001,44.8192194 +8558,Beard Av S,-93.3251709,44.819170500000006 +8559,Abbott Av S,-93.32347890000001,44.8191682 +8560,Chowen Av S,-93.32581970000001,44.819192900000004 +8561,Queen Av S,-93.3104218,44.817005300000005 +8562,Drew Av S,-93.3271043,44.8192193 +8563,Vincent Av S,-93.3169656,44.813650800000005 +8564,Drew Av S,-93.3268082,44.8193373 +8565,Beard Av S,-93.3248537,44.8192694 +8566,Penn Av S,-93.308656,44.818541100000004 +8567,100 St W,-93.31920930000001,44.8232252 +8568,Thomas/Sheridan,-93.3143852,44.8144429 +8569,York Lane,-93.3203618,44.8192776 +8570,Thomas Av S,-93.31382140000001,44.8148105 +8571,102 St W,-93.31918970000001,44.8193295 +8572,Vincent Av S,-93.3164969,44.8139729 +8573,Abbott Av S,-93.3230759,44.819236800000006 +8574,Queen Av S,-93.310383,44.8171855 +8575,ZEnith Lane,-93.32161830000001,44.819277500000005 +8576,Gideon Pond Apts,-93.30871780000001,44.8224517 +8577,102 St W,-93.3087689,44.8193612 +8578,Ivy Lane,-93.30877890000001,44.8242179 +8579,#10041,-93.3087651,44.820891700000004 +8580,#10040,-93.30893280000001,44.8207201 +8581,Penn Av S,-93.3083725,44.8190508 +8582,Gideon Pond Apts,-93.3089537,44.8226947 +8583,102 St W,-93.30894140000001,44.819438600000005 +8584,Humboldt Av S,-93.2985713,44.815330700000004 +8585,Lyndale/Bloomington Fwy,-93.2898316,44.8119511 +8586,St Luke Church,-93.30244880000001,44.823306800000005 +8587,Morgan Av S,-93.30493510000001,44.8214929 +8588,Moir Park Apts,-93.30610970000001,44.8205966 +8589,Morgan/Penn,-93.3066751,44.820376100000004 +8590,106 St W,-93.28870590000001,44.812499300000006 +8591,Logan Av S,-93.30296080000001,44.8232149 +8592,Verdi Rd,-93.294694,44.8118217 +8593,122 St E,-93.2581722,44.7811315 +8594,River Terrace,-93.29257290000001,44.8118154 +8595,Travelers Trail,-93.25807040000001,44.781363000000006 +8596,Lyndale Av S,-93.2888748,44.8118004 +8597,Oak Leaf/Westchester,-93.25567620000001,44.7818107 +8598,Bloomington Frwy Rd,-93.292654,44.815424900000004 +8599,Oak Leaf Court,-93.2557598,44.7818504 +8600,Portland Av,-93.2679519,44.7818641 +8601,Dupont Rd,-93.29185030000001,44.8142463 +8602,Hwy 13,-93.26751700000001,44.781497900000005 +8603,105 St W,-93.29201540000001,44.8132706 +8604,104 St W,-93.2887304,44.815125800000004 +8605,#10320,-93.2886909,44.816519 +8606,#10325,-93.2885801,44.81598 +8607,Mission Rd,-93.288578,44.8136224 +8608,Mission Rd,-93.28871860000001,44.813779800000006 +8609,104 St W,-93.28855580000001,44.814941100000006 +8610,Devonshire Rd,-93.2941928,44.815453500000004 +8611,#10301,-93.28853240000001,44.817209000000005 +8612,Pleasant Av S,-93.283438,44.8191325 +8613,Harriet Av S,-93.28596250000001,44.8191482 +8614,102 St W,-93.2887259,44.8188107 +8615,#10031,-93.288528,44.8213829 +8616,Grand Av S,-93.2850186,44.818996600000006 +8617,Stevens / 2 Av S,-93.2754967,44.81902 +8618,#10031,-93.28867020000001,44.8214643 +8619,Blaisdell Av S,-93.2797934,44.8191173 +8620,Harriet Av S,-93.28629860000001,44.8189853 +8621,Wentworth Av S,-93.2812598,44.818992 +8622,102 St W,-93.2885617,44.818896300000006 +8623,Pleasant Av S,-93.2837416,44.8189852 +8624,2 Av / Stevens Av,-93.2741647,44.815530900000006 +8625,Blaisdell Av S,-93.28001640000001,44.8190352 +8626,Nicollet Av S,-93.2783497,44.815551600000006 +8627,Portland Av S,-93.26866070000001,44.819038500000005 +8628,Wentworth Av S,-93.28088500000001,44.8191062 +8629,4 Av S,-93.2711498,44.819061600000005 +8630,Walnut Ln #2,-93.23882090000001,44.738163 +8631,143 St,-93.2382371,44.741918600000005 +8632,143 St,-93.2380955,44.7416038 +8633,Walnut Ln #1,-93.23894340000001,44.738421300000006 +8634,141 Court,-93.2380952,44.744426700000005 +8635,Mcandrews (138 St),-93.2469825,44.7538038 +8636,Heywood Path,-93.2380815,44.746773600000004 +8637,Holyoke Lane,-93.2443599,44.7517688 +8638,Gardenview Ct,-93.23824690000001,44.745135100000006 +8639,Frontier Ln,-93.2513198,44.7536964 +8640,Gardenview Dr,-93.2384368,44.748246900000005 +8641,140 St W,-93.24755850000001,44.7544364 +8642,Frontier Ct,-93.25106810000001,44.7539329 +8643,Gardenview Dr,-93.2385663,44.748454 +8644,138 St W,-93.24219500000001,44.750361100000006 +8645,Granite Av,-93.2189405,44.7463356 +8646,Holyoke Ln,-93.2440012,44.751684600000004 +8647,Cedar Av,-93.2189381,44.746550600000006 +8648,134 St W,-93.2456837,44.7529503 +8649,Cedar Av,-93.21789550000001,44.746322600000006 +8650,Mcandrews (138 St),-93.24691490000001,44.7541469 +8651,Pennock Av,-93.22267910000001,44.7392272 +8652,138 St W,-93.24251790000001,44.750423100000006 +8653,142 St W,-93.22274920000001,44.7429531 +8654,Palomino P&R,-93.21977460000001,44.7645489 +8655,130 St W,-93.2198104,44.7619514 +8656,Palomino P&R,-93.21992490000001,44.764595 +8657,140 St W,-93.18692770000001,44.7463836 +8658,145 St W,-93.2227601,44.739006 +8659,142 St W,-93.2075119,44.7441978 +8660,140 St W,-93.2226955,44.746196700000006 +8661,146 St W,-93.2075195,44.7375221 +8662,146 St W,-93.22293780000001,44.7368693 +8663,145 St W,-93.2075195,44.739414200000006 +8664,145 St W,-93.2229286,44.7393943 +8665,Johnny Cake Ridge,-93.18680570000001,44.746417900000004 +8666,140 St W,-93.20735160000001,44.746559100000006 +8667,142 St W,-93.2229298,44.743225100000004 +8668,Galaxie Av,-93.20746000000001,44.736679 +8669,140 St W,-93.2229006,44.7460527 +8670,Johnny Cake Ridge Rd,-93.1868896,44.742485 +8671,Hamburg Court,-93.220719,44.7602015 +8672,140 St W,-93.2076055,44.746732800000004 +8673,Flagstone Trail,-93.20736690000001,44.743087700000004 +8674,145 St W,-93.2073745,44.7392349 +8675,146 St W,-93.2073745,44.7373428 +8676,Fordham Av,-93.20737580000001,44.749014900000006 +8677,Galaxie Av,-93.20693610000001,44.757375700000004 +8678,Upper 139 St W,-93.2075751,44.7483966 +8679,139 St W,-93.1869812,44.748085 +8680,Foliage Av,-93.20183560000001,44.7578887 +8681,134 St Court,-93.1866815,44.750789100000006 +8682,Galaxie Av,-93.2069931,44.757251700000005 +8683,139 St W,-93.1868362,44.7478981 +8684,132 St W,-93.2071914,44.7573966 +8685,133 St Court,-93.1873245,44.753257700000006 +8686,133 St W,-93.2071889,44.7556968 +8687,Johnny Cake Ridge,-93.1869125,44.757278400000004 +8688,135 St W,-93.20737790000001,44.753078300000006 +8689,Johnny Cake Ridge,-93.18697350000001,44.7573814 +8690,Foliage Av,-93.20211160000001,44.757838400000004 +8691,133 St Court,-93.18706730000001,44.753067 +8692,Findlay Av,-93.19401,44.7573238 +8693,Flagstaff Av,-93.1979352,44.7580125 +8694,132 Way,-93.19089410000001,44.7575641 +8695,132 St W,-93.206393,44.7573005 +8696,Finch Way,-93.1900123,44.7577353 +8697,135 St W,-93.20751680000001,44.7533801 +8698,Findlay Av,-93.19374230000001,44.7574156 +8699,133 St W,-93.2073254,44.7559613 +8700,Pilot Knob Rd,-93.1772766,44.7428703 +8701,Flagstaff Av,-93.1976393,44.758086000000006 +8702,142 St W,-93.17696380000001,44.743019100000005 +8703,126 St W,-93.1868869,44.765944600000005 +8704,126 St W,-93.1869753,44.7660762 +8705,Everest Av,-93.1831741,44.7464103 +8706,Mcandrews,-93.18699550000001,44.7631694 +8707,Pilot Knob Rd,-93.1769256,44.7463989 +8708,125 St W,-93.1870746,44.767129600000004 +8709,Everest Av,-93.18373100000001,44.742473600000004 +8710,Mcandrews (Cr 38),-93.2070999,44.7596511 +8711,Johnny Cake Rd,-93.1869509,44.774825 +8712,Shelter,-93.19498440000001,44.7669105 +8713,#12155-Ses,-93.1870117,44.7747802 +8714,Flagstaff,-93.19696800000001,44.762100200000006 +8715,#12155-Ses,-93.1868743,44.7748222 +8716,Foliage Av,-93.20255270000001,44.7602806 +8717,Hwy 13,-93.24767890000001,44.787361600000004 +8718,ZOo Blvd,-93.19209280000001,44.7621192 +8719,River Hills Dr,-93.2346407,44.790184700000005 +8720,ZOo Blvd,-93.19241330000001,44.7618598 +8721,Kennelly Rd,-93.2381745,44.7901584 +8722,Flagstaff,-93.19721220000001,44.761833100000004 +8723,HorizOn Rd,-93.2408504,44.7902481 +8724,Foliage Av,-93.2026519,44.7600173 +8725,Galaxie Av,-93.2073699,44.7599115 +8726,River Hills Dr,-93.2347033,44.790376900000005 +8727,125 St W,-93.18683370000001,44.7669402 +8728,Kennelly Rd,-93.2378259,44.7904089 +8729,Mcandrews,-93.18674650000001,44.762591 +8730,17 Av,-93.25132070000001,44.7830528 +8731,Hwy 13,-93.24823710000001,44.786506200000005 +8732,122 St,-93.2480747,44.783353500000004 +8733,River Hills Dr (E),-93.23180380000001,44.801918 +8734,121 St,-93.2482648,44.784893100000005 +8735,117 St,-93.23988340000001,44.793834600000004 +8736,Cr 11,-93.24855670000001,44.783149400000006 +8737,HorizOn Dr,-93.24053950000001,44.7923812 +8738,Connelly Estates,-93.2480163,44.7846527 +8739,River Hills Dr (E),-93.2313613,44.8017959 +8740,Cliff Rd,-93.24211120000001,44.7906684 +8741,Slater Rd,-93.2244895,44.790364800000006 +8742,Cliff Rd,-93.24334710000001,44.7901115 +8743,Rahncliff Rd,-93.2083942,44.790022 +8744,Scott Trail,-93.2141498,44.7900822 +8745,115 St,-93.2378463,44.7962379 +8746,Cliff Dr,-93.2155165,44.7900866 +8747,Galtier Dr,-93.23476400000001,44.798934900000006 +8748,Nicols Rd,-93.21755990000001,44.790055 +8749,Galtier Dr,-93.2345581,44.798599200000005 +8750,Slater Rd,-93.22504190000001,44.790129 +8751,Cartier Av,-93.2283275,44.790404800000005 +8752,Cartier Av,-93.22855820000001,44.7901673 +8753,Nicols Rd,-93.21750990000001,44.790351300000005 +8754,Park Center Dr (W),-93.2121261,44.7903037 +8755,Glory Dr,-93.2180175,44.8013038 +8756,Park Center Dr (W),-93.2124938,44.7900543 +8757,Metcalf Jr Hi,-93.2245025,44.8048744 +8758,Cliff Dr,-93.2179107,44.7915878 +8759,Metcalf Jr Hi,-93.22454830000001,44.8046493 +8760,Cliffhill Lane,-93.2179031,44.7936325 +8761,Metcalf Jr Hi,-93.22454830000001,44.8046493 +8762,Shale Ln,-93.21788020000001,44.7977676 +8763,Nicols Rd,-93.21882070000001,44.8046567 +8764,Marble Ln,-93.21786490000001,44.8017005 +8765,Diamond Dr,-93.2148626,44.804666700000006 +8766,Erin Dr (N),-93.2180404,44.794795900000004 +8767,Moonstone Dr,-93.2103417,44.8046304 +8768,Cliff Dr,-93.21806330000001,44.791538200000005 +8769,Hwy 77 Sb Exit,-93.22291560000001,44.804866700000005 +8770,Metcalf Jr Hi,-93.2245025,44.804878200000005 +8771,Erin Dr (S),-93.21805570000001,44.792316400000004 +8772,Hwy 77 Nb Ramp,-93.2181396,44.804836200000004 +8773,Cedar Ridge Circle,-93.2180252,44.7985801 +8774,Hwy 77 Nb Exit,-93.21913140000001,44.804626400000004 +8775,Diamond Dr,-93.21443980000001,44.804805300000005 +8776,Diffley Rd,-93.2180175,44.804546300000005 +8777,Nicols Rd,-93.21855670000001,44.8048799 +8778,Topaz Dr,-93.21105990000001,44.804757300000006 +8779,Cedar Grove Pky,-93.20814510000001,44.8187103 +8780,Cedar Grove Pkwy,-93.20964810000001,44.816005700000005 +8781,Galaxie Av,-93.200556,44.787603000000004 +8782,Cedar Grove Pky,-93.2092497,44.815847500000004 +8783,Cliff Rd,-93.2078781,44.7903327 +8784,Valley View Dr N,-93.20808070000001,44.814553000000004 +8785,Cliff Rd,-93.1976394,44.790271700000005 +8786,Cedarvale Blvd,-93.21139520000001,44.817329400000006 +8787,Sherwood,-93.1874081,44.7810873 +8788,Cedarvale Blvd,-93.2116175,44.8173581 +8789,Johnny Cake Ridge Rd,-93.187976,44.7901955 +8790,Covington Ln,-93.18766640000001,44.7855003 +8791,Covington Ln,-93.18748260000001,44.7852636 +8792,Sherwood,-93.1876489,44.781264900000004 +8793,Johnny Cake Ridge Rd,-93.1880306,44.7899784 +8794,Blackhawk P&R,-93.1986895,44.791773400000004 +8795,Cliff Lake Rd,-93.20719770000001,44.792484 +8796,Lenore Ln,-93.1944701,44.7901071 +8797,Kyle Way,-93.20444090000001,44.7958149 +8798,Cliff Lake Rd,-93.20767880000001,44.790314200000005 +8799,Cliff Lake Rd,-93.20282800000001,44.795885000000006 +8800,Blackhawk Rd,-93.19720380000001,44.790004100000004 +8801,Kyle Way,-93.2040762,44.7960913 +8802,Beacon Hill Rd,-93.1814765,44.790014400000004 +8803,Deer Hills,-93.1967697,44.801593700000005 +8804,Ridge Cliff Dr,-93.18399790000001,44.7900116 +8805,Blackhawk Rd,-93.1988618,44.795472100000005 +8806,Cliff Dr,-93.177462,44.790406700000005 +8807,Cliff Lake Rd,-93.1986481,44.7958901 +8808,Bear Path Trail,-93.19732780000001,44.797997300000006 +8809,Cliff Rd,-93.1773203,44.790659500000004 +8810,Trailway Dr,-93.196663,44.8013315 +8811,Thomas Ctr Dr,-93.177317,44.7920898 +8812,Bear Path Trail,-93.1974426,44.7977288 +8813,Thomas Ctr Dr,-93.1774621,44.792355400000005 +8814,Rahn Rd,-93.2063911,44.7947308 +8815,Thomas Lake Pt,-93.1776978,44.7948803 +8816,Blackhawk P&R - Arrive,-93.1986734,44.791811300000006 +8817,Mallard Dr,-93.1779001,44.796151 +8818,Cliff Lake Rd,-93.1984329,44.7955818 +8819,Thomas Lake Elem,-93.17493400000001,44.799838900000005 +8820,Rahn Rd,-93.2061843,44.7945289 +8821,Blackhawk Rd,-93.198677,44.795673300000004 +8822,Clemson Dr,-93.175545,44.801762000000004 +8823,Thomas Ctr Dr,-93.1810037,44.7902591 +8824,Clemson Court,-93.175212,44.801601500000004 +8825,Carnelian Ln,-93.2077828,44.8091929 +8826,Mallard Dr,-93.17779010000001,44.795951200000005 +8827,Bluestone Ln,-93.2077993,44.811044900000006 +8828,Thomas Lk Elem,-93.1748675,44.7996403 +8829,Valley View Dr S,-93.20780810000001,44.8130626 +8830,Thomas Lake Pt,-93.1774848,44.7946357 +8831,Diffley Rd,-93.1966692,44.8041788 +8832,Auburn Court,-93.17484280000001,44.7996597 +8833,Diffley Rd,-93.19679260000001,44.803695600000005 +8834,Boulder Court Apts,-93.20781550000001,44.8068572 +8835,Raptor Circle,-93.1952385,44.806587300000004 +8836,Boulder Court Apts,-93.20768480000001,44.8068661 +8837,Kathryn Circle,-93.1951123,44.806848900000006 +8838,Meadowlark Rd,-93.1926765,44.808353800000006 +8839,Diffley Rd,-93.2076583,44.8051212 +8840,Deerwood Dr,-93.19254520000001,44.811651100000006 +8841,Diffley Rd,-93.20782550000001,44.804907400000005 +8842,Sartell Av,-93.19247990000001,44.812616600000005 +8843,Carnelian Ln,-93.2076931,44.809499300000006 +8844,Bluestone Dr E,-93.192767,44.810175300000004 +8845,Valley View Dr S,-93.2076832,44.8129118 +8846,Deerwood Dr,-93.1926131,44.8124077 +8847,Turquoise Trail,-93.2076821,44.811678 +8848,Valley View Dr N,-93.2077713,44.814365300000006 +8849,Laurel Court,-93.20129270000001,44.819088900000004 +8850,Willow Way,-93.19849690000001,44.8190735 +8851,Ballantrae Rd,-93.20406000000001,44.8191397 +8852,Silver Bell Rd,-93.2076981,44.8189081 +8853,Silver Bell Rd,-93.19232170000001,44.819305400000005 +8854,Colonial Village,-93.20309920000001,44.819183900000006 +8855,Fir Point,-93.17837,44.8042485 +8856,Shannon Glen,-93.20103830000001,44.819198400000005 +8857,Wexford Way,-93.17851610000001,44.803907800000005 +8858,Golden Hill Terrace,-93.1972022,44.819162000000006 +8859,Pilot Knob Rd,-93.1670227,44.817329400000006 +8860,Cochrane Av,-93.1923117,44.8159049 +8861,Englert Rd,-93.16815940000001,44.8224639 +8862,Riverton Av,-93.1922998,44.818247500000005 +8863,Wescott Rd,-93.16474910000001,44.818805600000005 +8864,Turquoise Tr,-93.1925645,44.813352900000005 +8865,Civic Center Dr,-93.16436,44.8188552 +8866,Serpentine Dr,-93.19239560000001,44.8165253 +8867,Pilot Knob Rd,-93.167015,44.8171272 +8868,Englert Rd,-93.16824340000001,44.8226661 +8869,Blackhawk Rd,-93.1927763,44.819154000000005 +8870,Darnel Rd (E),-93.43237230000001,44.8429713 +8871,Lodestone Ln,-93.1946288,44.8190456 +8872,Robin Lane,-93.19246670000001,44.8209266 +8873,Blackhawk Rd,-93.19267710000001,44.8190395 +8874,Homeward Hills,-93.42991110000001,44.8422192 +8875,Robin Lane,-93.19262690000001,44.821102100000004 +8876,AzTec Dr,-93.43793210000001,44.843952800000004 +8877,Anderson Lakes,-93.4548378,44.8515953 +8878,Darnel Rd (W),-93.43560520000001,44.8439071 +8879,Homeward Hills,-93.4294538,44.842202 +8880,Darnel Rd (E),-93.43192780000001,44.842940600000006 +8881,Darnel Rd (W),-93.43511910000001,44.843895200000006 +8882,Atherton Apts,-93.45710530000001,44.8515025 +8883,AzTec Dr,-93.43783140000001,44.8440767 +8884,Tamarack Tr,-93.46027360000001,44.8525919 +8885,Duram Court,-93.44239470000001,44.839039500000005 +8886,Anderson Lakes,-93.45463980000001,44.851625500000004 +8887,Duram Court,-93.44226420000001,44.839083 +8888,Carmody Dr,-93.4502616,44.8485139 +8889,Collegeview Dr,-93.44347020000001,44.836214000000005 +8890,Carmody Dr,-93.45070220000001,44.8488215 +8891,Northrup Trail,-93.4423204,44.8428479 +8892,Northrup Trail,-93.44374060000001,44.840892600000004 +8893,Atherton En,-93.46015270000001,44.8523651 +8894,Flying Cloud Dr,-93.4393615,44.844081800000005 +8895,Morgan Ln,-93.4574333,44.85155 +8896,Equitable/ZEnith,-93.4506571,44.8660024 +8897,Executive Dr,-93.450677,44.866216400000006 +8898,Joiner Way,-93.430025,44.851286900000005 +8899,#14000 - Mts,-93.45567510000001,44.8580672 +8900,Magnolia Trail,-93.4449488,44.846277 +8901,St Andrew Luth,-93.4502408,44.858012 +8902,Franlo Rd,-93.4295862,44.8510415 +8903,#14000 - Mts,-93.4558286,44.857995800000005 +8904,Singletree Ln,-93.4354548,44.856292700000004 +8905,Prairie Center Dr,-93.4425666,44.8665378 +8906,Marigold Circle,-93.44249380000001,44.8463719 +8907,Dahlia / Dahlia Cir,-93.4448151,44.8462351 +8908,Singletree Ln,-93.4351858,44.8565656 +8909,Joiner Way,-93.4303483,44.851723 +8910,Prairie Center Dr,-93.44410640000001,44.8667018 +8911,Castle / Crystal,-93.43336430000001,44.8528831 +8912,Technology Dr,-93.438888,44.8590511 +8913,Crystal View Rd,-93.43292290000001,44.8529648 +8914,Prairie Center Dr,-93.4443306,44.866464300000004 +8915,Technology Dr,-93.4456083,44.8602569 +8916,St Andrew Luth,-93.44883100000001,44.8587092 +8917,Technology Dr,-93.4440873,44.860305000000004 +8918,Hames Way,-93.49622190000001,44.871557300000006 +8919,Hames Way,-93.4963237,44.871425200000004 +8920,Park View Ln,-93.5072502,44.873241900000004 +8921,Muirfield Ln,-93.5031222,44.873568500000005 +8922,Park View Ln,-93.5074852,44.8731025 +8923,Muirfield Ln,-93.503675,44.8734495 +8924,Ticonderoga Tr,-93.51072280000001,44.8729621 +8925,Valley View Rd,-93.5140516,44.873856700000005 +8926,Duck Lake Trail,-93.51356840000001,44.8768619 +8927,Maple Leaf Dr,-93.5136956,44.8760163 +8928,Valley View Rd,-93.5138665,44.8743209 +8929,Maple Leaf Dr,-93.5136525,44.8757261 +8930,Dell Rd,-93.5136811,44.873710800000005 +8931,Avon Court,-93.51158000000001,44.883683600000005 +8932,Ticonderoga Tr,-93.510298,44.872998700000004 +8933,Leander Circle,-93.5146778,44.885429800000004 +8934,Wakefield Dr,-93.51140020000001,44.880664800000005 +8935,Duck Lake Trail,-93.51370940000001,44.879189800000006 +8936,Wakefield Dr,-93.5114604,44.880879 +8937,Tristram Way,-93.51296810000001,44.885070400000004 +8938,Red Cherry Ln,-93.5137881,44.897753400000006 +8939,Community Ctr,-93.48839140000001,44.8693697 +8940,Cr 101,-93.51520810000001,44.8914817 +8941,Franklin Circle W,-93.48241800000001,44.8689345 +8942,Cr 101,-93.5152314,44.8916744 +8943,Ontario Blvd,-93.47703290000001,44.868917100000004 +8944,Covington Rd,-93.51295660000001,44.8990227 +8945,Bittersweet Dr,-93.47301510000001,44.8690658 +8946,Covington Rd,-93.5130027,44.8987436 +8947,Hanus Rd,-93.5112058,44.900971600000005 +8948,Community Ctr,-93.4877548,44.869424 +8949,Conifer Trail,-93.50847420000001,44.903301500000005 +8950,Ontario Blvd,-93.476521,44.8690076 +8951,Mahoney Av,-93.5066237,44.9049327 +8952,Franklin Circle W,-93.4825476,44.869030800000004 +8953,Mahoney Av,-93.50658440000001,44.9049971 +8954,Eden Prairie (Cr 4),-93.4848738,44.8691301 +8955,Hanus Rd,-93.5113163,44.901186 +8956,Clear View Trail,-93.51542880000001,44.893598600000004 +8957,Tamarack Dr,-93.5082435,44.903633400000004 +8958,Creek View Trail,-93.5154208,44.8931795 +8959,Porter Av,-93.50754400000001,44.9105701 +8960,Red Cherry Ln,-93.51402300000001,44.8972258 +8961,Thimsen Av,-93.50508520000001,44.910983900000005 +8962,Cr 101,-93.50353030000001,44.9084419 +8963,Porter Av,-93.5072324,44.9112536 +8964,Thimsen Av,-93.5047933,44.9110407 +8965,Clear Spring Rd,-93.50080100000001,44.9076766 +8966,Minnetonka Hs,-93.51149910000001,44.9106138 +8967,Spring Ln,-93.50305270000001,44.908320800000006 +8968,Cr 101,-93.5047364,44.909055200000005 +8969,Clear Spring Rd,-93.50143630000001,44.9077227 +8970,Minnetonka Hs,-93.51264540000001,44.910423900000005 +8971,Woodland Rd,-93.48333050000001,44.903744200000006 +8972,Tracy Lynn Terrace,-93.5052021,44.9068418 +8973,Wing Lake Dr,-93.47692090000001,44.9025965 +8974,Porter Av,-93.50674520000001,44.9111296 +8975,Tracy Lynn Terrace,-93.50525350000001,44.90699 +8976,Woodland Rd,-93.4829148,44.9038223 +8977,Westmill Rd,-93.49807440000001,44.906278 +8978,Wing Lake Dr,-93.4771644,44.9024803 +8979,Westmill Rd,-93.4980695,44.9061521 +8980,Scenic Hts Rd,-93.49278530000001,44.904436800000006 +8981,Nantucket Rd,-93.4954173,44.904783 +8982,Scenic Hts Rd,-93.49297,44.904551500000004 +8983,Nantucket Rd,-93.49561130000001,44.9047302 +8984,Glen Av,-93.4717251,44.9016802 +8985,Hutchins Dr,-93.5034054,44.911164 +8986,Holiday Rd,-93.4866047,44.904256700000005 +8987,Cr 101,-93.503866,44.910904300000006 +8988,Byscane Ln,-93.481221,44.9035388 +8989,Cr 101,-93.5042926,44.9089528 +8990,Byscane Ln,-93.4813546,44.9034874 +8991,Williston Rd,-93.46798670000001,44.9031973 +8992,Holiday Rd,-93.48703230000001,44.9042174 +8993,Whited Av,-93.47455570000001,44.9017187 +8994,PlazA Dr,-93.4364367,44.8687206 +8995,Williston Rd,-93.4674437,44.9035705 +8996,Office Ridge Circ,-93.4280318,44.8687277 +8997,Cr 4,-93.46555040000001,44.9042571 +8998,Howard Ln,-93.46403280000001,44.8700581 +8999,Cr 4,-93.4658368,44.904316300000005 +9000,Golf View Dr,-93.45833490000001,44.870670700000005 +9001,Glen Av,-93.47161630000001,44.9017907 +9002,Mitchell (Baker),-93.4562272,44.8694361 +9003,Woodhill Rd,-93.4623645,44.9061341 +9004,Howard Ln,-93.4639185,44.8702273 +9005,Edenvale Blvd,-93.468868,44.8692298 +9006,Kinsel Rd,-93.46025900000001,44.9070903 +9007,Baker (Mitchell),-93.45509240000001,44.8687855 +9008,Woodridge Rd,-93.4569443,44.9093077 +9009,Golf View Dr,-93.4577611,44.8707062 +9010,Prescott Dr,-93.4546937,44.910901700000004 +9011,Mayview Rd,-93.45297760000001,44.912092 +9012,Kinsel Rd,-93.4603096,44.906937000000006 +9013,Mayview Rd,-93.4531092,44.9118817 +9014,Cr 4/Woodhill,-93.464218,44.905153500000004 +9015,Crestwood Dr,-93.4554207,44.9102748 +9016,Woodridge Rd,-93.4569431,44.9092319 +9017,Nottingham Trail,-93.40677260000001,44.825608900000006 +9018,Woodhill Rd,-93.4625711,44.9059164 +9019,Franlo Rd,-93.408907,44.8257415 +9020,Niblick Ln,-93.4088052,44.826455800000005 +9021,Amsden Way,-93.4089414,44.832909400000005 +9022,Overlook Trail,-93.40896140000001,44.834432 +9023,Niblick Ln,-93.40888740000001,44.8265961 +9024,Nottingham Trail,-93.4088701,44.827862 +9025,Franlo Rd,-93.4087185,44.8254571 +9026,Olympic Circle,-93.4089582,44.829366 +9027,Laurel Dr,-93.4088208,44.828792 +9028,Mt Curve Rd,-93.4089344,44.8311998 +9029,Nottingham Trail,-93.4088648,44.8277847 +9030,Amsden Way,-93.4089024,44.832676500000005 +9031,Preserve Blvd,-93.42271190000001,44.843955 +9032,Mt Curve Rd,-93.40890320000001,44.830929100000006 +9033,Center Way,-93.4187217,44.8438644 +9034,Overlook Trail,-93.40884630000001,44.8343294 +9035,Center Way,-93.4198293,44.8440487 +9036,Nottingham Trail,-93.40650500000001,44.8255774 +9037,Grier Ln,-93.42406460000001,44.8456497 +9038,Anderson Lakes,-93.4238115,44.8440037 +9039,Preserve Blvd,-93.4231209,44.844068400000005 +9040,Tarn Circle,-93.4088358,44.836042400000004 +9041,Tarn Circle,-93.4089519,44.8360925 +9042,Neill Lake Rd #2,-93.4093694,44.8391231 +9043,Anderson Lakes,-93.40852550000001,44.8366236 +9044,Anderson Lakes,-93.40870930000001,44.836653500000004 +9045,Basswood Rd,-93.41557750000001,44.8438074 +9046,Neill Lake Rd #2,-93.40969270000001,44.8393937 +9047,Neill Lake Rd #1,-93.41370110000001,44.8425755 +9048,Friar Dr,-93.40085420000001,44.8273895 +9049,Basswood Rd W,-93.41545520000001,44.8438296 +9050,Basswood Rd E,-93.4139904,44.8430799 +9051,Linden Dr,-93.4011023,44.825358 +9052,Archer Lane,-93.40300160000001,44.825275000000005 +9053,Archer Lane,-93.4032851,44.8254254 +9054,Squire Ln,-93.4010288,44.8289191 +9055,Hampshire Ln,-93.40070460000001,44.827547 +9056,Dorset Ln,-93.40090500000001,44.8258828 +9057,Buckingham Dr,-93.40103850000001,44.8255592 +9058,Squire Ln,-93.4010825,44.8290674 +9059,#9756-9768,-93.40098920000001,44.8266487 +9060,Hartford Circle,-93.4005508,44.8300762 +9061,Brighton Ln,-93.40037930000001,44.830223100000005 +9062,Hennepin Town Rd,-93.39892090000001,44.8309791 +9063,Oakmere Rd,-93.3888761,44.845980600000004 +9064,Hennepin Town Rd,-93.39901920000001,44.830917500000005 +9065,Jerrys Foods,-93.39915810000001,44.8356416 +9066,96 St W,-93.39315300000001,44.8291223 +9067,Veness Rd,-93.39050350000001,44.839591600000006 +9068,Lindstrom Dr,-93.3938433,44.8248577 +9069,Amsden Rd,-93.39127380000001,44.8419515 +9070,Decatur / 93 St,-93.3930445,44.836255300000005 +9071,98 St W,-93.39410430000001,44.825274300000004 +9072,Decatur Av,-93.3928855,44.8361967 +9073,96 St W,-93.39351570000001,44.829343900000005 +9074,Westwind Dr,-93.4238694,44.8469275 +9075,Veness-Ensign,-93.39368780000001,44.8345271 +9076,Carriage Court,-93.4239208,44.8495216 +9077,Ensign-Veness,-93.39393240000001,44.8344858 +9078,Wilder Dr,-93.424181,44.849602700000005 +9079,Franlo Rd,-93.4240036,44.848217000000005 +9080,Von Maur-Lower,-93.42293810000001,44.8549075 +9081,#479 - Library,-93.42723690000001,44.851052100000004 +9082,98 St W,-93.35848960000001,44.827101000000006 +9083,#479 - Library,-93.42733290000001,44.8508365 +9084,78 St W,-93.42046830000001,44.8565891 +9085,86 St W,-93.38773130000001,44.847591900000005 +9086,Prairie Lakes Dr,-93.42016190000001,44.8554553 +9087,Texas Av S,-93.38389980000001,44.847556600000004 +9088,78 St W,-93.4201996,44.857024 +9089,Bush Lake Rd W,-93.3869306,44.853970700000005 +9090,Prairie Lakes Dr,-93.4204883,44.855291300000005 +9091,Utah Av S,-93.3861803,44.855268300000006 +9092,Bryant Lake Rd,-93.42105330000001,44.867411600000004 +9093,Utah Av S,-93.3860733,44.855095600000006 +9094,76 St W,-93.4064888,44.863601100000004 +9095,Telegraph Rd,-93.38384500000001,44.854034000000006 +9096,Golden Triangle Dr,-93.40661340000001,44.8597308 +9097,Bush Lake Rd W,-93.38681980000001,44.8540136 +9098,Viking Dr,-93.41890670000001,44.8624632 +9099,Telegraph Rd,-93.38410400000001,44.8538319 +9100,Viking Dr,-93.4170971,44.862076900000005 +9101,74 St W,-93.39846010000001,44.8672137 +9102,60 St W,-93.33920350000001,44.8942421 +9103,Washington Av S,-93.4008211,44.8655995 +9104,99 St W,-93.3584555,44.8256655 +9105,76 St W,-93.3986105,44.867356400000006 +9106,Golden Triangle Dr,-93.4007181,44.8656706 +9107,Viking Dr,-93.4044684,44.860700900000005 +9108,98 St W,-93.3583535,44.8264598 +9109,99 St W,-93.3583632,44.8253349 +9110,94 St W,-93.3582772,44.833026800000006 +9111,96 St W,-93.35846640000001,44.8296818 +9112,St Edward Church P&R,-93.3566778,44.8331077 +9113,Briar Rd,-93.3534006,44.8261071 +9114,Rich Rd,-93.3455909,44.824828100000005 +9115,Nesbitt Av S,-93.35747090000001,44.827062100000006 +9116,Rich Rd,-93.3460366,44.8248437 +9117,Briar Rd,-93.352574,44.826140900000006 +9118,P&R,-93.34853000000001,44.8249221 +9119,Normandale Blvd,-93.35015290000001,44.8260109 +9120,Nesbitt Av S,-93.35815290000001,44.8273011 +9121,Normandale Blvd,-93.35064790000001,44.8258165 +9122,96 St W,-93.3582944,44.829486800000005 +9123,Toledo Av,-93.34825570000001,44.8342207 +9124,Normandale / Briar Ln,-93.35195390000001,44.8331109 +9125,Toledo Av,-93.3479143,44.834613000000004 +9126,St Edward Church P&R,-93.35650790000001,44.8332537 +9127,94 St (Poplar Bridge),-93.35051130000001,44.833225600000006 +9128,Hyland Creek Rd,-93.3549184,44.8331632 +9129,Poplar Bridge,-93.3502842,44.833220600000004 +9130,94 St W,-93.35845760000001,44.8328506 +9131,Kingsdale Dr,-93.3408553,44.841205900000006 +9132,Yosemite Rd,-93.3546786,44.8329688 +9133,Kingsdale Dr,-93.3407267,44.841496400000004 +9134,Pennsylvania Rd,-93.3786395,44.8548289 +9135,Collegeview Rd,-93.34583210000001,44.8361711 +9136,Fawnridge Circle,-93.34556930000001,44.836739400000006 +9137,91 St W,-93.3445112,44.839889 +9138,Rhode Island Av,-93.3818095,44.854718600000005 +9139,92 St W,-93.34492540000001,44.8385577 +9140,Pennsylvania Rd,-93.37905690000001,44.8547182 +9141,91 St W,-93.3444501,44.839676000000004 +9142,82 St W,-93.3745667,44.854104500000005 +9143,Forest Hills Circle,-93.3449968,44.837807000000005 +9144,Bush Lake Rd E,-93.372703,44.8475173 +9145,Lakeview Rd,-93.37893100000001,44.847549400000005 +9146,Bush Lake Rd E,-93.372763,44.847605800000004 +9147,Texas Av S,-93.3837567,44.8476184 +9148,84 St W,-93.3721455,44.8507182 +9149,Lakeview Rd,-93.37854850000001,44.847637600000006 +9150,84 St W,-93.37271530000001,44.851039 +9151,83 St W,-93.37357870000001,44.852056000000005 +9152,Chalet Rd,-93.3643397,44.8537893 +9153,Rhode Island Dr,-93.3814909,44.8548538 +9154,83 St W,-93.37326030000001,44.851761800000006 +9155,Bush Lake Rd,-93.3634703,44.853995100000006 +9156,82 St W,-93.3743488,44.854108200000006 +9157,#7500-7520,-93.36334690000001,44.8662002 +9158,#7500-7520,-93.36346060000001,44.866308700000005 +9159,#7700,-93.36373040000001,44.8641458 +9160,Cecilia Circle,-93.36599310000001,44.861689000000005 +9161,#7424,-93.37860040000001,44.861134 +9162,83 St W,-93.35212530000001,44.853611300000004 +9163,#7201,-93.3780976,44.8611602 +9164,78 St W,-93.36370690000001,44.863833400000004 +9165,Telegraph Rd,-93.3835069,44.8591658 +9166,Telegraph Rd,-93.38285950000001,44.859458800000006 +9167,83 St W,-93.3561698,44.8541418 +9168,84 St W,-93.35220140000001,44.8528935 +9169,Rich Av S,-93.34506400000001,44.8516233 +9170,83 St / 84 St,-93.35620180000001,44.8536188 +9171,Oxborough Av S,-93.3405475,44.8516545 +9172,Park Ramp Drive,-93.3528993,44.856063600000006 +9173,Palmer Av S,-93.34231290000001,44.8516576 +9174,Norman Creek Tr,-93.35682800000001,44.8571315 +9175,Quinn Av S,-93.3438921,44.851639600000006 +9176,Norman Creek Tr,-93.3564046,44.8568447 +9177,La Quinta Inn,-93.3477215,44.8554918 +9178,Amer Blvd,-93.3559773,44.855527800000004 +9179,Green Vly / Normandale,-93.35376380000001,44.8560194 +9180,Staybridge Suites,-93.347999,44.8554953 +9181,Green Vly / Normandale,-93.35375180000001,44.8559983 +9182,Stanley Rd,-93.3456206,44.851763500000004 +9183,Quinn Av S,-93.3435724,44.8518033 +9184,82 St W,-93.3451416,44.854279600000005 +9185,84 St / 82 St W,-93.34603150000001,44.853361 +9186,Palmer Av S,-93.3422565,44.8517918 +9187,American Blvd,-93.3473902,44.854444900000004 +9188,#5233,-93.3474831,44.854373300000006 +9189,Stanley Rd,-93.34535380000001,44.854713700000005 +9190,82 St / 84 St W,-93.3460532,44.853440400000004 +9191,78 St W,-93.3525401,44.8598614 +9192,Glenroy / Bush Lake,-93.3597182,44.8618171 +9193,Oxborough Av S,-93.3402497,44.851792800000005 +9194,Glenroy Rd,-93.35872280000001,44.861628100000004 +9195,Ohms Lane,-93.3555534,44.868129 +9196,Picture Dr,-93.3559798,44.8613201 +9197,Sheraton Hotel,-93.3530898,44.860951400000005 +9198,Bush Lake Rd E,-93.36047760000001,44.861898000000004 +9199,76 St W,-93.3540311,44.8659684 +9200,Sheraton Hotel,-93.3533902,44.8610252 +9201,#5601 - 78 St W,-93.354799,44.861082100000004 +9202,76 St W,-93.3539605,44.8656147 +9203,#5810,-93.35710490000001,44.861557100000006 +9204,#7505,-93.35356990000001,44.866772700000006 +9205,Edina Industrial Blvd,-93.353952,44.8645749 +9206,Langs Gas,-93.3526697,44.864101700000006 +9207,Normandale Svc,-93.3478494,44.857865600000004 +9208,#5001-Southgate,-93.3463181,44.8582934 +9209,Normandale Svc,-93.3479619,44.8575783 +9210,#5001-Southgate,-93.34507,44.8583453 +9211,Computer Av,-93.3461776,44.8633113 +9212,Oxborough Av S,-93.34058180000001,44.8579931 +9213,Hwy 100 Svc Rd E,-93.3475264,44.8640075 +9214,#4660,-93.3425644,44.8632799 +9215,Oxborough Av S,-93.3414697,44.8578265 +9216,Computer Av,-93.3455031,44.8632585 +9217,#4565,-93.3399548,44.863165200000005 +9218,#4930,-93.3469216,44.864023 +9219,#4660,-93.34316050000001,44.8631742 +9220,#7075,-93.41416930000001,44.875247900000005 +9221,#4600,-93.3404587,44.863281300000004 +9222,#7075,-93.4142913,44.875343300000004 +9223,69 St W,-93.4005443,44.8789254 +9224,#7450,-93.41167440000001,44.8726081 +9225,#7450,-93.4117813,44.872673000000006 +9226,Market Place Dr,-93.42524590000001,44.8689991 +9227,Market Place Dr,-93.42530550000001,44.869142100000005 +9228,70 St W,-93.40502160000001,44.876724200000005 +9229,Valley View Rd,-93.4060058,44.8701896 +9230,Valley View Rd,-93.4014968,44.8728752 +9231,74 St W,-93.4068069,44.868671400000004 +9232,Valley View Rd,-93.4014205,44.8729858 +9233,74 St W,-93.3985442,44.869291800000006 +9234,70 St W,-93.404869,44.876541100000004 +9235,69 St W,-93.40489190000001,44.8781547 +9236,69 St W,-93.40042980000001,44.878585400000006 +9237,Hamilton Rd,-93.39921790000001,44.880799 +9238,Scoreboard - Rear,-93.42158350000001,44.8995144 +9239,Flying Cloud Dr,-93.40500250000001,44.8855646 +9240,Blue Circle Dr,-93.40822700000001,44.8921007 +9241,Washington Av S,-93.40568780000001,44.885313100000005 +9242,Southhampton Apts,-93.4093721,44.905196800000006 +9243,Hamilton Rd,-93.3994392,44.8810489 +9244,Elmbrook Apts,-93.40796560000001,44.904368000000005 +9245,Green Circle Dr,-93.4073546,44.8990634 +9246,#10700,-93.41670350000001,44.901163200000006 +9247,Shady Oak Rd,-93.4197063,44.8942568 +9248,Westbrooke Way,-93.40818060000001,44.906164100000005 +9249,Red Circle Dr,-93.41435200000001,44.893005300000006 +9250,Landmark Terrace N,-93.41418630000001,44.912082000000005 +9251,#1114,-93.41437690000001,44.909154900000004 +9252,Westbrooke Way,-93.41418870000001,44.910969 +9253,#1001-1015,-93.4141403,44.907404400000004 +9254,#921-941,-93.41420400000001,44.909159 +9255,#801-821,-93.4118648,44.9061314 +9256,11 Av S,-93.4137309,44.9062576 +9257,#1001-1015,-93.41442550000001,44.907637 +9258,Westbrooke Way,-93.4076912,44.9061644 +9259,11 Av S,-93.4134867,44.9061262 +9260,Wagon Wheel Rd,-93.4143883,44.9105872 +9261,#801-821,-93.41149460000001,44.906244300000004 +9262,Blue Circ / Data Park,-93.4053008,44.8956111 +9263,Waterford Court,-93.3981282,44.8923004 +9264,United Health-#9900,-93.40482650000001,44.8980448 +9265,Habitat Court,-93.3964983,44.8914946 +9266,Londonderry (Bren),-93.3991788,44.899103600000004 +9267,Edina West Apts,-93.39958890000001,44.893497700000005 +9268,#5720,-93.3986048,44.900742300000005 +9269,Waterford Court,-93.3982344,44.8924339 +9270,Londonderry (Bren),-93.399023,44.898707800000004 +9271,Edina West Apts,-93.3995531,44.8936368 +9272,Dovre Dr,-93.40394590000001,44.900027900000005 +9273,Habitat Court,-93.39602070000001,44.891505 +9274,Langford Dr,-93.40070030000001,44.895774100000004 +9275,Bren Rd W,-93.4041857,44.899623500000004 +9276,Lincoln Dr,-93.3993701,44.898800900000005 +9277,Bren Rd,-93.40397390000001,44.899316500000005 +9278,#5901,-93.40081740000001,44.897184800000005 +9279,Fountain Woods Apts,-93.39378260000001,44.8925385 +9280,Langford Dr,-93.40057130000001,44.8957379 +9281,#5901,-93.4006825,44.896810900000006 +9282,Walnut Dr,-93.39193730000001,44.8932279 +9283,Hwy 169 En,-93.40023790000001,44.8990389 +9284,Arctic Way,-93.39104760000001,44.8935255 +9285,Polar Circle,-93.3900038,44.894047500000006 +9286,Tamarac Av,-93.3905737,44.893829800000006 +9287,Walnut Dr,-93.3917854,44.8933169 +9288,Fountain Woods Apts,-93.3941504,44.8924457 +9289,#5500,-93.39831210000001,44.9026063 +9290,View Lane,-93.3849466,44.896821100000004 +9291,Opp Partners,-93.40407540000001,44.903308 +9292,Schaefer Rd,-93.3839257,44.8973175 +9293,Hillside Ln,-93.3644766,44.8764838 +9294,Killarney Ln,-93.3860944,44.8961581 +9295,Dewey Hill Rd,-93.36329880000001,44.868784700000006 +9296,Killarney Ln,-93.3857459,44.896501300000004 +9297,Tracy Av,-93.36841430000001,44.876468800000005 +9298,Gleason Rd,-93.38690840000001,44.8958151 +9299,Lee Valley Circle,-93.370924,44.8764589 +9300,View Ln,-93.38466670000001,44.897125200000005 +9301,Antrim Rd,-93.37340610000001,44.8763604 +9302,69 St W,-93.37381040000001,44.878324000000006 +9303,Tension Envelope,-93.4053531,44.9062215 +9304,Cahill Av,-93.36358820000001,44.876399400000004 +9305,Opportunity Ct,-93.40522750000001,44.9026349 +9306,Hillside Ln,-93.3648828,44.876381300000006 +9307,Opp Partners,-93.4040537,44.903309400000005 +9308,Tracy Av,-93.36854340000001,44.8763668 +9309,Amundson Av,-93.36185110000001,44.876128300000005 +9310,Lee Valley Circle,-93.371122,44.8763621 +9311,69 St W,-93.3736511,44.878114100000005 +9312,Antrim Rd,-93.3735252,44.876425700000006 +9313,Amundson Av,-93.36215720000001,44.876122300000006 +9314,Cahill Av,-93.3632625,44.876538700000005 +9315,Colonial Way,-93.3687366,44.889545600000005 +9316,Valley Ln,-93.3686852,44.884531700000004 +9317,Colonial Way,-93.3689219,44.889858200000006 +9318,Valley View Rd,-93.3738364,44.8797347 +9319,Normandale Rd,-93.348365,44.8763481 +9320,Normandale Rd,-93.3484956,44.8764638 +9321,Wooddale Av,-93.3402535,44.8764242 +9322,West Shore Dr,-93.3429734,44.876442100000006 +9323,Susan Av,-93.37220930000001,44.8810032 +9324,Rabun Dr,-93.35195680000001,44.8760235 +9325,Lois Ln,-93.3710915,44.8818867 +9326,Rabun Dr,-93.3520723,44.875801200000005 +9327,Susan Av,-93.3722053,44.880879300000004 +9328,Wooddale Av,-93.3406054,44.876333 +9329,Valley View Rd,-93.3737251,44.8798982 +9330,Bush Lake Rd,-93.36016160000001,44.8692694 +9331,Bush Lake Rd,-93.36000890000001,44.8692183 +9332,Grace Terrace,-93.3702944,44.8827179 +9333,Bush Lake Rd,-93.3593902,44.8681835 +9334,Creek Valley Rd,-93.36927580000001,44.8836041 +9335,West Shore Dr,-93.34329220000001,44.8763566 +9336,Grace Terrace,-93.37023500000001,44.8826254 +9337,Ohms Lane,-93.35444170000001,44.868199700000005 +9338,Lois Ln,-93.3710751,44.8816994 +9339,Tracy Av,-93.36907190000001,44.8895798 +9340,Olinger Blvd,-93.36880380000001,44.891901000000004 +9341,Olinger Blvd,-93.3815012,44.8987137 +9342,Blake Ridge Rd,-93.3802955,44.8992973 +9343,Crescent Dr,-93.3637214,44.897088700000005 +9344,Olinger Rd,-93.3764965,44.900519200000005 +9345,Johnson Dr,-93.3657048,44.897412100000004 +9346,Vernon (Heather),-93.3754035,44.9009263 +9347,Tracy Av,-93.3677241,44.8970496 +9348,Heather Ln,-93.3753982,44.901009 +9349,Countryside Rd,-93.3679845,44.895754800000006 +9350,Schaefer Rd,-93.3836381,44.8976787 +9351,Benton Av,-93.3678823,44.896888000000004 +9352,Highwood Dr,-93.37649300000001,44.9006411 +9353,Countryside Rd,-93.36791000000001,44.895631200000004 +9354,Blake Rd,-93.3810981,44.8990513 +9355,Crescent Av,-93.3639194,44.8970028 +9356,Olinger Blvd,-93.3718224,44.891435 +9357,Ridgeway Rd,-93.3677878,44.8935515 +9358,#5525,-93.36532530000001,44.8969906 +9359,Arbour Ln,-93.36874130000001,44.893083100000005 +9360,Gate Park Rd,-93.3647803,44.9027684 +9361,Olinger Blvd,-93.3689645,44.891711900000004 +9362,Johnson Dr,-93.36616950000001,44.902439400000006 +9363,Ridgeway Rd,-93.367832,44.8933369 +9364,Chantrey Rd,-93.3711585,44.9023218 +9365,Arbour Ln,-93.3688802,44.892864 +9366,Tracy Av,-93.36816400000001,44.9024067 +9367,Glengarry/Chantrey,-93.37019740000001,44.902502500000004 +9368,St Johns Av,-93.34135280000001,44.892214300000006 +9369,Doncaster Way,-93.3677193,44.902493400000004 +9370,Goya Ln,-93.36511940000001,44.902796300000006 +9371,Concord Av,-93.3440875,44.8926973 +9372,Eastview (Josephine),-93.35186820000001,44.896711 +9373,Ryan Av,-93.3481278,44.8933035 +9374,Tingdale Av,-93.3533044,44.8972039 +9375,60 St W,-93.3497557,44.8945639 +9376,Code Av,-93.35558540000001,44.8970982 +9377,Concord Av,-93.3444151,44.892706200000006 +9378,Bernard Place,-93.3580599,44.8971278 +9379,60 St W,-93.3496296,44.8943853 +9380,Dale Av,-93.35942870000001,44.8970714 +9381,Hansen Rd,-93.3606427,44.8971328 +9382,Ryan Av,-93.3477593,44.8934124 +9383,Dale Av,-93.3595896,44.8969911 +9384,St Johns Av,-93.341537,44.8920742 +9385,Hansen Rd,-93.36095780000001,44.8970026 +9386,Normandale Rd,-93.3499955,44.8965728 +9387,Code Av,-93.3559031,44.8970227 +9388,Benton Av,-93.34923660000001,44.8965473 +9389,Bernard Place,-93.3584517,44.8970082 +9390,Villa Way,-93.3589482,44.906016 +9391,Josephine Av,-93.3519251,44.8965984 +9392,Ayrshire Blvd,-93.36178910000001,44.903916800000005 +9393,Tingdale Av,-93.3536119,44.8971571 +9394,Villa Way,-93.3591488,44.905986000000006 +9395,Eden Av,-93.3521048,44.909493700000006 +9396,Bayswater Rd,-93.49833530000001,44.915351400000006 +9397,Interlachen Blvd,-93.3542671,44.9120104 +9398,#5101,-93.3553083,44.9109526 +9399,Cr 101,-93.5011791,44.914328100000006 +9400,Eden Av,-93.35608730000001,44.909265000000005 +9401,Eden Av,-93.35237880000001,44.909523 +9402,Tonkawood Rd,-93.48201470000001,44.9198522 +9403,Sherwood / Vernon,-93.35666520000001,44.9081977 +9404,Woodland Rd,-93.48212140000001,44.919598300000004 +9405,Vernon / Sherwood,-93.35598270000001,44.908760400000006 +9406,Caribou Dr,-93.4502784,44.9139734 +9407,Wells Fargo,-93.3557385,44.910792400000005 +9408,Caribou Dr,-93.4503322,44.913778300000004 +9409,Grandview,-93.3573968,44.907848 +9410,Williston Rd,-93.46837260000001,44.9220259 +9411,Eden Av,-93.3565377,44.9091716 +9412,Williston Rd,-93.4682775,44.921820800000006 +9413,Edina City Hall,-93.3478261,44.9115176 +9414,Browndale Av,-93.34291900000001,44.9117917 +9415,Fairview Av,-93.4344975,44.9206215 +9416,Grange Av,-93.34837560000001,44.9118067 +9417,Excelsior Circle,-93.44094220000001,44.9195397 +9418,Browndale Av,-93.3426087,44.912023000000005 +9419,Baker Rd,-93.44735220000001,44.916032300000005 +9420,Hutchins / Hwy 7,-93.50311310000001,44.9123686 +9421,Pioneer Rd,-93.4453435,44.917493300000004 +9422,Fairview Av,-93.4349038,44.920464700000004 +9423,Excelsior Circle,-93.44103030000001,44.919485800000004 +9424,Bradford Rd,-93.4306449,44.920872800000005 +9425,Walker Av,-93.5124399,44.9727401 +9426,Baker Rd,-93.44777040000001,44.9155699 +9427,Twin Haven Rd,-93.4445589,44.9182484 +9428,Church Ln,-93.43067540000001,44.9207839 +9429,Grand Av S,-93.5074125,44.9716388 +9430,4400 Baker Rd,-93.4484359,44.923576000000004 +9431,Shady Oak Rd,-93.42877700000001,44.9304853 +9432,Broadway Av,-93.5098088,44.972170600000005 +9433,Shady Oak Rd,-93.4298452,44.930266800000005 +9434,Central (Cr 101),-93.50142910000001,44.970941 +9435,Benton Av,-93.50380550000001,44.971207400000004 +9436,Superior Blvd,-93.50426180000001,44.9710339 +9437,Broadway Av,-93.5105082,44.9724741 +9438,8 Av N,-93.50220180000001,44.986856100000004 +9439,Grand Av S,-93.5072461,44.971784500000005 +9440,1 Av N,-93.5019668,44.9800958 +9441,Brueggers Bagels,-93.50075120000001,44.971283400000004 +9442,8 Av N,-93.5023376,44.9874783 +9443,Holiday Station,-93.49621110000001,44.9717013 +9444,1 Av N,-93.50221850000001,44.9805976 +9445,Walker Av,-93.5120773,44.972836300000004 +9446,19 Av N / Cr 6,-93.5020923,44.9962193 +9447,19 Av N,-93.50188610000001,44.999546 +9448,Co Rd 6 / 19 Av N,-93.50177160000001,44.997293600000006 +9449,19 Av N,-93.5024958,44.999930500000005 +9450,14 Av N,-93.5046386,44.9941103 +9451,Oakways Rd,-93.4634224,44.9703365 +9452,#17600,-93.50332660000001,44.9939126 +9453,Cr 101,-93.50252830000001,44.9940134 +9454,Olive Ln,-93.5043698,44.9939941 +9455,Brightwood Dr,-93.4618452,44.96933 +9456,12 Av N,-93.501952,44.9911114 +9457,12 Av N,-93.50213310000001,44.9911721 +9458,Olive Ln,-93.5059346,44.9950471 +9459,Oakland Rd,-93.4696699,44.9698343 +9460,Carlson Pkwy,-93.4695892,44.969734100000004 +9461,Brightwood Dr,-93.4615936,44.969219200000005 +9462,Carlson Pkwy,-93.4689391,44.9696762 +9463,Oakways Rd,-93.4630813,44.970252900000006 +9464,Twelve Oaks Ctr Dr,-93.4695317,44.972972000000006 +9465,Twelve Oaks Ctr Dr,-93.46990190000001,44.9740799 +9466,Carlson Ctr,-93.46648160000001,44.9735293 +9467,#300 Gates Apts,-93.46837330000001,44.9759923 +9468,#300 Gates Apts,-93.46830600000001,44.9764671 +9469,White Birch Rd,-93.45968280000001,44.9683268 +9470,Carlson Pkwy,-93.4643231,44.9775806 +9471,Horn Dr,-93.45377260000001,44.9714651 +9472,Cheshire Pkwy,-93.46507600000001,44.977670700000004 +9473,WayzAta Clinic,-93.4561681,44.9706399 +9474,Fairfield Rd S,-93.454026,44.9706762 +9475,WayzAta Blvd N,-93.4322874,44.9722817 +9476,Essex Rd,-93.4511044,44.970682800000006 +9477,White Birch Rd,-93.4595568,44.968262700000004 +9478,Fairfield Rd S,-93.4540494,44.9706058 +9479,Essex Rd,-93.4516341,44.970595700000004 +9480,WayzAta Clinic,-93.4566357,44.9705285 +9481,Horn Dr,-93.45380630000001,44.971508 +9482,Cheshire Pkwy,-93.45935850000001,44.975417900000004 +9483,Henn Svc Ctr,-93.4400066,44.965571600000004 +9484,WayzAta Blvd,-93.45961910000001,44.975553600000005 +9485,Bay F,-93.4463982,44.9723216 +9486,#12301 - Ymca Ln,-93.4341057,44.966149200000004 +9487,Bay E,-93.44661430000001,44.972343200000005 +9488,#12301-Ymca Ln,-93.4346268,44.9657842 +9489,Bay D,-93.4464492,44.97211 +9490,Plymouth / Cartway,-93.4438925,44.966411900000004 +9491,Bay B,-93.4461521,44.9717215 +9492,Henn Co Svc Ctr,-93.4409653,44.9658007 +9493,Morries Auto,-93.4489752,44.9713883 +9494,Target Entrance,-93.44753560000001,44.970572600000004 +9495,Cartway Ln,-93.4442305,44.9668873 +9496,Bay G,-93.4462766,44.9721081 +9497,Cartway Ln,-93.44302090000001,44.968144300000006 +9498,Ridgehaven/Cartway,-93.44402570000001,44.969026 +9499,WayzAta Blvd N,-93.43257340000001,44.972176700000006 +9500,Marion Lane,-93.44124470000001,44.971298100000006 +9501,WayzAta Blvd N,-93.4278513,44.971447600000005 +9502,Wendy's,-93.4439028,44.972500800000006 +9503,#11700,-93.42774510000001,44.9718511 +9504,Sunset Trail,-93.4527606,44.9819516 +9505,Xenium Ln,-93.4511628,44.9860904 +9506,5 Av N,-93.4519221,44.984970700000005 +9507,Wendy's,-93.4437135,44.972292800000005 +9508,Sunset Trail,-93.45263410000001,44.981647300000006 +9509,10 Av N,-93.45111580000001,44.9884873 +9510,Marion Lane,-93.4410419,44.971379600000006 +9511,6 Av N,-93.45136280000001,44.985896100000005 +9512,10 Av N,-93.45124440000001,44.9886586 +9513,Plymouth Rd,-93.4456016,44.9729383 +9514,5 Av N,-93.4520153,44.985342300000006 +9515,East Entrance,-93.4360182,44.967715600000005 +9516,Carlson Pkwy,-93.45137430000001,44.986798300000004 +9517,#11900,-93.43008540000001,44.971354500000004 +9518,Fernbrook Ln,-93.4612158,44.996785200000005 +9519,City View Dr,-93.4360561,44.9712736 +9520,18 Av N,-93.4615033,44.998945000000006 +9521,#11900,-93.4299369,44.9714262 +9522,City View Dr,-93.4358091,44.9713445 +9523,17 Av N,-93.46146780000001,44.9977764 +9524,13 Av N,-93.4510717,44.9924015 +9525,Juneau Ln,-93.467431,44.9994567 +9526,Ithaca Ln,-93.46604620000001,44.9995503 +9527,Harbor Ln,-93.46427750000001,44.999561 +9528,Kingsview Ln,-93.4684285,44.9995776 +9529,Lanewood Ln,-93.4695294,44.9997125 +9530,12 Av N,-93.4510745,44.9913662 +9531,18 Av N,-93.47024350000001,44.9997616 +9532,12 Av N,-93.45125420000001,44.9915187 +9533,Cr 6,-93.46162890000001,44.997399 +9534,13 Av N,-93.4512502,44.992486500000005 +9535,17 Av N,-93.4616519,44.997923400000005 +9536,Water Tower Circle,-93.45139470000001,44.9993593 +9537,18 Av N,-93.46164710000001,44.999053700000005 +9538,Juneau Ln,-93.46772320000001,44.999375400000005 +9539,Cr 6,-93.4513795,44.9968894 +9540,18 Av N (E),-93.4687038,44.9995245 +9541,Water Tower Circle,-93.4512349,44.9991064 +9542,Harbor Ln,-93.4644978,44.999454300000004 +9543,Cr 6,-93.4513283,44.99642 +9544,Ithaca Ln,-93.46656130000001,44.9994261 +9545,15 Av N,-93.4511246,44.9950989 +9546,Annapolis Ln,-93.4533229,44.996866100000005 +9547,Cr 6,-93.4511562,44.996424000000005 +9548,Kirkwood Ln,-93.43493210000001,44.983389700000004 +9549,Xenium Ln,-93.45145640000001,44.996588900000006 +9550,Sunnyvale Ln,-93.43541610000001,44.978777300000004 +9551,Annapolis Ln,-93.4541555,44.996594 +9552,Magnolia Ln,-93.43675280000001,44.978807100000004 +9553,15 Av N,-93.4513082,44.9953285 +9554,3 Av N,-93.4349437,44.983197800000006 +9555,18 Av N,-93.43003510000001,44.999805300000006 +9556,Forestview Ln,-93.4277713,44.984314000000005 +9557,Pineview Ln,-93.4412782,44.9859914 +9558,Sycamore Ln,-93.4453462,44.9859671 +9559,Sunset Trail,-93.4409395,44.9816215 +9560,Hwy 55 Svc Rd,-93.4392471,44.9971618 +9561,Pineview Ln,-93.4410938,44.9859136 +9562,Magnolia Ln,-93.4370346,44.9982528 +9563,Sunset Trail,-93.4409595,44.981563400000006 +9564,Jonquil Ln,-93.43337240000001,44.998352000000004 +9565,Sycamore Ln,-93.44553660000001,44.9858874 +9566,Ives Lane,-93.4317779,44.9984321 +9567,Hwy 55,-93.44306,44.999172400000006 +9568,18 Av N,-93.42891010000001,44.9990638 +9569,Water Tower Circle,-93.44733430000001,44.9975371 +9570,Encore Circle #1,-93.4248537,44.9149667 +9571,Kirkwood Ln,-93.4352798,44.998466400000005 +9572,Encore Circle #2,-93.42455290000001,44.9146791 +9573,Encore Circle #2,-93.4253328,44.913429900000004 +9574,Encore Circle #1,-93.42572770000001,44.9132544 +9575,Excelsior (Cr 3),-93.4269802,44.921621900000005 +9576,Shady Oak Rd,-93.4269716,44.9131069 +9577,1 St S,-93.42178630000001,44.9227878 +9578,Shady Oak Rd,-93.4272414,44.912958700000004 +9579,13 Av S,-93.4169856,44.9209108 +9580,16 Av S,-93.421238,44.917078700000005 +9581,Public Works,-93.4214151,44.9209685 +9582,15 Av / 16 Av,-93.4200548,44.9171716 +9583,1 St S,-93.42174490000001,44.9224848 +9584,17 Av S,-93.4212608,44.9208003 +9585,Landmark Terrace N,-93.41437540000001,44.912126400000005 +9586,Excelsior (Cr 3),-93.42729820000001,44.9212385 +9587,6 St S,-93.4142077,44.915138600000006 +9588,5 St S,-93.4142336,44.916892100000005 +9589,Wendy's,-93.4140503,44.919464500000004 +9590,7 St S,-93.41426150000001,44.9133281 +9591,8 Av P&R,-93.4094836,44.9211712 +9592,11 Av S,-93.41503250000001,44.9170807 +9593,11 Av S,-93.41229050000001,44.9196648 +9594,6 St S,-93.4144206,44.9157566 +9595,7 St S,-93.4144478,44.913639200000006 +9596,12 Av / 11 Av S,-93.4153086,44.920731100000005 +9597,8 Av P&R,-93.4096397,44.9213928 +9598,Mainstreet,-93.42172470000001,44.9239605 +9599,Scherer Brothers,-93.4143246,44.9195633 +9600,Cr 73 (17 Av),-93.4206953,44.9330008 +9601,Cr 73 (17 Av),-93.42164960000001,44.932754800000005 +9602,#410,-93.4143918,44.917939800000006 +9603,Hwy 7 Svc Rd N,-93.41851120000001,44.933491100000005 +9604,20 Av S,-93.42508620000001,44.9242712 +9605,13 Av S,-93.4165069,44.924304500000005 +9606,15 Av S,-93.4193776,44.9243211 +9607,9 Av S,-93.41169230000001,44.924368 +9608,14 Av N,-93.4176001,44.924444300000005 +9609,12 Av / 11 Av S,-93.4145472,44.924361600000005 +9610,17 Av S,-93.42126160000001,44.924294700000004 +9611,Mainstreet,-93.41394460000001,44.9242866 +9612,15 Av N,-93.419381,44.9244618 +9613,Mainstreet,-93.4140687,44.9242666 +9614,17 Av N,-93.4218936,44.9243686 +9615,11 Av N,-93.41423230000001,44.9244548 +9616,20 Av N,-93.425323,44.9243931 +9617,2 St N,-93.4149026,44.927849 +9618,2 St N,-93.41505570000001,44.9280601 +9619,1 St N,-93.41514740000001,44.9262932 +9620,1 St N,-93.41508470000001,44.926061600000004 +9621,5 Av N,-93.4073797,44.9333631 +9622,7 Av S,-93.4085629,44.924357900000004 +9623,Oakridge Rd (5 Av),-93.40734040000001,44.9335954 +9624,Mainstreet / Excelsior,-93.40635250000001,44.9232967 +9625,12 Av N,-93.4151671,44.933008900000004 +9626,Mainstreet,-93.40619840000001,44.924698500000005 +9627,3 St N,-93.4058882,44.9295677 +9628,9 Av N,-93.4111726,44.924445500000004 +9629,Elmo Rd,-93.41652470000001,44.933058200000005 +9630,6 Av N,-93.4072349,44.9244843 +9631,Elmo Rd,-93.4166517,44.9331449 +9632,4 St N,-93.41486680000001,44.9317441 +9633,Excelsior / Mainstreet,-93.4062306,44.9232017 +9634,3 St N,-93.4148486,44.9295443 +9635,Mainstreet,-93.4061111,44.9246284 +9636,3 St N,-93.4149714,44.9299781 +9637,6 Av / 5 Av S,-93.40661080000001,44.9243779 +9638,3 St N,-93.40578230000001,44.929424000000004 +9639,1 St N,-93.40605000000001,44.926497100000006 +9640,12 Av N,-93.41400780000001,44.9327982 +9641,2 St N,-93.4059024,44.9280368 +9642,5 Av S,-93.4055012,44.922105900000005 +9643,2 St N,-93.405843,44.927759900000005 +9644,5 Av S,-93.40552620000001,44.9223779 +9645,Blake Rd,-93.3866703,44.9253694 +9646,Milwaukee/Jackson,-93.39481860000001,44.924598800000005 +9647,Van Buren Av,-93.39299190000001,44.9278849 +9648,Althea Ln,-93.40082020000001,44.928353400000006 +9649,Jackson Av,-93.39428410000001,44.927892500000006 +9650,Monroe Av,-93.3952594,44.927895400000004 +9651,2 St Ne,-93.3907745,44.9283347 +9652,Hwy 169,-93.39893550000001,44.9243888 +9653,Van Buren Av,-93.39329790000001,44.927773300000005 +9654,Washington Av,-93.4007313,44.9282502 +9655,Monroe Av,-93.3958475,44.9278016 +9656,Jackson Av,-93.3946229,44.9277906 +9657,5 Av N (Oakridge),-93.4046768,44.9335937 +9658,Van Buren Way,-93.39310970000001,44.9337613 +9659,Campbell Dr,-93.4019196,44.928735700000004 +9660,Ramsgate Apts,-93.39335750000001,44.9328439 +9661,Sweet Briar Ln,-93.404469,44.929603900000004 +9662,Van Buren Ter,-93.3935474,44.9322378 +9663,Burnes Dr,-93.4036059,44.929212400000004 +9664,Lake St Ne,-93.3906276,44.9313001 +9665,2 St Ne,-93.39071080000001,44.9282745 +9666,Hopkins Arches Apts,-93.38787110000001,44.9289167 +9667,Jackson Av N,-93.39473480000001,44.9247104 +9668,Blake Rd N,-93.38644070000001,44.9293787 +9669,Blake Rd,-93.38671740000001,44.925706700000006 +9670,Knollwood Towers,-93.3857102,44.930342700000004 +9671,Hwy 62,-93.3189124,44.891367 +9672,Minnetonka Blv,-93.4209933,44.944711000000005 +9673,Hiawatha Av,-93.38587190000001,44.9320822 +9674,Oxford St,-93.38586090000001,44.933054500000004 +9675,Tyler Av N,-93.39057580000001,44.931541700000004 +9676,Tyler Av N,-93.39146210000001,44.931557100000006 +9677,Cr 73,-93.4215312,44.9448755 +9678,Ramsgate Apts,-93.39145020000001,44.931516800000004 +9679,Chippewa Rd,-93.4079528,44.9445786 +9680,Van Buren Trail,-93.39332010000001,44.933315500000006 +9681,St Albans Rd E,-93.41191,44.944811300000005 +9682,Van Buren Terrace,-93.39355850000001,44.932509200000005 +9683,Birch Place,-93.40945260000001,44.9446778 +9684,RoyzElle Ln,-93.4211212,44.938633200000005 +9685,St Albans Rd W,-93.41667120000001,44.945047200000005 +9686,Oakvale N,-93.4209909,44.936597400000004 +9687,Mill Rd,-93.41198220000001,44.9446506 +9688,Cr 73 / Robinwood Ln,-93.41960270000001,44.934276700000005 +9689,Robinwood Ln,-93.41899980000001,44.934366000000004 +9690,Loring Rd,-93.4158812,44.9448876 +9691,Oakton Ridge,-93.4209902,44.936269200000005 +9692,Chippewa Rd,-93.40839890000001,44.944500600000005 +9693,Fairway Dr,-93.4209957,44.9383494 +9694,Birch Place,-93.4099017,44.944577 +9695,Minnetonka Blv,-93.42127020000001,44.9454714 +9696,Cr 73,-93.4206796,44.9450828 +9697,Cedar Hills Dr,-93.42080440000001,44.9549405 +9698,Cr 73-Hopkins,-93.4202975,44.9522501 +9699,#10900,-93.4176236,44.9510324 +9700,#10721,-93.41528810000001,44.950949400000006 +9701,Hedberg Dr,-93.4194149,44.9510505 +9702,Cr 73-Hopkins Xrd,-93.42073230000001,44.950999 +9703,Cedar Hills Bd,-93.4208062,44.9543447 +9704,Cedar Lake Rd,-93.41156380000001,44.9537941 +9705,Cedar Lk/Greenbrier,-93.41966930000001,44.9518958 +9706,#10411-10501 (E),-93.41094310000001,44.952587300000005 +9707,Hedberg Dr,-93.41984550000001,44.9509546 +9708,#10411-10501 (W),-93.4115613,44.951512900000004 +9709,#10501-10411,-93.4115596,44.9513624 +9710,Woodlands - Mtka,-93.41086130000001,44.952812900000005 +9711,#10511-10521 (E),-93.4134353,44.9510243 +9712,Brier Creek Apts,-93.4137123,44.950993000000004 +9713,#10511-10521 (W),-93.41537480000001,44.951024000000004 +9714,Ponds Apts,-93.41276160000001,44.9509793 +9715,Lindbergh Dr,-93.41021090000001,44.955282100000005 +9716,Cedar Lake Rd,-93.4116403,44.9540209 +9717,Ford Rd,-93.40626370000001,44.9558413 +9718,Lindbergh Dr,-93.41042820000001,44.954945200000004 +9719,Greenbrier Rd,-93.41195760000001,44.953993600000004 +9720,Amhurst,-93.39915400000001,44.939570100000005 +9721,Hiawatha Av,-93.3908064,44.934534 +9722,Ramsgate Apts,-93.3910702,44.934536400000006 +9723,Amhurst,-93.39957070000001,44.939471600000005 +9724,Ramsgate Apts,-93.39184270000001,44.934474200000004 +9725,Van Buren Way,-93.39306090000001,44.9341621 +9726,Hiawatha Av,-93.3905903,44.9346066 +9727,Aquila Av,-93.3896222,44.938588 +9728,Bremer Bank,-93.3915772,44.937582500000005 +9729,Phillips Pkwy,-93.39333880000001,44.939228400000005 +9730,Aquila Av,-93.38974730000001,44.9388043 +9731,36 St W,-93.3918692,44.9380864 +9732,Flag Av,-93.393724,44.9395436 +9733,Boone Av,-93.3903897,44.9362112 +9734,36 St W,-93.3894563,44.938351600000004 +9735,GizMo Ln,-93.4026529,44.9453899 +9736,Blake Rd N,-93.3864748,44.934215 +9737,Aquila Av S,-93.38756790000001,44.936330000000005 +9738,Aquila Av S,-93.3884233,44.936368 +9739,37 St W,-93.38779240000001,44.9366186 +9740,Cambridge St,-93.385833,44.9344406 +9741,Wyoming / Virginia,-93.3842273,44.9385248 +9742,Ensign Av,-93.3948989,44.9484918 +9743,Virgina / Wyoming,-93.3840631,44.938641000000004 +9744,ZInran Av,-93.3880726,44.9386914 +9745,Flag Av,-93.3957517,44.948395600000005 +9746,Flag/Gettysburg,-93.39656860000001,44.948463100000005 +9747,Independence,-93.39865920000001,44.9473867 +9748,Gettysburg Av,-93.3971626,44.9482548 +9749,Cedar Manor School,-93.39982520000001,44.9544367 +9750,GizMo Ln,-93.40242190000001,44.945604700000004 +9751,Flag Av,-93.39586480000001,44.9550822 +9752,Independence,-93.39873890000001,44.9476509 +9753,Westview Ter,-93.4020124,44.9546518 +9754,Hillsboro Av,-93.3981832,44.9480907 +9755,Hwy 169 Exit,-93.3995017,44.954281800000004 +9756,Cedar Crest Rd,-93.40366080000001,44.954941700000006 +9757,Ford Rd,-93.40558100000001,44.955686400000005 +9758,Xylon Av,-93.38631640000001,44.949364100000004 +9759,Flag Av,-93.3958422,44.954934 +9760,Aquila Av,-93.3888895,44.949391000000006 +9761,Decatur Av,-93.39344170000001,44.9486453 +9762,Boone Av,-93.3902836,44.9493178 +9763,Cavell Av,-93.39182720000001,44.9488204 +9764,Oak Knoll Ter S,-93.42060000000001,44.966838900000006 +9765,Ensign Av,-93.3947373,44.9486703 +9766,Decatur Av,-93.393078,44.948849100000004 +9767,25 St (ZInran),-93.3885631,44.9560393 +9768,Boone Av,-93.39134080000001,44.9555367 +9769,Boone Av,-93.38986960000001,44.9495426 +9770,Westwood Luth,-93.39386760000001,44.955236600000006 +9771,Cavell Av,-93.3911903,44.9491877 +9772,Interlachen Rd,-93.3803013,44.9258807 +9773,Wyoming Av,-93.3850017,44.949526500000005 +9774,Meadowbrook Rd,-93.37526270000001,44.9261428 +9775,Meadowbrook Rd,-93.3762849,44.9263807 +9776,Aquila Av,-93.38805710000001,44.9495565 +9777,Interlachen Rd,-93.3807683,44.926070100000004 +9778,Boone Av,-93.39151860000001,44.9553518 +9779,Appliance Smart,-93.37335560000001,44.9267946 +9780,Meadowbrook Ln,-93.37019980000001,44.9273874 +9781,Westwood Luth,-93.3940115,44.9550606 +9782,4 Av S,-93.27067480000001,44.8834317 +9783,Timberline Rd,-93.42060070000001,44.9640732 +9784,Brunswick Av,-93.35812700000001,44.9275474 +9785,Meadowbrook Ln,-93.3699199,44.9276993 +9786,#6900 / 6920,-93.3684583,44.927575000000004 +9787,Meadowbrook Bd,-93.3660419,44.9273338 +9788,Methodist Hospital,-93.36217570000001,44.9271316 +9789,Methodist Hospital,-93.361868,44.9268353 +9790,Wooddale Av,-93.3400311,44.9123612 +9791,Yosemite Av,-93.353319,44.9290973 +9792,Arcadia Av,-93.35292840000001,44.912308700000004 +9793,Interlachen Blvd,-93.3539264,44.912290600000006 +9794,Alabama Av S,-93.3556047,44.928618500000006 +9795,Brookside Av,-93.35518400000001,44.9284982 +9796,Yosemite Av,-93.35350670000001,44.9292912 +9797,Brunswick Av S,-93.3578325,44.9278935 +9798,Park Nicollet Blvd,-93.3456448,44.931460900000005 +9799,Wooddale Av,-93.347668,44.930843200000005 +9800,Park Nicollet Blvd,-93.3457145,44.9317563 +9801,Wooddale Av,-93.3480013,44.931044 +9802,Natchez Av,-93.34019590000001,44.933135300000004 +9803,Grand Way,-93.3406329,44.9332738 +9804,Quentin Av,-93.34308130000001,44.932509800000005 +9805,Quentin Av,-93.34338620000001,44.9321542 +9806,Sumter Av,-93.37969620000001,44.938624000000004 +9807,Auto Club Way,-93.34933880000001,44.9328706 +9808,Rhode Island Av,-93.3784097,44.9386408 +9809,Utah Av,-93.3820446,44.9385101 +9810,Utah Av,-93.3821102,44.9386397 +9811,Walker St (36 St W),-93.38078630000001,44.938937100000004 +9812,36 St W,-93.38097520000001,44.9387855 +9813,5 Av S,-93.2689668,44.8835848 +9814,34 St W,-93.38100200000001,44.9423362 +9815,Sumter Av,-93.3794075,44.9387422 +9816,35 St W,-93.38098670000001,44.9405936 +9817,34 St,-93.38080790000001,44.9419897 +9818,Quebec Av,-93.37711060000001,44.9386543 +9819,35 St,-93.3807874,44.9402643 +9820,Pennsylvania Av,-93.3758634,44.938669700000005 +9821,33 St,-93.3808047,44.943862900000006 +9822,Republic Av,-93.3674579,44.938813800000005 +9823,Rhode Island Av,-93.37816980000001,44.9387537 +9824,Gorham / Lake St,-93.3654843,44.938909300000006 +9825,Quebec Av,-93.3766966,44.9387735 +9826,Brownlow Av,-93.36342140000001,44.9394007 +9827,37 St (Hwy 7 Svc Rd),-93.37280050000001,44.9387041 +9828,Pennsylvania Av,-93.37547190000001,44.9387787 +9829,Live Oak Dr,-93.42063900000001,44.9629088 +9830,37 St (Hwy 7 Svc Rd),-93.37266070000001,44.938845400000005 +9831,33 St W,-93.3810033,44.9442049 +9832,Fetterly Rd,-93.420758,44.9588314 +9833,Republic Av,-93.3671051,44.9389885 +9834,Gorham Av,-93.36542610000001,44.939063000000004 +9835,Rhode Island,-93.3785484,44.9493979 +9836,Louisiana Av,-93.3707212,44.939364700000006 +9837,Library Lane,-93.36254240000001,44.940261 +9838,32 St W,-93.3809853,44.9459096 +9839,31 St W,-93.3809963,44.9473168 +9840,31 St,-93.38081650000001,44.9475113 +9841,32 1/2 St,-93.38080120000001,44.945176200000006 +9842,Minnetonka Blvd,-93.3808132,44.9491146 +9843,Minnetonka Blvd,-93.3810308,44.9489439 +9844,Texas Av,-93.38137250000001,44.9493499 +9845,Marcy Ln,-93.40797620000001,44.9562091 +9846,Utah Av,-93.3822997,44.949383100000006 +9847,Virginia Av,-93.3842529,44.9493993 +9848,Nevada Av,-93.37312250000001,44.9495749 +9849,Nevada Av,-93.37348650000001,44.949449900000005 +9850,Texas Av,-93.38114920000001,44.949534500000006 +9851,Pennsylvania,-93.37604060000001,44.9494212 +9852,Virginia Av,-93.3833462,44.949510800000006 +9853,Jersey Av,-93.36809550000001,44.9496209 +9854,Hampshire Av,-93.365571,44.9496405 +9855,Rhode Island,-93.3782714,44.949527100000005 +9856,Florida Av,-93.3630124,44.949664500000004 +9857,Jersey Av,-93.3684412,44.9494904 +9858,Pennsylvania,-93.3757173,44.949553200000004 +9859,Louisiana Av,-93.37111340000001,44.9494175 +9860,Florida Av,-93.36338230000001,44.949535600000004 +9861,Mill Run,-93.42063560000001,44.9584838 +9862,5 Av S,-93.2693687,44.883439200000005 +9863,Hampshire Av,-93.3655038,44.949518000000005 +9864,Louisiana Av,-93.37125350000001,44.9496271 +9865,Walker St,-93.35765140000001,44.939832900000006 +9866,Wooddale Av,-93.3546597,44.937929100000005 +9867,37 St,-93.35771340000001,44.9369821 +9868,Yosemite Av,-93.3528874,44.9378703 +9869,Xenwood Av,-93.35125380000001,44.937847700000006 +9870,Wooddale Av,-93.35321130000001,44.9377111 +9871,Yosemite / Xenwood,-93.35181250000001,44.9376836 +9872,Walker St,-93.3576409,44.940119900000006 +9873,Lake St W,-93.35964080000001,44.9417198 +9874,#3663,-93.34548020000001,44.936643600000004 +9875,36 1/2 St W,-93.339968,44.9370765 +9876,Park Center Blvd,-93.34603530000001,44.9377786 +9877,Rr Crossing,-93.340539,44.944195900000004 +9878,Park Center Blvd,-93.3463773,44.9379815 +9879,Hwy 7 Svc Rd S,-93.34034630000001,44.944552300000005 +9880,35 St W,-93.3400227,44.9403584 +9881,Beltline Blvd,-93.34224520000001,44.9377629 +9882,Blackstone Av,-93.35719970000001,44.9494611 +9883,Dakota Av,-93.36042780000001,44.9497166 +9884,Raleigh / Park Ctr Blvd,-93.3450586,44.937997 +9885,Brunswick Av,-93.35810470000001,44.949609900000006 +9886,Blackstone Av,-93.3567021,44.949569000000004 +9887,Beltline Blvd,-93.3425313,44.9379817 +9888,Zarthan Av S,-93.35411660000001,44.9494928 +9889,Raleigh Av,-93.3442503,44.937775800000004 +9890,#447,-93.1189451,44.939126200000004 +9891,Princeton Av,-93.3417283,44.948400500000005 +9892,Xenwood Av,-93.35201,44.9494254 +9893,Brunswick Av,-93.3583722,44.949491200000004 +9894,Ottawa Av,-93.3399773,44.948379900000006 +9895,Dakota/Colorado,-93.3595628,44.949519 +9896,Xenwood Av,-93.3521724,44.9493069 +9897,Ottawa Av,-93.340097,44.9485685 +9898,Zarthan Av S,-93.35462480000001,44.9493815 +9899,Quentin Av,-93.34283470000001,44.948573800000005 +9900,Vernon Av,-93.3502272,44.948866800000005 +9901,#5621,-93.3508104,44.948867 +9902,Toledo Av,-93.34524760000001,44.9485808 +9903,Hwy 100 Sb,-93.34960450000001,44.948384600000004 +9904,Salem/Raleigh,-93.34484210000001,44.9483808 +9905,26 St W,-93.34353780000001,44.9560113 +9906,Princeton Court,-93.34138770000001,44.9557495 +9907,Princeton Av,-93.34183750000001,44.955639500000004 +9908,Live Oak Dr,-93.4205216,44.9623221 +9909,26 St W,-93.3434002,44.956091400000005 +9910,Hillside Ln,-93.4205793,44.9607733 +9911,Runnymeade Ln,-93.42047860000001,44.9640518 +9912,Marcy Lane,-93.4082015,44.9560897 +9913,Cedarwood Ridge,-93.4068955,44.9561239 +9914,Westridge Market,-93.42583570000001,44.971275000000006 +9915,To - State Fair,-93.4211617,44.969275100000004 +9916,Fairfield Rd,-93.4275243,44.971262700000004 +9917,Oak Knoll Ter,-93.4204131,44.9671499 +9918,Wilshire Dr S,-93.41883650000001,44.9697601 +9919,From - Fair,-93.4213905,44.9692761 +9920,WayzAta N / 394,-93.4209,44.971690900000006 +9921,A Bay,-93.42116180000001,44.969300000000004 +9922,Fairfield Rd,-93.42742600000001,44.971358800000004 +9923,Westridge Market,-93.4257556,44.971361 +9924,Cr 73 P&R South,-93.42190810000001,44.9695728 +9925,Westridge Market,-93.422133,44.9722701 +9926,B Bay,-93.42139180000001,44.9692987 +9927,Wilshire Dr S,-93.4188537,44.969928100000004 +9928,Fairfield Way,-93.42746860000001,44.9734191 +9929,Fairfield Circle,-93.4267485,44.9741256 +9930,#11367,-93.4231285,44.974993100000006 +9931,Cr 73 (Hopkins),-93.42117130000001,44.975022300000006 +9932,Cr 73 (Hopkins),-93.42123000000001,44.9749538 +9933,#11367,-93.42327870000001,44.9749643 +9934,WayzAta Blvd N,-93.4205397,44.9737402 +9935,Fairfield Rd,-93.42081300000001,44.975394400000006 +9936,Fairfield Circle,-93.42643070000001,44.9743743 +9937,Lorry Ln,-93.4208167,44.9774363 +9938,Fairfield Rd,-93.4205745,44.9752931 +9939,Fairfield Way,-93.4274195,44.973359200000004 +9940,Lorry Ln,-93.42068880000001,44.9772073 +9941,Archwood Rd,-93.41578220000001,44.9716351 +9942,Main Entrance,-93.4188,44.973711300000005 +9943,Tonka Terrace,-93.4132816,44.972241800000006 +9944,Cr 73,-93.42121870000001,44.9733305 +9945,Archwood Rd,-93.4156952,44.971747400000005 +9946,Tonka Terrace,-93.41326310000001,44.9723513 +9947,Willoughby / Cr 73,-93.41994070000001,44.975076 +9948,Wayzata Blvd N,-93.4091396,44.9741225 +9949,Hwy 394 / WayzAta N,-93.42052530000001,44.9737853 +9950,Wayzata Blvd N,-93.40927660000001,44.9737505 +9951,Yukon Av,-93.3878451,44.9560277 +9952,#405 - Shelard 2,-93.41027820000001,44.9759802 +9953,Holiday Inn,-93.4101962,44.9753179 +9954,Xylon Av,-93.3862658,44.9564493 +9955,#385,-93.40934890000001,44.977542500000006 +9956,#10301,-93.41089550000001,44.972668600000006 +9957,Interchange Office W,-93.4051518,44.9754008 +9958,Shelard Pkwy,-93.4091289,44.9725588 +9959,Ford Ln,-93.40290370000001,44.9769985 +9960,Shelard Pkwy,-93.4087028,44.9736454 +9961,#1000,-93.4100155,44.9749804 +9962,General Mills,-93.39078660000001,44.9772405 +9963,Twin Fountains E,-93.40944800000001,44.977705400000005 +9964,General Mills,-93.3905593,44.976810500000006 +9965,Wayzata Blvd N,-93.40640250000001,44.974074200000004 +9966,Shelard Pkwy,-93.40884960000001,44.9737358 +9967,Gen Mills Blv P&R,-93.38978730000001,44.9727547 +9968,#10301,-93.4106096,44.972764600000005 +9969,Gen Mills Blvd P&R,-93.38980310000001,44.9726 +9970,Ridgemont Av,-93.4207173,44.9784963 +9971,#8401,-93.3874091,44.973436 +9972,Ridgemont Av,-93.4208316,44.978812000000005 +9973,Cr 73 - Shuttle,-93.41829480000001,44.9870364 +9974,Cottonwood Ln,-93.4241064,44.9841466 +9975,Olson Mem (Hwy 55),-93.41070020000001,44.9850537 +9976,Forestview Ln,-93.4275611,44.9844073 +9977,Balsam Ln,-93.42342860000001,44.983901700000004 +9978,#10905 Hwy 55,-93.4182863,44.9870401 +9979,Sunset Trail,-93.4208816,44.9847155 +9980,Sunset Trail,-93.42078910000001,44.984833200000004 +9981,#10000,-93.4069271,44.984140100000005 +9982,Old Cr 15,-93.4189034,44.986306000000006 +9983,Rainbow Foods,-93.40988420000001,44.985315500000006 +9984,Shelard Manor,-93.4075081,44.9784468 +9985,Nathan Lane,-93.4079566,44.978588200000004 +9986,Hwy 55,-93.42395760000001,44.9892126 +9987,Willow Grove Ctr,-93.4062992,44.978571 +9988,Evergreen Ln,-93.427057,44.9948113 +9989,#10000,-93.40718050000001,44.984048900000005 +9990,Laurel Av,-93.35234790000001,44.974245 +9991,12 Av N,-93.4251813,44.9924624 +9992,Hwy 55,-93.4238327,44.9894109 +9993,Headquarters,-93.39600220000001,44.9792265 +9994,Headquarters,-93.39606520000001,44.9792099 +9995,Ford Rd,-93.4032662,44.9787023 +9996,Waterford,-93.40113480000001,44.985486400000006 +9997,8 Av N,-93.40102010000001,44.987397300000005 +9998,Waterford,-93.402811,44.984382800000006 +9999,Waterford,-93.4024308,44.9846008 +10000,8 Av N,-93.4011418,44.987400300000004 +10001,Waterford,-93.40118140000001,44.9859268 +10002,12 Av N,-93.4250322,44.992328400000005 +10003,Gen Mills Entrance,-93.3972057,44.979735000000005 +10004,General Mills Blv,-93.3908031,44.978858800000005 +10005,Evergreen Ln,-93.426969,44.9945101 +10006,Gen Mills Main En,-93.3951727,44.9799626 +10007,Gen Mills Blvd,-93.3907911,44.9786846 +10008,Ford Rd,-93.4047226,44.978418100000006 +10009,Wisconsin Av,-93.3851293,44.986944900000005 +10010,Westwind Apts,-93.40646930000001,44.9784251 +10011,Golden Valley Rd,-93.3854634,44.987209500000006 +10012,10 Av N,-93.3852883,44.9886786 +10013,Hwy 169 Svc Rd,-93.40233470000001,44.9929548 +10014,Hillsboro Av,-93.3978276,44.992878000000005 +10015,Mendelssohn Av,-93.3997202,44.992928600000006 +10016,Gettysburg Av,-93.39655040000001,44.9928223 +10017,General Mills,-93.3956122,44.9924855 +10018,Hillsboro Av,-93.3979223,44.9927816 +10019,Hwy 169 Service Rd,-93.4016608,44.989420100000004 +10020,Gettysburg Av,-93.3968517,44.9927185 +10021,Mendelssohn Av,-93.39956380000001,44.9928346 +10022,Nathan Lane,-93.4054134,44.9894425 +10023,13 Av N,-93.4044413,44.993224000000005 +10024,13 Av N,-93.40405890000001,44.993384500000005 +10025,10 Av N,-93.40565120000001,44.989561900000005 +10026,Castle Court,-93.38713630000001,44.992649300000004 +10027,Hwy 169 Service Rd,-93.4013482,44.9893385 +10028,Boone Av N,-93.3904711,44.9918483 +10029,Castle Court,-93.3874538,44.992547300000005 +10030,Hwy 169 Svc Rd,-93.4022032,44.9930597 +10031,Plymouth Av N,-93.3902829,44.9913571 +10032,Naper St,-93.40047290000001,44.998030500000006 +10033,Boone Av N,-93.3897931,44.989175100000004 +10034,General Mills,-93.39465650000001,44.9922574 +10035,Winsdale St,-93.40020430000001,44.9947358 +10036,Boone Av N,-93.3899233,44.989062100000005 +10037,Boone Av N,-93.390608,44.991716800000006 +10038,Olympia St,-93.40046330000001,44.9965136 +10039,Wisconsin Av N,-93.38584440000001,44.989085100000004 +10040,Winsdale St,-93.4004989,44.995036000000006 +10041,Nevada Av,-93.37338120000001,44.959464000000004 +10042,Nevada Av,-93.3733067,44.959288 +10043,Naper St,-93.4006085,44.9982385 +10044,Virginia Circle S,-93.38359460000001,44.9569404 +10045,Olympia St,-93.40056870000001,44.9967509 +10046,Louisiana Av,-93.37067880000001,44.9599515 +10047,Texas Av,-93.3807673,44.957418800000006 +10048,Rhode Island Av,-93.3790439,44.957754200000004 +10049,Quebec Av,-93.3767785,44.9587134 +10050,Cedar Lake Rd,-93.3708543,44.9601424 +10051,Quebec Av,-93.37727380000001,44.958285000000004 +10052,Florida Av,-93.36319160000001,44.963158 +10053,Sumter Av,-93.37901520000001,44.9576185 +10054,Texas Av,-93.3816372,44.957135300000004 +10055,Hampshire Av,-93.3657546,44.9621499 +10056,Virginia Av,-93.38350600000001,44.9568152 +10057,Franklin Av,-93.370976,44.963961600000005 +10058,Fire Station #2,-93.37111800000001,44.960529900000004 +10059,Louisiana Av,-93.3704764,44.959764400000005 +10060,22 St,-93.37097130000001,44.962006800000005 +10061,Jersey Av,-93.3682643,44.9609498 +10062,18 St,-93.3708905,44.965552 +10063,18 St,-93.37106990000001,44.9655227 +10064,22 St,-93.3711289,44.9622924 +10065,Florida Av,-93.3632223,44.963031 +10066,Hampshire Av,-93.36622990000001,44.961765400000004 +10067,Franklin Av,-93.371166,44.9638731 +10068,Pennsylvania,-93.3766672,44.9709062 +10069,Laurel Av,-93.35218590000001,44.9749393 +10070,Texas Av,-93.38028240000001,44.9710228 +10071,C Bay,-93.37285650000001,44.9708692 +10072,Ewald Terrace,-93.3803932,44.9773671 +10073,Pennsylvania,-93.3763263,44.9710417 +10074,Winnetka Av,-93.3815153,44.9714906 +10075,Texas Av,-93.37985110000001,44.971111400000005 +10076,Gregory Rd,-93.38119470000001,44.974183700000005 +10077,Ridgeway Rd,-93.3808381,44.975919100000006 +10078,Glenwood Av,-93.3510608,44.9778608 +10079,Ridgeway Rd,-93.3807819,44.9756477 +10080,Ewald Terrace,-93.38047490000001,44.977561400000006 +10081,Laurel Av,-93.38108600000001,44.974479 +10082,Hampshire/ Dakota,-93.3630086,44.9708418 +10083,Hampshire Av,-93.3658063,44.9719223 +10084,Kentucky Av,-93.36970430000001,44.970359200000004 +10085,Kentucky Av,-93.3697795,44.970468200000006 +10086,Idaho Av S,-93.36725890000001,44.9709817 +10087,16 St,-93.3708017,44.9671984 +10088,Dakota/Hampshire,-93.36353270000001,44.970991600000005 +10089,14 St,-93.3708474,44.969135 +10090,14 St,-93.3706887,44.9689683 +10091,Idaho Av S,-93.36682490000001,44.971132000000004 +10092,16 St,-93.3709549,44.9674555 +10093,Glenwood Av,-93.3515057,44.9777337 +10094,B Bay,-93.3726242,44.9708686 +10095,Louisiana - A Bay,-93.3723054,44.970934500000006 +10096,Menards,-93.3690698,44.973086800000004 +10097,Saturn Auto,-93.36924810000001,44.9731371 +10098,Market St,-93.3703306,44.9726836 +10099,Hw 100 Svc Rd E,-93.3456922,44.9567344 +10100,Dakota Av,-93.3606223,44.9639194 +10101,Quentin Av,-93.34331,44.9624843 +10102,Dakota Av,-93.3609574,44.963649600000004 +10103,Cedar Lk / Gamble,-93.34910070000001,44.964415300000006 +10104,#4815,-93.34052580000001,44.963548200000005 +10105,Blackstone Av,-93.35805830000001,44.964834 +10106,Old Cedar Lake,-93.3419212,44.963077500000004 +10107,Gamble/Cedar Lk,-93.349545,44.964828000000004 +10108,Zarthan Av S,-93.35627020000001,44.9653675 +10109,16 St W,-93.3495639,44.9672878 +10110,Ridge Dr,-93.3525185,44.9637345 +10111,Park Pl/Ridge Dr,-93.3519775,44.9636483 +10112,#4815,-93.34033240000001,44.963764100000006 +10113,Zarthan Av S,-93.3545632,44.9653713 +10114,Wayzata Blvd S,-93.3551886,44.969543900000005 +10115,Blackstone Av,-93.35868860000001,44.964710200000006 +10116,Hw 100 Svc Rd E,-93.34575480000001,44.956564900000004 +10117,Hwy 100 Bridge,-93.3414331,44.9685214 +10118,Colorado Av S,-93.3590582,44.970229700000004 +10119,Colorado Av S,-93.3590781,44.970372700000006 +10120,Dakota Av S,-93.360488,44.9706069 +10121,#5500,-93.3515454,44.9717822 +10122,Zarthan Av S,-93.3532038,44.967553 +10123,Hwy 100 Bridge,-93.34288790000001,44.9688345 +10124,Zarthan Av S,-93.3538918,44.967682 +10125,Costco - #5801,-93.3512376,44.9677006 +10126,Hwy 100 Bridge,-93.34030220000001,44.968682 +10127,Golden Hills Dr,-93.35226730000001,44.9724056 +10128,#5075,-93.3432418,44.969266100000006 +10129,Colorado Av,-93.3586657,44.972772500000005 +10130,Colorado Av,-93.35862510000001,44.972875 +10131,Xenia Av,-93.3527861,44.9729481 +10132,Utica Av S,-93.34536010000001,44.9701509 +10133,Wayzata Blvd S,-93.3496396,44.9691327 +10134,Utica Av S,-93.34555200000001,44.970016300000005 +10135,Park Place Blvd,-93.3490814,44.9700056 +10136,Park Place Blvd,-93.34926750000001,44.9695532 +10137,Wayzata Blvd S,-93.3499919,44.969061100000005 +10138,Lawn Terrace,-93.34693680000001,44.977479 +10139,Wayzata Blvd S,-93.3451821,44.9699073 +10140,Ottawa Av S,-93.34117590000001,44.9772607 +10141,Lawn Terrace,-93.34661530000001,44.9775768 +10142,16 St,-93.3491994,44.967295500000006 +10143,Ottawa Av N,-93.3401853,44.97735 +10144,Turners Crossroad,-93.3490062,44.9778229 +10145,Winnetka Av,-93.3798204,44.9855936 +10146,Golden Valley Rd,-93.38025230000001,44.9852501 +10147,Valley Sq Commons,-93.38024970000001,44.9865471 +10148,Golden Valley Dr,-93.38336930000001,44.985900400000006 +10149,Golden Valley Dr,-93.38364100000001,44.9859505 +10150,Schaper Rd,-93.34094250000001,44.9841114 +10151,10 Av N,-93.3802636,44.988525900000006 +10152,Valders Av,-93.3818571,44.992667600000004 +10153,Rhode Island,-93.37713670000001,44.986174600000005 +10154,Orkla Dr,-93.3803032,44.990001500000005 +10155,Phoenix St,-93.38032720000001,44.9911333 +10156,Pennsylvania,-93.37500680000001,44.9866729 +10157,Plymouth Av N,-93.38034660000001,44.9926181 +10158,Western Av,-93.380228,44.978231400000006 +10159,Knoll St,-93.38032650000001,44.9937643 +10160,Phoenix St,-93.38047230000001,44.9914171 +10161,Western Av,-93.38039610000001,44.978467800000004 +10162,Plymouth Av N,-93.38049570000001,44.9930773 +10163,Knoll St,-93.38048470000001,44.994223100000006 +10164,Pennsylvania,-93.3751902,44.986541 +10165,10 Av N,-93.3805471,44.9895158 +10166,Winnetka Av,-93.3799384,44.9854263 +10167,Orkla Dr,-93.38052230000001,44.990230000000004 +10168,Winnetka Av,-93.37989,44.9964844 +10169,Rhode Island,-93.3778997,44.985834000000004 +10170,Sumter Av,-93.37871100000001,44.996485400000005 +10171,Valley Sq Commons,-93.3805123,44.9866522 +10172,Golden Valley Rd,-93.380509,44.9851803 +10173,Valders Av,-93.3815414,44.9927518 +10174,Olympia St,-93.3802816,44.9962626 +10175,Quebec Av N,-93.376835,44.9963502 +10176,Winsdale St,-93.3802917,44.9950306 +10177,Sumter Av,-93.37934770000001,44.9964109 +10178,Winsdale St,-93.380488,44.9952653 +10179,Olympia St,-93.38045580000001,44.9966321 +10180,Wesley Dr,-93.3802974,44.9973624 +10181,Pennsylvania Av,-93.37549770000001,44.996304300000006 +10182,Duluth St N,-93.38025990000001,44.9998285 +10183,Wesley Dr,-93.3804647,44.9974183 +10184,Kelly Dr,-93.373001,44.995899800000004 +10185,Rhode Island Av,-93.3776809,44.9964541 +10186,Quebec Av N,-93.3764936,44.996411300000005 +10187,Oregon Av,-93.3743278,44.996183300000006 +10188,Pennsylvania Av,-93.3751893,44.996395400000004 +10189,Florida Av,-93.36258950000001,44.990489800000006 +10190,Oregon Av,-93.3739733,44.9962031 +10191,Rhode Island Av,-93.37812840000001,44.99635 +10192,Idaho Av,-93.3656038,44.989651300000006 +10193,Hampshire Av,-93.36431010000001,44.9900833 +10194,Idaho Av N,-93.36590740000001,44.989563600000004 +10195,Hampshire Av,-93.3643797,44.995966900000006 +10196,Hampshire Av,-93.3646648,44.9898631 +10197,Florida Av,-93.3625305,44.995935800000005 +10198,Kelly Dr,-93.37266860000001,44.9960358 +10199,Florida Av N,-93.3625908,44.9905532 +10200,Jersey Av N,-93.3679147,44.9957976 +10201,Maryland Av,-93.3715358,44.996033600000004 +10202,Louisiana Av,-93.3704929,44.995863400000005 +10203,Maryland Av,-93.3716619,44.9959185 +10204,Louisiana Av,-93.37016200000001,44.996003200000004 +10205,Florida Av,-93.36283440000001,44.9957976 +10206,Hampshire Av,-93.36478810000001,44.995791600000004 +10207,Jersey Av N,-93.367688,44.995921700000004 +10208,Olson Hwy 55,-93.36009560000001,44.9850111 +10209,#4100,-93.32981670000001,44.8656276 +10210,Schaper Rd,-93.3431388,44.9844683 +10211,Hwy 55 Frontage,-93.3603818,44.987287 +10212,Douglas Dr,-93.3597321,44.9844607 +10213,Frontage Rd N,-93.3600959,44.986807500000005 +10214,Xenia Av,-93.3504118,44.978191 +10215,Douglas Dr,-93.36063850000001,44.991359300000006 +10216,Adair Av N,-93.3560405,44.9998347 +10217,Golden Valley Rd,-93.36036270000001,44.9909237 +10218,Adair Av N,-93.35570080000001,44.999919600000005 +10219,Douglas Dr,-93.36038740000001,44.9958529 +10220,Golden Valley/Knoll,-93.3601052,44.9917838 +10221,Douglas Dr N,-93.36078420000001,44.9988961 +10222,Quail Av N,-93.34178150000001,44.998670700000005 +10223,Phoenix St,-93.3602711,44.9924131 +10224,Ordway St,-93.34051210000001,44.9990517 +10225,Regent Av N,-93.34408110000001,44.9981937 +10226,Knoll St,-93.3602173,44.994174900000004 +10227,Quail Av N,-93.3419578,44.9984772 +10228,Douglas Dr,-93.3606091,44.991189500000004 +10229,Regent Av N,-93.3437633,44.998249 +10230,Spring Valley,-93.3404045,44.9989769 +10231,Lilac Dr,-93.3513964,44.9999516 +10232,Pebblebrook Dr,-93.32961180000001,44.8252746 +10233,Entrance,-93.33105970000001,44.828758300000004 +10234,Douglas Dr,-93.3606491,44.9959536 +10235,98 St W,-93.32957490000001,44.828808300000006 +10236,Winsdale St,-93.3603581,44.9950484 +10237,Winsdale St,-93.3600902,44.9948266 +10238,Lilac Dr,-93.35174380000001,44.9991087 +10239,98 St W,-93.32956940000001,44.826761100000006 +10240,Normandale College,-93.32929630000001,44.8291398 +10241,Lilac Dr,-93.3520058,44.999303000000005 +10242,Normandale College,-93.3318316,44.827122200000005 +10243,Chowen Av S,-93.327375,44.8270239 +10244,Bloomington Baptist,-93.3357739,44.8253721 +10245,Little Rd,-93.33804660000001,44.8252192 +10246,Bloomington Baptist,-93.33531710000001,44.8253397 +10247,Little Rd,-93.33835180000001,44.825143700000005 +10248,Harrison / France,-93.33063340000001,44.8271062 +10249,Harrison Rd,-93.33309050000001,44.826373000000004 +10250,98 St W,-93.3292694,44.827590900000004 +10251,94 St W,-93.3295274,44.833716800000005 +10252,Xerxes Av S,-93.31920860000001,44.826322100000006 +10253,Xerxes Av S,-93.31894170000001,44.826469100000004 +10254,Abbott Av S,-93.3230707,44.8265058 +10255,Chowen Av S,-93.32711760000001,44.8271208 +10256,Abbott Av S,-93.3234156,44.826357800000004 +10257,98 St W,-93.31899,44.826185100000004 +10258,Xerxes Curve #2,-93.3190084,44.825023400000006 +10259,98 1/2 St W,-93.3191039,44.8259145 +10260,Nine Mile Creek/Morris,-93.3368372,44.842175100000006 +10261,Kell Av S,-93.33499400000001,44.8420136 +10262,York Curve,-93.319174,44.824460900000005 +10263,Harrison Rd,-93.3330691,44.8419961 +10264,France Av S,-93.33040770000001,44.8423966 +10265,Kell Av S,-93.33469670000001,44.842020500000004 +10266,Nine Mile Creek Pkwy,-93.3374249,44.842263800000005 +10267,Southmore Dr,-93.33879370000001,44.842223000000004 +10268,Tretbaugh Dr,-93.32669800000001,44.8418411 +10269,Beard Av S,-93.32353230000001,44.840883100000006 +10270,York Rd,-93.3211962,44.840839100000004 +10271,Washburn Circle,-93.31789950000001,44.8407728 +10272,Parkshore Estates,-93.32912490000001,44.843407600000006 +10273,York Rd S,-93.3213152,44.841002800000005 +10274,Beard Av S,-93.32332210000001,44.8409844 +10275,Tretbaugh Dr,-93.3265279,44.8420262 +10276,Shepherd Hills Dr,-93.3291686,44.845285600000004 +10277,Shepherd Hills Dr,-93.32934750000001,44.8455966 +10278,Parkshore Estates,-93.32938270000001,44.844268500000005 +10279,90 St W,-93.32942910000001,44.8426695 +10280,Penn Av S,-93.3078303,44.8253617 +10281,90 St W,-93.3291588,44.8414693 +10282,Russell Av S,-93.31139850000001,44.8263283 +10283,Penn / Newton Av S,-93.3073559,44.826268500000005 +10284,France Av S,-93.3314814,44.8422746 +10285,Upton Circle,-93.3145351,44.826291700000006 +10286,Penn Av S,-93.3086828,44.826381000000005 +10287,Irving Av S,-93.2999908,44.8253475 +10288,Queen Rd,-93.30992110000001,44.826410300000006 +10289,Russell Av S,-93.3110499,44.826409600000005 +10290,Brookside Av S,-93.3155162,44.826431400000004 +10291,Upton Rd,-93.31446740000001,44.8264483 +10292,98 St W,-93.3012018,44.8268232 +10293,98 St W,-93.3013658,44.8268002 +10294,Humboldt Av S,-93.2990863,44.826216300000006 +10295,97 St W,-93.2963644,44.8242436 +10296,Logan Av S,-93.3042466,44.8263151 +10297,97 St W,-93.30120910000001,44.8279824 +10298,Irving Av S,-93.30031020000001,44.8249598 +10299,James Circle,-93.30179480000001,44.826241700000004 +10300,Girard Av S,-93.29765710000001,44.8264268 +10301,James Av S,-93.3005103,44.826378500000004 +10302,89 St W,-93.30896890000001,44.8426035 +10303,Logan Av S,-93.3030844,44.8264714 +10304,90 St W,-93.3090162,44.8411662 +10305,96 St W,-93.3013248,44.8301991 +10306,90 St W,-93.30873480000001,44.841155900000004 +10307,Penn Lake Circle,-93.30877290000001,44.8435119 +10308,Southtech PlazA,-93.30106930000001,44.832173600000004 +10309,89 St W,-93.30873310000001,44.842626100000004 +10310,88 St W,-93.3087436,44.844385900000006 +10311,John Deere,-93.3012168,44.832072800000006 +10312,Russell Av S,-93.3114839,44.8407768 +10313,96 St W,-93.30123210000001,44.829818200000005 +10314,Vincent Av S,-93.3160294,44.840773600000006 +10315,Xerxes Av S,-93.3174724,44.840860600000006 +10316,Bloomington Frwy Rd W,-93.29735450000001,44.8334605 +10317,Vincent Place,-93.3156738,44.8408688 +10318,Russell Av S,-93.3112943,44.840861100000005 +10319,Bloomington Frwy Rd W,-93.29698210000001,44.833567 +10320,Poplar Bridge Rd,-93.32912680000001,44.848009000000005 +10321,Irwin Rd,-93.32910430000001,44.8486708 +10322,88 St W,-93.3089001,44.844540300000006 +10323,84 St W,-93.32903110000001,44.851334300000005 +10324,Kell Av S,-93.33527380000001,44.851759 +10325,Poplar Bridge Rd,-93.32931400000001,44.8477516 +10326,Irwin Rd,-93.32937100000001,44.8488248 +10327,Johnson Av S,-93.33397500000001,44.8517887 +10328,France Av S,-93.3293711,44.8516368 +10329,Morris Rd,-93.3383567,44.8517723 +10330,Harrison Rd,-93.3317363,44.8516765 +10331,Irwin Rd,-93.33348790000001,44.851670600000006 +10332,Little Rd,-93.3371412,44.851742200000004 +10333,Kell Av S,-93.33561630000001,44.8516671 +10334,Little Rd,-93.3374905,44.851674100000004 +10335,Xerxes Av S,-93.31938140000001,44.8515767 +10336,American Blvd,-93.328905,44.855586300000006 +10337,York Rd,-93.32178280000001,44.8516174 +10338,82 St W,-93.32928000000001,44.8552529 +10339,83 St W,-93.3289938,44.8532858 +10340,ZEnith Rd,-93.3235933,44.851441400000006 +10341,84 St W,-93.32928290000001,44.852105400000006 +10342,France Av,-93.3293275,44.855707900000006 +10343,Chowen Av S,-93.325946,44.851620600000004 +10344,Morris Av S,-93.33868260000001,44.851705 +10345,Beard Rd,-93.32359500000001,44.8515493 +10346,Harrison Rd,-93.33150160000001,44.851825000000005 +10347,Drew Av S,-93.3269508,44.8555969 +10348,Northland Dr,-93.32665,44.855879400000006 +10349,France Av S,-93.32822800000001,44.851788400000004 +10350,France Av,-93.3288002,44.855897000000006 +10351,ZEnith Av S,-93.3222291,44.851696200000006 +10352,Xerxes Av S,-93.318668,44.8517881 +10353,Chowen Av S,-93.32584460000001,44.851745900000004 +10354,Johnson Av S,-93.3331239,44.8588335 +10355,#3500,-93.3251156,44.857042500000006 +10356,78 St W,-93.3332634,44.8591891 +10357,Marketpointe Dr,-93.33367910000001,44.8610702 +10358,Parklawn Av,-93.335577,44.863261400000006 +10359,#7760,-93.33157460000001,44.861873200000005 +10360,Dennys - #4209,-93.33249690000001,44.8578057 +10361,80 St Circle W,-93.33754730000001,44.8577652 +10362,#7760 Johnson,-93.33157130000001,44.8619992 +10363,80 St Circle W,-93.33775940000001,44.857589000000004 +10364,Parklawn Av,-93.33607330000001,44.8631085 +10365,Dennys - #4209,-93.3329753,44.857606800000006 +10366,France Av S,-93.33098740000001,44.8601651 +10367,#4450,-93.3335304,44.8656273 +10368,France / Johnson,-93.33101690000001,44.8601991 +10369,Parklawn Av S,-93.33539560000001,44.8656202 +10370,76 St / Minnesota,-93.3290173,44.8637 +10371,76 St W,-93.335627,44.865686600000004 +10372,Southtown Dr,-93.31901380000001,44.8605688 +10373,Xerxes Av S (N),-93.31920880000001,44.858833000000004 +10374,#4350,-93.3368748,44.8681434 +10375,Wells Fargo Plaza,-93.3221244,44.8584377 +10376,Minnesota Dr,-93.32396510000001,44.8625556 +10377,Parklawn Court,-93.3361833,44.8666058 +10378,Southtown Dr,-93.31878230000001,44.860587 +10379,Xerxes Av S,-93.31827670000001,44.8590298 +10380,76 St W,-93.33575880000001,44.8656838 +10381,Southtown Dr,-93.32337360000001,44.857772100000005 +10382,Parklawn Court,-93.3358858,44.8664373 +10383,France Av S,-93.3271184,44.861816100000006 +10384,France Av S,-93.32705700000001,44.86204 +10385,#4351,-93.33706450000001,44.867734600000006 +10386,76 St W,-93.3239241,44.864972800000004 +10387,#4455,-93.33788100000001,44.8631626 +10388,Minnesota Dr,-93.3237337,44.8628489 +10389,76 St W,-93.3237512,44.8653964 +10390,Parklawn / 76 St,-93.32910120000001,44.8664853 +10391,Centennial Lakes Plaza,-93.327106,44.865349300000005 +10392,Fred Richards Golf,-93.33602400000001,44.8637627 +10393,76 St W,-93.32112930000001,44.8659833 +10394,Parklawn Av,-93.3237443,44.8680624 +10395,Edinborough Way,-93.3240348,44.868153 +10396,76 St W,-93.32391630000001,44.865773600000004 +10397,78 St W,-93.31937690000001,44.862763900000004 +10398,78 St W,-93.3204609,44.8633005 +10399,York Av S,-93.3207381,44.865415500000005 +10400,#7701,-93.3207593,44.8637853 +10401,Edinborough Entrance,-93.32105080000001,44.8636896 +10402,York Av S,-93.3186768,44.8655799 +10403,Edinborough Way,-93.3214628,44.8629855 +10404,76 St W,-93.3214914,44.8650828 +10405,Penn Circle,-93.30889090000001,44.8498619 +10406,76 St W,-93.32149100000001,44.8656586 +10407,86 St W,-93.3089114,44.848163400000004 +10408,Parklawn Av,-93.3210492,44.8678636 +10409,Yorkdale Townhomes,-93.3210715,44.8678241 +10410,84 St W,-93.30868170000001,44.8513576 +10411,Parklawn Av,-93.3214722,44.868001400000004 +10412,Penn Circle,-93.3087417,44.8495968 +10413,86 St W,-93.30873960000001,44.847894100000005 +10414,82 St W,-93.3086463,44.8560122 +10415,Thomas Av S,-93.31555700000001,44.8515886 +10416,81 St W,-93.30862160000001,44.857147600000005 +10417,Russell Av S,-93.31061650000001,44.851587800000004 +10418,Queen Av S,-93.30886530000001,44.8531355 +10419,Thomas Av S,-93.3153127,44.8517178 +10420,82 St W (S),-93.3088831,44.8554058 +10421,Russell Av S,-93.3103313,44.8516896 +10422,82 St / 81 St W,-93.3022694,44.855866500000005 +10423,84 St W,-93.3089369,44.8517729 +10424,#8100 Entrance,-93.30341630000001,44.856155300000005 +10425,81 St W,-93.3089145,44.857158000000005 +10426,Fremont Av S,-93.29625100000001,44.8551531 +10427,Bloomington Frwy Rd E,-93.29693800000001,44.855263400000005 +10428,83 St W,-93.3087,44.853747000000006 +10429,Knox Av S,-93.3008429,44.8571444 +10430,#8100,-93.3025186,44.856033800000006 +10431,Dixon Dr,-93.3086682,44.8546841 +10432,James Av S,-93.301399,44.855170300000005 +10433,76 St W,-93.3088103,44.8648481 +10434,Gate A,-93.2985998,44.8568956 +10435,Gate B,-93.2986425,44.856735900000004 +10436,Washburn Av S,-93.31772450000001,44.865481100000004 +10437,Target Southtown,-93.3117076,44.8599873 +10438,Penn Av S,-93.30802820000001,44.858966 +10439,Sheridan Av S,-93.3122728,44.8655838 +10440,Queen Av S,-93.3101213,44.8589799 +10441,Sheridan Av S,-93.3126682,44.8654631 +10442,#2600,-93.31401600000001,44.8590764 +10443,Southtown En,-93.30854950000001,44.8599453 +10444,Upton Av S,-93.3151076,44.8654615 +10445,Hobby Lobby,-93.3127511,44.8600299 +10446,Target Southtown,-93.3112215,44.860022400000005 +10447,Washburn Av S,-93.3174252,44.865570600000005 +10448,Penn Av S,-93.30781400000001,44.8587426 +10449,American Blvd,-93.30856680000001,44.8585438 +10450,Upton Av S,-93.31488970000001,44.8655623 +10451,Hwy 494,-93.3089599,44.860733 +10452,Penn Av S,-93.30977510000001,44.8656663 +10453,American Blvd,-93.3017722,44.8594282 +10454,Sheridan / Penn,-93.31080750000001,44.865490300000005 +10455,77 St W,-93.30842240000001,44.864430000000006 +10456,Morgan Circle,-93.3050659,44.8585225 +10457,75 St W,-93.30856700000001,44.8671887 +10458,Morgan Circle,-93.30456190000001,44.8586521 +10459,Knox Av S,-93.30242960000001,44.858827500000004 +10460,75 St W,-93.3087708,44.867505300000005 +10461,Kohls En,-93.30637150000001,44.8603499 +10462,Kohls Lot,-93.30550380000001,44.860478400000005 +10463,Hwy 35W Ramp,-93.29774130000001,44.8656206 +10464,American Blvd,-93.3019278,44.859188 +10465,Knox Av S,-93.3025018,44.858593600000006 +10466,Best Buy P&R,-93.3025552,44.8625479 +10467,Knox Av S,-93.3018839,44.8656194 +10468,Newton Av S,-93.305923,44.8655999 +10469,Girard Av S,-93.2975011,44.8654327 +10470,Knox Av S,-93.3010893,44.865406 +10471,76 St-Main En,-93.30645750000001,44.8647775 +10472,76 St W,-93.30269410000001,44.8646332 +10473,Entrance,-93.29757860000001,44.8638885 +10474,Best Buy P&R,-93.30226760000001,44.8635578 +10475,Newton Av S,-93.3055312,44.8653836 +10476,Lyndale Av S,-93.2888587,44.8262014 +10477,Newton / Oliver Av S,-93.3064296,44.8655838 +10478,Garfield / Grand Av,-93.2858257,44.8261868 +10479,Dupont Av S,-93.2935667,44.8264195 +10480,Grand / Garfield,-93.2862705,44.826446000000004 +10481,99 St W,-93.2887706,44.824656700000006 +10482,Fremont / Dupont,-93.2946242,44.826142100000006 +10483,Lyndale / Aldrich,-93.28889170000001,44.8245987 +10484,99 St / 98 St W,-93.2884171,44.8249502 +10485,Dennys Restaurant,-93.29464610000001,44.8264294 +10486,Gate C,-93.29072470000001,44.825152900000006 +10487,Gate E,-93.29023400000001,44.8253944 +10488,Gate A,-93.2906421,44.824660900000005 +10489,#9700 / 98 St,-93.2887177,44.8270459 +10490,96 St / #9700,-93.2887276,44.8288615 +10491,Gate B,-93.2907383,44.824888900000005 +10492,Oxboro PlazA,-93.28841320000001,44.8282091 +10493,Gate D,-93.2905056,44.8253865 +10494,98 St W,-93.2786191,44.826783600000006 +10495,94 St / 93 St W,-93.28854150000001,44.8342449 +10496,96 St W,-93.28873920000001,44.830031600000005 +10497,94 St / 95 St W,-93.2887606,44.832598100000006 +10498,94 St W,-93.288781,44.833687100000006 +10499,95 St E,-93.2784134,44.8311567 +10500,McDonald's,-93.2884568,44.8303049 +10501,Stevens Av S,-93.2761248,44.826208300000005 +10502,93 St E,-93.2783972,44.8351539 +10503,Nicollet Av S,-93.278907,44.8262124 +10504,Pillsbury Av S,-93.2824782,44.826218700000005 +10505,94 St E,-93.27840210000001,44.833345300000005 +10506,Stevens Av S,-93.2763226,44.8264155 +10507,Pillsbury Av S,-93.28231480000001,44.8263915 +10508,94 St W,-93.2785434,44.8334647 +10509,Nicollet Av S,-93.27818110000001,44.826410200000005 +10510,95 St W,-93.27855360000001,44.831179000000006 +10511,96 St E,-93.27841310000001,44.8296403 +10512,98 St E,-93.27837530000001,44.826666800000005 +10513,96 St W,-93.2785551,44.829953800000006 +10514,92 St W,-93.2885224,44.8369708 +10515,86 St / 90 St W,-93.28867190000001,44.844866700000004 +10516,92 St / 93 St W,-93.28879970000001,44.835804700000004 +10517,Halsey / 86 St,-93.2884496,44.8443981 +10518,91 St E,-93.27837550000001,44.8390883 +10519,92 St W,-93.2887572,44.837639 +10520,92 St E,-93.2783888,44.836970400000006 +10521,90 St W,-93.28872670000001,44.8399954 +10522,90 St E,-93.27832280000001,44.8403792 +10523,91 St W,-93.2785621,44.8386371 +10524,Halsey Lane,-93.28847640000001,44.8424497 +10525,90 St W,-93.278626,44.840432400000005 +10526,93 St W,-93.2785362,44.835263700000006 +10527,90 St W,-93.288464,44.841224800000006 +10528,92 St W,-93.27851980000001,44.8372581 +10529,87 St E,-93.2783551,44.846164900000005 +10530,88 St W,-93.2785343,44.844639400000005 +10531,88 St E,-93.27836810000001,44.8442001 +10532,89 St E,-93.27836500000001,44.842386100000006 +10533,89 St W,-93.27852630000001,44.842661400000004 +10534,94 St E,-93.2682683,44.8337024 +10535,93 St E,-93.2682621,44.835132800000004 +10536,95 St E,-93.268342,44.8319076 +10537,94 St E,-93.2683714,44.833632300000005 +10538,96 St E,-93.26840050000001,44.8300211 +10539,Columbus Av S,-93.2647089,44.8262392 +10540,Chicago Av,-93.26281800000001,44.8264542 +10541,Elliot Av S,-93.26133610000001,44.8274686 +10542,Oakland Av S,-93.26682500000001,44.8262341 +10543,Old Shakopee,-93.259613,44.8284624 +10544,Elliott Av S,-93.2614083,44.827512600000006 +10545,Portland Av S,-93.2687709,44.8261952 +10546,12 Av S,-93.2584908,44.829388900000005 +10547,Trail East/10 Av,-93.2593846,44.828946300000005 +10548,4 Av S,-93.27161740000001,44.826223600000006 +10549,10 Av S,-93.2593404,44.8287652 +10550,Portland Av S,-93.2681134,44.826343400000006 +10551,Riverview Av,-93.2534359,44.8329218 +10552,Old Shakopee Rd,-93.25733840000001,44.8311415 +10553,Columbus Av S,-93.26437,44.8263516 +10554,Chicago Av S,-93.2630663,44.8265149 +10555,Old Shakopee Cir,-93.2523381,44.833673100000006 +10556,4 Av S,-93.27061610000001,44.8263723 +10557,Old Shakopee Cir,-93.252189,44.8339511 +10558,Riverview Av,-93.2537446,44.8328379 +10559,98 St E,-93.26828280000001,44.8266274 +10560,12 Av S,-93.25660110000001,44.830859200000006 +10561,96 St E,-93.25757700000001,44.830164700000005 +10562,96 St E,-93.2682659,44.8295499 +10563,94 St E,-93.2581413,44.8336577 +10564,96 St / 98 St,-93.26840250000001,44.8283215 +10565,96 St E,-93.25779220000001,44.8299504 +10566,12 Av Circle,-93.258133,44.832062900000004 +10567,95 St E,-93.26827150000001,44.8315374 +10568,Old Shakopee Rd,-93.2569649,44.8307214 +10569,93 1/2 St E,-93.25825560000001,44.8345324 +10570,90 St E,-93.2682407,44.840522500000006 +10571,94 St E,-93.2580456,44.833362400000006 +10572,93 1/2 St E,-93.2580126,44.834313400000006 +10573,12 Av Circle,-93.2580444,44.831761 +10574,92 St E,-93.2682393,44.8368674 +10575,88 St E,-93.2581859,44.844504300000004 +10576,Crest Rd,-93.2581567,44.845305800000006 +10577,90 St E,-93.2581349,44.8408918 +10578,Park Rd,-93.2581487,44.8417449 +10579,91 St E,-93.268223,44.8388654 +10580,Crest Rd,-93.25801360000001,44.8451833 +10581,93 St E,-93.2683849,44.835293300000004 +10582,Park Rd,-93.25792890000001,44.841497000000004 +10583,88 St E,-93.2579941,44.844195600000006 +10584,92 St E,-93.2683726,44.837214100000004 +10585,Harriet Av S,-93.2856885,44.8479534 +10586,Garfield Av S,-93.28716370000001,44.847978700000006 +10587,91 St E,-93.2683839,44.839019 +10588,Cub Foods,-93.286163,44.850039800000005 +10589,86 St W,-93.2874834,44.8482691 +10590,Bischoff Ln,-93.2682297,44.843410000000006 +10591,Harriet Av S,-93.28625910000001,44.847901 +10592,88 St E,-93.2681999,44.8442032 +10593,86 St E,-93.2883654,44.848815200000004 +10594,Cub Foods,-93.28618150000001,44.850067800000005 +10595,90 St E,-93.2683612,44.8408728 +10596,Bischoff Ln,-93.268382,44.8436758 +10597,85 St W,-93.2886751,44.8498772 +10598,88 St E,-93.2683428,44.8444669 +10599,86 St W,-93.2886862,44.848176200000005 +10600,Emerson Av S,-93.29499650000001,44.855128900000004 +10601,92 St E,-93.2581684,44.8373203 +10602,Colfax Av S,-93.29244170000001,44.8551237 +10603,Aldrich Av S,-93.289972,44.8551026 +10604,92 St E,-93.25798400000001,44.836989 +10605,Aldrich Av S,-93.28946060000001,44.855267500000004 +10606,90 St E,-93.2580253,44.8405818 +10607,Colfax Av S,-93.2921321,44.8552467 +10608,Emerson Av S,-93.29464370000001,44.855243 +10609,Wentworth Av S,-93.28081250000001,44.8479576 +10610,83 St W,-93.2886029,44.853983 +10611,Lyndale Circle,-93.28864680000001,44.851729600000006 +10612,Lyndale Cir / 83 St,-93.28842970000001,44.8527433 +10613,82 St W,-93.28828820000001,44.8558899 +10614,Blaisdell Av S,-93.2795263,44.847929900000004 +10615,Pillsbury Av S,-93.28204480000001,44.847960300000004 +10616,85 St E,-93.27834610000001,44.8496643 +10617,85 St W,-93.27851460000001,44.8498206 +10618,Wentworth Av S,-93.28095470000001,44.8478988 +10619,84 St W,-93.27846910000001,44.851682700000005 +10620,83 St E,-93.2782943,44.8532236 +10621,Blaisdell Av S,-93.27989910000001,44.847916100000006 +10622,81 St E,-93.2782471,44.856875900000006 +10623,82 St E,-93.2782495,44.8550369 +10624,Pillsbury Av S,-93.28201030000001,44.8478991 +10625,83 St W,-93.2784299,44.8536591 +10626,2 Av / Stevens,-93.27519120000001,44.8479661 +10627,82 St W,-93.2784639,44.855343700000006 +10628,80 St E,-93.28827700000001,44.858413600000006 +10629,Nicollet Av S,-93.27820360000001,44.8479613 +10630,Lyndale Av S,-93.28724770000001,44.8591586 +10631,Nicollet / 1 Av S,-93.2778335,44.8478818 +10632,Lyndale Av S,-93.2873708,44.8593781 +10633,American Blvd,-93.2886557,44.858803800000004 +10634,Stevens / 2 Av,-93.27526730000001,44.8479158 +10635,Harriet Av,-93.28609850000001,44.863634100000006 +10636,86 St E,-93.27834630000001,44.8478007 +10637,87 St W,-93.27852800000001,44.8463446 +10638,75 St W,-93.2885093,44.8674082 +10639,86 St W,-93.27850480000001,44.848039 +10640,76 St W,-93.2884877,44.8656603 +10641,84 St E,-93.2783047,44.8514041 +10642,Lyndale Av S,-93.2890323,44.863671800000006 +10643,76 St W,-93.29537380000001,44.865134600000005 +10644,Lyndale Av S,-93.2887941,44.8638792 +10645,77 St W,-93.2881677,44.863522700000004 +10646,76 St W,-93.28827670000001,44.8653751 +10647,75 St W,-93.2883316,44.8672662 +10648,Meridian Crossing,-93.2949203,44.8643091 +10649,Best Buy Driveway,-93.29240010000001,44.8636794 +10650,Lyndale Av S,-93.28791550000001,44.863722900000006 +10651,77 St W,-93.2885547,44.8639917 +10652,Lyndale Av S,-93.2880233,44.863891300000006 +10653,Best Buy Driveway,-93.29224070000001,44.863855 +10654,American Blvd,-93.27844320000001,44.8590625 +10655,The Home Depot,-93.2844944,44.859222800000005 +10656,Nicollet Av,-93.2785511,44.8636369 +10657,American Blvd,-93.27477420000001,44.8605889 +10658,2 Av S,-93.27467370000001,44.863649900000006 +10659,Nicollet Av S,-93.27761290000001,44.8594601 +10660,75 St W,-93.2783318,44.867438 +10661,77 St E,-93.2782145,44.8635618 +10662,Amer Blvd/Hwy 494,-93.27816560000001,44.860214600000006 +10663,76 St E,-93.27818760000001,44.8653631 +10664,75 St E,-93.2781863,44.8671675 +10665,Nicollet Av S,-93.27721700000001,44.859767500000004 +10666,77 St W,-93.27835920000001,44.864045600000004 +10667,81 St W,-93.27843560000001,44.8572172 +10668,76 St W,-93.27833070000001,44.865631 +10669,78 St W (Svc Rd N),-93.2783831,44.862991300000004 +10670,4 Av S,-93.2701378,44.8479758 +10671,Clinton / 3 Av S,-93.2725487,44.847970200000006 +10672,4 Av / 5 Av,-93.27023870000001,44.8478975 +10673,Clinton Av S,-93.27227690000001,44.8478964 +10674,88 St / 86 St,-93.26281060000001,44.8468156 +10675,2 Av S,-93.27447690000001,44.8638652 +10676,Nicollet Av S,-93.27799440000001,44.863873700000006 +10677,86 St E,-93.2681426,44.847526200000004 +10678,86 St / 88 St,-93.268325,44.846611900000006 +10679,Pillsbury Av S,-93.2821119,44.863853500000005 +10680,86 St E,-93.2683415,44.848119600000004 +10681,Portland Av S,-93.2675969,44.847977300000004 +10682,Pillsbury Av,-93.2822531,44.8636094 +10683,Chicago / Columbus,-93.2637559,44.848007100000004 +10684,Park / Oakland,-93.2663371,44.8479735 +10685,83 St E,-93.2683178,44.8534584 +10686,Park / Columbus,-93.2651864,44.847892200000004 +10687,Portland / Oakland,-93.26752590000001,44.847905100000006 +10688,86 St / 84 St,-93.2681929,44.8499604 +10689,84 St E,-93.2681783,44.851395800000006 +10690,84 St E,-93.2683198,44.851680900000005 +10691,84 St / 86 St,-93.2683159,44.8496267 +10692,81 St E,-93.2682721,44.8570952 +10693,82 St E,-93.26815350000001,44.8553908 +10694,82 St E,-93.2682704,44.8553082 +10695,83 St E,-93.2681431,44.853197 +10696,86 St E,-93.2581462,44.8481126 +10697,12 Av / 13 Av S,-93.25734840000001,44.8479089 +10698,86 St E,-93.2580186,44.847802400000006 +10699,82 St E,-93.25798250000001,44.8550197 +10700,84 St E,-93.25798800000001,44.8514361 +10701,84 St E,-93.2581923,44.8517109 +10702,82 St E,-93.2581396,44.855329100000006 +10703,15 Av S,-93.2540704,44.848001200000006 +10704,81 St E,-93.2681106,44.8574271 +10705,American/Hwy 494,-93.26805440000001,44.860755100000006 +10706,14 Av / 13 Av S,-93.2561278,44.8479785 +10707,American Blvd,-93.2680837,44.8593172 +10708,Hwy 494 (78 St),-93.26804030000001,44.8617451 +10709,12 Av / 11 Av S,-93.2586833,44.847980500000006 +10710,Portland Av S,-93.267477,44.859897100000005 +10711,10 Av / Elliott,-93.2612448,44.8479783 +10712,Chicago Av S,-93.26343490000001,44.859701400000006 +10713,Portland Av S,-93.26707950000001,44.859650900000005 +10714,10 Av / 11 Av,-93.26005380000001,44.847922700000005 +10715,78 St / American,-93.26828250000001,44.8610118 +10716,American Blvd,-93.26828780000001,44.859943300000005 +10717,Chicago / Elliott,-93.26263660000001,44.847917200000005 +10718,15 Av S,-93.25376630000001,44.847909900000005 +10719,Walmart,-93.2645016,44.859973700000005 +10720,American Blvd,-93.2579611,44.859555 +10721,77 St / 78 St,-93.2682614,44.8631065 +10722,4 Av S,-93.2707632,44.8638782 +10723,Portland Av S,-93.26784860000001,44.863874100000004 +10724,4 Av S,-93.27090530000001,44.8636947 +10725,75 St E,-93.26805,44.8671457 +10726,80 St E,-93.25797,44.857609000000004 +10727,77 St E,-93.2680308,44.8635947 +10728,76 St E,-93.2680239,44.865339500000005 +10729,80 St E,-93.258116,44.8578271 +10730,Chicago Av S,-93.2632533,44.863731300000005 +10731,American Blvd,-93.25807780000001,44.859301900000006 +10732,75 St E,-93.26818270000001,44.8674613 +10733,76 St E,-93.26818100000001,44.8656859 +10734,78 St E (494 Svc Rd),-93.258097,44.861668900000005 +10735,77 St E,-93.2682011,44.8640148 +10736,Portland Av S,-93.2683777,44.863705100000004 +10737,Bloomington Av S,-93.25320350000001,44.8598172 +10738,American Blvd / 78 St,-93.25793610000001,44.8609554 +10739,12 Av S,-93.25925880000001,44.859890400000005 +10740,Chicago Av S,-93.26246230000001,44.859962700000004 +10741,15 Av S,-93.254389,44.8654633 +10742,13 Av S,-93.2565536,44.865610200000006 +10743,Bloomington Av S,-93.2527173,44.860025500000006 +10744,76 St E,-93.258038,44.865307900000005 +10745,13 Av S,-93.2566123,44.8598724 +10746,77 St E,-93.258082,44.8640204 +10747,76 St E,-93.2579276,44.8654888 +10748,13 Av S,-93.25712100000001,44.8596853 +10749,13 Av S,-93.2568993,44.865462300000004 +10750,14 Av S,-93.2552799,44.865613200000006 +10751,12 Av S,-93.2583067,44.8596875 +10752,15 Av S,-93.25401740000001,44.865610100000005 +10753,Chicago Av S,-93.2629196,44.863868000000004 +10754,14 Av S,-93.2556406,44.8654741 +10755,12 Av S,-93.25823430000001,44.8636896 +10756,77 St E,-93.25799690000001,44.8634549 +10757,75 St E,-93.2530258,44.8674411 +10758,76 St E,-93.2528984,44.8656799 +10759,75 St E,-93.2528989,44.867187400000006 +10760,76 St E,-93.2530402,44.865698200000004 +10761,France Av S,-93.3299523,44.871126100000005 +10762,Gallagher Dr,-93.3290899,44.8713282 +10763,Parklawn Av,-93.33162490000001,44.8683941 +10764,Valley View Rd,-93.33127680000001,44.876418300000005 +10765,Cornelia Dr,-93.3355957,44.8763943 +10766,Cedar Edina Apts,-93.33165240000001,44.8705202 +10767,Cornelia Dr,-93.33627010000001,44.876330100000004 +10768,Lynmar Ln,-93.33166630000001,44.876337 +10769,#4120,-93.3327089,44.8684432 +10770,Valley View Rd,-93.33020160000001,44.878525700000004 +10771,#4250,-93.33512300000001,44.868450900000006 +10772,70 St W,-93.32915720000001,44.875884400000004 +10773,69 St W,-93.3291643,44.8776657 +10774,#4251,-93.3353312,44.868283000000005 +10775,Hazelton Rd,-93.3291123,44.874182100000006 +10776,69 St W,-93.33081250000001,44.878650300000004 +10777,Parklawn Av,-93.33145230000001,44.8683983 +10778,#7240 - Exit,-93.3215378,44.871400400000006 +10779,France/ Centennial Lk,-93.3272446,44.8683903 +10780,Parklawn Estates,-93.3328503,44.8683458 +10781,#7373 France,-93.32730880000001,44.8686011 +10782,France Av S,-93.33039260000001,44.8710068 +10783,#7240 - York PlazA,-93.3217979,44.872200500000005 +10784,Cedar Edina Apts,-93.3314943,44.8703854 +10785,Parklawn Av,-93.3290678,44.8684285 +10786,#7330 - Edina Place,-93.3214561,44.870066 +10787,Southdale Ymca,-93.3210978,44.8700923 +10788,France Av S,-93.3296444,44.8681642 +10789,#7201 - Durham Apts,-93.32078050000001,44.872496000000005 +10790,#7400 - Walker Apts,-93.3214542,44.8692897 +10791,72 St W,-93.3290884,44.8730782 +10792,72 St W,-93.32876680000001,44.8726228 +10793,Parklawn Av,-93.3232643,44.868512300000006 +10794,Southdale P&R,-93.3235889,44.8785953 +10795,69 St W,-93.3214033,44.877574100000004 +10796,Hazelton Rd,-93.3210719,44.874728000000005 +10797,Hazelton Rd,-93.32138660000001,44.8742321 +10798,#3535 - Fedex,-93.3232936,44.8742706 +10799,#3650 - Guitar Ctr,-93.3219766,44.8744906 +10800,70 St/HazElton,-93.3234733,44.875832300000006 +10801,69 St W,-93.3210351,44.8787633 +10802,HazElton/70 St,-93.32345330000001,44.875823100000005 +10803,Southdale P&R,-93.323159,44.8782779 +10804,70 St W,-93.32107380000001,44.8766946 +10805,65 St W,-93.3332153,44.8858179 +10806,Brookview Av,-93.33362910000001,44.887476400000004 +10807,#6314 / #6316,-93.3291312,44.8881753 +10808,#6226,-93.32908660000001,44.8893313 +10809,Hazelton Rd,-93.3287736,44.874412500000005 +10810,York Av,-93.32146970000001,44.8799968 +10811,Southdale Entrance,-93.3213652,44.8801093 +10812,York Av S,-93.321556,44.874507900000005 +10813,66 St W,-93.32066900000001,44.8838221 +10814,Southdale Circle,-93.3210397,44.881949600000006 +10815,66 St W,-93.3313325,44.883023 +10816,Xerxes Av S,-93.3190735,44.8834759 +10817,State Fair P&R,-93.3222983,44.882795300000005 +10818,68 St W,-93.33154560000001,44.880756000000005 +10819,State Fair P&R,-93.32240510000001,44.882677900000004 +10820,#6775 - York Av S,-93.3202028,44.8800693 +10821,68 St W,-93.331777,44.8809623 +10822,Layover,-93.3221901,44.881444800000004 +10823,Door #13,-93.3238371,44.880840600000006 +10824,66 St W,-93.33197580000001,44.883767500000005 +10825,Hwy 62,-93.3288941,44.8876749 +10826,Edina Liquor Store,-93.3210612,44.880619700000004 +10827,Barrie Rd,-93.3228814,44.8837051 +10828,Hwy 62 / 62 St W,-93.32895380000001,44.8892874 +10829,Drew Av S,-93.3257025,44.8837203 +10830,Valley View Rd,-93.3327318,44.8860436 +10831,65 St W,-93.3260451,44.885135600000005 +10832,Southdale Medical Bldg,-93.32806830000001,44.885435300000005 +10833,Valley View Rd,-93.33291670000001,44.886200800000005 +10834,Drew Av S,-93.3262253,44.8854691 +10835,Fairview Hospital,-93.32774420000001,44.8854442 +10836,Brookview Av,-93.3338073,44.887737800000004 +10837,Heritage Dr,-93.3233967,44.888827000000006 +10838,65 St W,-93.32323360000001,44.8853376 +10839,#6417-6447,-93.3223136,44.8866554 +10840,#6417-6447,-93.3224311,44.886523700000005 +10841,64 St W,-93.3190998,44.887325100000005 +10842,65 St W,-93.3191163,44.885536300000005 +10843,65 St W,-93.3187389,44.8852423 +10844,64 St W,-93.31871360000001,44.886997300000004 +10845,York Av S,-93.320784,44.8894943 +10846,Xerxes Av S,-93.3191103,44.889486700000006 +10847,York Av S,-93.32074920000001,44.8895843 +10848,69 St W,-93.30851270000001,44.877915400000006 +10849,Heritage Dr,-93.3128885,44.8903508 +10850,70 St W,-93.30870490000001,44.8765123 +10851,Heritage Dr,-93.3187218,44.8893897 +10852,69 St W,-93.3087359,44.8783146 +10853,Heritage Dr,-93.3232517,44.888903500000005 +10854,72 St W,-93.3087258,44.8728795 +10855,71 St W,-93.3087302,44.8745634 +10856,74 St W,-93.30854980000001,44.8690051 +10857,74 St W,-93.3087472,44.869332 +10858,73 St W,-93.30854570000001,44.8707951 +10859,73 St W,-93.30877310000001,44.8711135 +10860,Sheridan Av S,-93.3126434,44.883473800000004 +10861,72 St W,-93.30853330000001,44.872566600000006 +10862,Thomas Av S,-93.31390560000001,44.883512100000004 +10863,71 St W,-93.30848920000001,44.874419100000004 +10864,Vincent Av S,-93.31645110000001,44.8835088 +10865,70 St W,-93.3085133,44.876214600000004 +10866,Washburn Av S,-93.3177575,44.883519500000006 +10867,66 St W,-93.3084932,44.8833524 +10868,Washburn Av S,-93.31755310000001,44.8837002 +10869,Vincent Av S,-93.3160175,44.8836937 +10870,Thomas Av S,-93.31351120000001,44.883682300000004 +10871,68 St W,-93.3085305,44.8797872 +10872,66 St W,-93.3087582,44.8839022 +10873,67 St W,-93.3085253,44.881587100000004 +10874,67 St W,-93.3087721,44.8818761 +10875,68 St W,-93.3087586,44.880060400000005 +10876,Penn Av S,-93.30834630000001,44.8836796 +10877,65 St W,-93.30855030000001,44.885148300000004 +10878,Queen Av S,-93.31010810000001,44.8835015 +10879,Penn Av S,-93.3090002,44.883485400000005 +10880,64 St W,-93.3085502,44.8869607 +10881,66 St W,-93.30877310000001,44.8832157 +10882,63 St W,-93.30858230000001,44.8888076 +10883,Russell Av S,-93.31133200000001,44.883511000000006 +10884,Queen Av S,-93.3103262,44.883704800000004 +10885,63 St / 62 St W,-93.3085733,44.8897549 +10886,Sheridan Av S,-93.3122625,44.8836494 +10887,64 St W,-93.3087612,44.8873035 +10888,63 St W,-93.3087813,44.888852400000005 +10889,Logan Av S,-93.30321670000001,44.8835392 +10890,Newton Av S,-93.3058805,44.8835558 +10891,65 St W,-93.3087371,44.8855182 +10892,Humboldt Av S,-93.2982784,44.8835539 +10893,James Av S,-93.3007939,44.883537800000006 +10894,62 St W,-93.3289194,44.8910755 +10895,Newton Av S,-93.3063403,44.8833752 +10896,Logan Av S,-93.30383420000001,44.883349200000005 +10897,James Av S,-93.30126100000001,44.883329 +10898,Humboldt Av S,-93.2986844,44.883308500000005 +10899,Hwy 35W En / Exit,-93.2964855,44.883106600000005 +10900,60 St W,-93.3289591,44.894322 +10901,Hwy 35W En / Exit,-93.2960001,44.8835811 +10902,Brookview Av,-93.33551080000001,44.8902639 +10903,Halifax Av,-93.3290808,44.8925913 +10904,61 St/ Valley View,-93.33920690000001,44.892257900000004 +10905,62 St W,-93.3291068,44.8909208 +10906,Wooddale Av,-93.3385904,44.8913595 +10907,Brookview Rd,-93.33546960000001,44.890365300000006 +10908,Wooddale Av,-93.33891770000001,44.8916151 +10909,58 St W,-93.3289704,44.897962500000006 +10910,60 St / Grimes,-93.328968,44.896258800000005 +10911,60 St W,-93.33907640000001,44.8946194 +10912,56 St W,-93.3289515,44.9010431 +10913,61 St W,-93.33905530000001,44.892534600000005 +10914,57 St W,-93.32895690000001,44.899765900000006 +10915,58 St W,-93.33908070000001,44.897963700000005 +10916,60 St W,-93.32907800000001,44.893881300000004 +10917,Woodland Rd,-93.33907760000001,44.899236 +10918,Tower St,-93.33913460000001,44.900722300000005 +10919,Halifax Av,-93.328951,44.892393500000004 +10920,59 St W,-93.339059,44.8961388 +10921,58 St W,-93.32910030000001,44.898176400000004 +10922,59 St W,-93.33921640000001,44.8966585 +10923,Wood End Dr,-93.32908110000001,44.8996415 +10924,Grimes / 60 St,-93.3290994,44.8959319 +10925,Woodland Rd W,-93.3392001,44.8999979 +10926,Xerxes Av S,-93.31861980000001,44.891195800000006 +10927,58 St W,-93.3392142,44.8981775 +10928,Hwy 62 Ramp,-93.31871170000001,44.8902781 +10929,60 St W,-93.31888020000001,44.8940094 +10930,Tower St,-93.3392742,44.900927800000005 +10931,Brookview Av,-93.3351281,44.9053478 +10932,61 St W,-93.31892520000001,44.8926266 +10933,60 St W,-93.31878950000001,44.8947274 +10934,61 St W,-93.3187759,44.892474500000006 +10935,57 St W,-93.3187546,44.8996664 +10936,58 St W,-93.31879090000001,44.8978764 +10937,59 St W,-93.31878040000001,44.8960633 +10938,Oaklawn Av,-93.3364255,44.905350600000006 +10939,57 St W,-93.3188928,44.8998579 +10940,Golf Terrace,-93.339245,44.904979600000004 +10941,58 St W,-93.3188892,44.898148400000004 +10942,59 St W,-93.31886850000001,44.8963302 +10943,Oak Dr,-93.3392446,44.902872 +10944,56 St W,-93.33927920000001,44.9018674 +10945,55 St W,-93.33913390000001,44.9033752 +10946,56 St W,-93.3391081,44.9015684 +10947,Kellogg Av,-93.33774380000001,44.905354900000006 +10948,Wooddale Av,-93.33898760000001,44.9053656 +10949,Lakeview Dr,-93.339241,44.903961100000004 +10950,Halifax Av,-93.3310823,44.905369400000005 +10951,Halifax Av,-93.33127590000001,44.9053162 +10952,Kellogg Av,-93.3381064,44.9052845 +10953,France Av S,-93.3292926,44.905287300000005 +10954,Minnehaha Blvd,-93.33381650000001,44.905320700000004 +10955,Oaklawn Av,-93.33682830000001,44.9052899 +10956,54 St W,-93.32912010000001,44.905403400000004 +10957,51 St W,-93.3290259,44.910870900000006 +10958,54 St W,-93.3391457,44.9051716 +10959,52 St W,-93.32897000000001,44.908804100000005 +10960,Brookview Av,-93.33557880000001,44.905300700000005 +10961,51 St W,-93.3289821,44.910588000000004 +10962,53 St W,-93.32895210000001,44.906997800000006 +10963,55 St W,-93.3289046,44.903366000000005 +10964,52 St W,-93.32913620000001,44.909039400000005 +10965,53 St W,-93.3291035,44.9071772 +10966,56 St W,-93.3291284,44.901330300000005 +10967,56 St W,-93.31890960000001,44.901775 +10968,55 St W,-93.32912560000001,44.903548 +10969,55 St W,-93.3188957,44.9035511 +10970,54 St W,-93.32894230000001,44.905156500000004 +10971,54 St W,-93.3188794,44.9053423 +10972,Minnehaha Blvd,-93.3332704,44.905352400000005 +10973,56 St W,-93.31876630000001,44.901495100000005 +10974,Xerxes Av S,-93.3186438,44.9016913 +10975,Washburn Av S,-93.31770610000001,44.8943518 +10976,54 St W,-93.31876910000001,44.9050773 +10977,55 St W,-93.3187863,44.9032968 +10978,53 St W,-93.31888950000001,44.907178800000004 +10979,52 St W,-93.31891560000001,44.9089824 +10980,51 St W,-93.3189397,44.9107952 +10981,53 St W,-93.31877940000001,44.9069203 +10982,Upton Av S,-93.31518100000001,44.8943195 +10983,51 St W,-93.3188109,44.910525500000006 +10984,Sheridan Av S,-93.3126429,44.894305 +10985,52 St W,-93.3187963,44.9087368 +10986,Washburn Av S,-93.31736430000001,44.894449900000005 +10987,Hwy 62,-93.30857200000001,44.891592300000006 +10988,Upton Av S,-93.31482790000001,44.894447500000005 +10989,61 St W,-93.30858160000001,44.8924028 +10990,62 St W,-93.3087983,44.890216300000006 +10991,Sheridan Av S,-93.3123429,44.8944387 +10992,60 St W,-93.3085858,44.8941754 +10993,61 St W,-93.30876090000001,44.892701100000004 +10994,Penn Av S,-93.3080656,44.8944076 +10995,62 St S,-93.30875440000001,44.8913991 +10996,60 St W,-93.30879900000001,44.894480900000005 +10997,57 St W,-93.3086043,44.8994854 +10998,Queen Av S,-93.31011810000001,44.894286900000004 +10999,58 St W,-93.3085992,44.8978097 +11000,59 St W,-93.30860410000001,44.896788 +11001,Penn Av S,-93.3088836,44.894275 +11002,58 St W,-93.3087557,44.8981118 +11003,Queen Av S,-93.30877000000001,44.897049800000005 +11004,Queen Av S,-93.309897,44.894449 +11005,57 St W,-93.3087448,44.900028000000006 +11006,Washburn Av S,-93.3174039,44.9016536 +11007,59 St W,-93.3006175,44.895470100000004 +11008,Morgan Av S,-93.305,44.8942731 +11009,Knox Av S,-93.30250550000001,44.894271700000004 +11010,Upton Av S,-93.3148434,44.901656200000005 +11011,Newton Av S,-93.30628200000001,44.894284600000006 +11012,Newton Av S,-93.30598950000001,44.894374500000005 +11013,Queen Av S,-93.3101316,44.901513400000006 +11014,Morgan Av S,-93.3046102,44.8944026 +11015,60 St W,-93.3022253,44.8944466 +11016,Oliver Av S,-93.3075584,44.901481700000005 +11017,59 St W,-93.3006955,44.8955634 +11018,58 St W,-93.2984723,44.897221900000005 +11019,Penn Av S,-93.30887460000001,44.901488300000004 +11020,58 St W,-93.2986209,44.896949 +11021,Upton Av S,-93.3151862,44.901554000000004 +11022,Penn Av S,-93.30847510000001,44.901594700000004 +11023,Washburn Av S,-93.3177299,44.9015794 +11024,Queen Av S,-93.3097199,44.9016132 +11025,Sheridan Av S,-93.31264370000001,44.901531000000006 +11026,Cumberland Rd,-93.312308,44.9015846 +11027,Oliver Av S,-93.3072269,44.901588200000006 +11028,56 St W,-93.3087387,44.901648300000005 +11029,54 St W,-93.3085956,44.9049582 +11030,55 St W,-93.308594,44.903217500000004 +11031,54 St W,-93.3086918,44.9052809 +11032,Cromwell Dr,-93.3087139,44.906204100000004 +11033,56 St W,-93.30857010000001,44.9013957 +11034,51 St W,-93.30864840000001,44.9103997 +11035,55 St W,-93.3087096,44.903466800000004 +11036,52 St W,-93.30863740000001,44.9089778 +11037,53 St W,-93.3085824,44.906734300000004 +11038,Humboldt Av S,-93.29841040000001,44.901559000000006 +11039,51 St W,-93.30880730000001,44.910737100000006 +11040,52 St W,-93.3087625,44.9089717 +11041,53 St W,-93.3087311,44.9071228 +11042,Humboldt Av S,-93.298668,44.901457300000004 +11043,73 St W,-93.2883048,44.8707192 +11044,Fremont Av S,-93.2961257,44.9014505 +11045,72 St W,-93.2883242,44.8725596 +11046,74 St W,-93.28830310000001,44.8689249 +11047,Knox Av S,-93.30244210000001,44.9014631 +11048,69 St W,-93.28855890000001,44.8781301 +11049,70 St W,-93.2892309,44.876452900000004 +11050,Morgan Av S,-93.30500020000001,44.9014723 +11051,Oak Grove Blvd,-93.28907190000001,44.875139600000004 +11052,James Av S,-93.30120640000001,44.9014642 +11053,69 St W,-93.2884216,44.8779556 +11054,71 St W,-93.28869420000001,44.8743587 +11055,Morgan Av S,-93.30467320000001,44.9015883 +11056,70 St W,-93.289096,44.8761099 +11057,73 St W,-93.278315,44.8710341 +11058,Knox Av S,-93.30215100000001,44.901579700000006 +11059,72 St W,-93.2783045,44.872838200000004 +11060,James Av S,-93.30085220000001,44.9015593 +11061,71 St W,-93.28862600000001,44.8734729 +11062,74 St W,-93.2783388,44.8692355 +11063,72 St W,-93.2884763,44.872771300000004 +11064,73 St E,-93.27814590000001,44.8707677 +11065,72 St E,-93.2781357,44.8725377 +11066,73 St W,-93.2886,44.871057 +11067,74 St E,-93.2781764,44.868959800000006 +11068,69 St W,-93.2782873,44.878279400000004 +11069,74 St W,-93.2884863,44.869200400000004 +11070,71 St W,-93.2783,44.874510400000005 +11071,70 St W,-93.2782844,44.8764714 +11072,Rae Dr,-93.2906099,44.883022800000006 +11073,69 St E,-93.2780422,44.8784957 +11074,71 St E,-93.2780965,44.8743586 +11075,70 St E,-93.2780795,44.876220200000006 +11076,66 St W,-93.2953349,44.8830709 +11077,Emerson Av S,-93.2944137,44.8835539 +11078,Lynwood Blvd,-93.29234050000001,44.8833799 +11079,Lynwood Blvd,-93.2929854,44.883317000000005 +11080,Lake Shore Dr,-93.2913156,44.8829087 +11081,#6500 Woodlake,-93.2891747,44.8832541 +11082,Lyndale Av S,-93.2867161,44.884903 +11083,Lyndale Av S,-93.2867659,44.8848761 +11084,64 St W,-93.2883448,44.8869142 +11085,Lake Shore Dr,-93.2877488,44.880543100000004 +11086,65 St W,-93.2863976,44.8853523 +11087,63 St W,-93.2884468,44.8889391 +11088,Lake Shore Dr,-93.28782580000001,44.8809977 +11089,64 St W,-93.2879757,44.8868066 +11090,63 St W,-93.2882658,44.8886843 +11091,68 St W,-93.28795930000001,44.879839600000004 +11092,65 St W,-93.2858621,44.8849845 +11093,68 St W,-93.27825410000001,44.8800411 +11094,68 St W,-93.2878146,44.8796837 +11095,67 St W,-93.27825100000001,44.881865600000005 +11096,66 St W,-93.27829890000001,44.8839751 +11097,67 St W,-93.287394,44.8815441 +11098,66 St W,-93.28635120000001,44.8839363 +11099,Grand Av S,-93.28480780000001,44.883313900000005 +11100,66 St E,-93.2779988,44.8840104 +11101,66 St W,-93.2860095,44.8840306 +11102,Hub Center,-93.28223580000001,44.883329100000005 +11103,Nicollet Av S,-93.27936050000001,44.8833332 +11104,#6615 Lakeshore,-93.2896956,44.8829584 +11105,Stevens Av S,-93.2758168,44.8834226 +11106,Lyndale Av S,-93.2871226,44.883281700000005 +11107,67 St E,-93.2780786,44.8815089 +11108,Hub Center,-93.28157490000001,44.8835223 +11109,Lyndale Av S,-93.2858733,44.883529900000006 +11110,Grand Av S,-93.28480780000001,44.883507400000006 +11111,Stevens Av S,-93.2753404,44.8835448 +11112,65 St W,-93.2782689,44.8859409 +11113,Nicollet Av S,-93.2794116,44.883583900000005 +11114,68 St E,-93.2780735,44.879734500000005 +11115,64 St W,-93.278221,44.8871765 +11116,63 St W,-93.2781729,44.8889883 +11117,63 St W,-93.27804210000001,44.8887318 +11118,71 St E,-93.2680959,44.8746546 +11119,65 St E,-93.2780103,44.8862402 +11120,73 St E,-93.2528879,44.8707901 +11121,Diagonal Blvd,-93.2528525,44.8734617 +11122,74 St E,-93.2680241,44.8689515 +11123,74 St E,-93.25287750000001,44.8690056 +11124,74 St E,-93.25301710000001,44.869248400000004 +11125,72 St E,-93.2679693,44.872974 +11126,Diagonal Blvd,-93.25301440000001,44.8733109 +11127,73 St E,-93.26800320000001,44.8706997 +11128,73 St E,-93.25302690000001,44.8709671 +11129,69 St E,-93.2528963,44.8779747 +11130,74 St E,-93.2681656,44.869266100000004 +11131,Fern Dr,-93.2528824,44.874888500000004 +11132,70 St E,-93.2528954,44.8762003 +11133,72 St E,-93.2681295,44.8729865 +11134,70 St E,-93.25299580000001,44.8765093 +11135,71 St E,-93.25303600000001,44.874681900000006 +11136,73 St E,-93.2681548,44.871067800000006 +11137,69 St E,-93.2530256,44.878170000000004 +11138,70 St E,-93.2679248,44.8761638 +11139,3 Av S,-93.2732651,44.883414300000005 +11140,71 St E,-93.26795390000001,44.8743356 +11141,Apple Lane,-93.27061060000001,44.883572900000004 +11142,69 St E,-93.267899,44.8779356 +11143,3 Av S,-93.2728457,44.883571800000006 +11144,69 St E,-93.26805230000001,44.8782793 +11145,67 St E,-93.2678468,44.881515 +11146,68 St E,-93.26790050000001,44.8797663 +11147,70 St E,-93.26804270000001,44.876471300000006 +11148,67 St E,-93.2680074,44.881895500000006 +11149,68 St E,-93.2680406,44.880092600000005 +11150,64 St E,-93.2678149,44.8869513 +11151,Portland Av S,-93.2670878,44.883601000000006 +11152,Park Av S,-93.2652012,44.8835825 +11153,Park Av S,-93.2656494,44.8834516 +11154,Chicago Av S,-93.2631901,44.883452600000005 +11155,66 St E,-93.26785240000001,44.8837838 +11156,64 St E,-93.26794960000001,44.8872592 +11157,66 St E,-93.2680002,44.8837002 +11158,#6244,-93.26794480000001,44.8889475 +11159,Portland / Oakland,-93.2670186,44.883414800000004 +11160,Hwy 62,-93.2678018,44.889983400000006 +11161,14 Av S,-93.25523670000001,44.883591 +11162,12 Av S,-93.2576665,44.883560800000005 +11163,10 Av S,-93.26067,44.8834387 +11164,10 Av S,-93.2602178,44.883569400000006 +11165,14 Av S,-93.25568910000001,44.8834266 +11166,66 St E,-93.2530435,44.883642300000005 +11167,Chicago Av S,-93.26303200000001,44.8835788 +11168,Bloomington Av S,-93.2524152,44.8835622 +11169,63 St E,-93.25282610000001,44.8888474 +11170,68 St E,-93.2528918,44.8797665 +11171,65 St E,-93.25303930000001,44.8854315 +11172,67 St E,-93.252908,44.8815496 +11173,64 St E,-93.25285860000001,44.8870146 +11174,65 St E,-93.25287660000001,44.8852308 +11175,66 St E,-93.25292710000001,44.8833563 +11176,63 St E,-93.25302760000001,44.8890631 +11177,68 St E,-93.25301560000001,44.880022800000006 +11178,64 St E,-93.25297350000001,44.887243000000005 +11179,60 St W,-93.2884221,44.8940988 +11180,Bloomington Av S,-93.2533415,44.8834248 +11181,61 St W,-93.2884403,44.892586300000005 +11182,60 St W,-93.2882491,44.894123400000005 +11183,67 St E,-93.25301610000001,44.8818548 +11184,12 Av S,-93.2583299,44.883439300000006 +11185,57 St W,-93.27819170000001,44.8997843 +11186,61 St W,-93.28828080000001,44.8919859 +11187,Emerson Av S,-93.29449930000001,44.8979605 +11188,Colfax Av S,-93.29192950000001,44.8978939 +11189,Lyndale Av S,-93.2885612,44.897768400000004 +11190,57 St W,-93.2882191,44.899533500000004 +11191,59 St W,-93.27821730000001,44.895726700000004 +11192,58 St W,-93.2882136,44.8976631 +11193,Emerson Av S,-93.29484880000001,44.8978203 +11194,57 St E,-93.27805880000001,44.899562700000004 +11195,Colfax Av S,-93.292303,44.8977987 +11196,61 St W,-93.2781911,44.8924893 +11197,58 St E,-93.2780233,44.8977219 +11198,59 St E,-93.2779574,44.895430100000006 +11199,56 St W,-93.28815920000001,44.901727400000006 +11200,61 St E,-93.2780166,44.892786 +11201,58 St W,-93.2782174,44.898012200000004 +11202,54 St W,-93.28818720000001,44.904908600000006 +11203,Colfax Av S,-93.29228730000001,44.901439700000005 +11204,Harriet Av S,-93.28556880000001,44.9051716 +11205,Aldrich Av S,-93.2897186,44.9014162 +11206,55 St / 56 St,-93.2884648,44.9020129 +11207,Emerson Av S,-93.29484930000001,44.9014431 +11208,54 St W,-93.2884338,44.904796000000005 +11209,55 St / 56 St W,-93.288466,44.9020536 +11210,Fremont Av S,-93.295786,44.901539 +11211,56 St W,-93.2881589,44.9017497 +11212,55 St W,-93.2881486,44.9031182 +11213,Emerson Av S,-93.2945304,44.9015408 +11214,Harriet Av,-93.28561140000001,44.905051900000004 +11215,Minnehaha Pkwy,-93.2881725,44.9075276 +11216,Colfax Av S,-93.2919761,44.901517000000005 +11217,51 St W,-93.288404,44.9101389 +11218,Aldrich Av S,-93.28942550000001,44.901516400000006 +11219,Minnehaha Pkwy,-93.28840430000001,44.9088044 +11220,53 St W,-93.2884669,44.906662600000004 +11221,Pleasant Av S,-93.28304630000001,44.904797900000005 +11222,51 St W,-93.2881957,44.9106682 +11223,56 St E,-93.2779665,44.901439800000006 +11224,Diamond Lake Rd,-93.2755908,44.903795900000006 +11225,Nicollet Av S,-93.2786358,44.9041264 +11226,54 St E,-93.27799920000001,44.905075200000006 +11227,Diamond Lake Rd,-93.2782299,44.904133400000006 +11228,Nicollet Av S,-93.2786224,44.9041244 +11229,Nicollet Av S,-93.27775840000001,44.903854700000004 +11230,Wentworth Av,-93.2807356,44.904434 +11231,Elmwood Place W,-93.2781308,44.910635600000006 +11232,52 St W,-93.2781468,44.9088994 +11233,Grand Av S,-93.28458730000001,44.9048911 +11234,51 St (Elmwood),-93.27799750000001,44.9103988 +11235,52 St E,-93.277997,44.908623600000006 +11236,Wentworth Av,-93.2807787,44.9043001 +11237,60 St E,-93.2629663,44.8944811 +11238,Pleasant Av S,-93.2833899,44.904696300000005 +11239,Grand Av S,-93.2843229,44.904979100000006 +11240,Hwy 62,-93.26791,44.891330700000005 +11241,Park Av S,-93.2654969,44.894268600000004 +11242,Diamond Lake Rd,-93.275593,44.9037853 +11243,60 St E,-93.26774400000001,44.8940612 +11244,Nicollet Av S,-93.2777313,44.9038508 +11245,Chicago Av S,-93.26310120000001,44.8942856 +11246,61 St E,-93.26775190000001,44.8923785 +11247,56 St W,-93.2781873,44.9016674 +11248,Park Av,-93.26775,44.891601400000006 +11249,61 St E,-93.2678798,44.892653100000004 +11250,Diamond Lake Rd,-93.27559480000001,44.903772700000005 +11251,Park Av S,-93.2651563,44.8943868 +11252,60 St E,-93.267927,44.8940539 +11253,Diamond Lake Rd,-93.274268,44.9037486 +11254,58 St E,-93.2669092,44.8991817 +11255,Diamond Lake Rd,-93.277977,44.903799400000004 +11256,59 St E,-93.26768220000001,44.896136000000006 +11257,57 St E,-93.2662557,44.900399300000004 +11258,Diamond Lake Ln,-93.2678564,44.8962044 +11259,58 St E,-93.26677550000001,44.8995364 +11260,57 St E,-93.2664433,44.900720500000006 +11261,59 St E,-93.2579372,44.8962499 +11262,14 Av S,-93.2556711,44.894354500000006 +11263,58 St E,-93.26272080000001,44.8977705 +11264,59 St E,-93.2627245,44.895970600000005 +11265,Hwy 62 Svc Rd,-93.2524691,44.8928008 +11266,57 St E,-93.2627968,44.8988895 +11267,62 St E,-93.2529612,44.890846700000004 +11268,57 St E,-93.25764570000001,44.899643100000006 +11269,Chicago Av S,-93.2625259,44.899804100000004 +11270,15 Av S,-93.25429100000001,44.8944391 +11271,Elliot Av S,-93.26133560000001,44.899815600000004 +11272,11 Av S,-93.25884570000001,44.8998154 +11273,13 Av S,-93.2567571,44.894319800000005 +11274,12 Av S,-93.25792600000001,44.8996943 +11275,57 St E,-93.26267010000001,44.8996379 +11276,12 Av S,-93.25775300000001,44.894373200000004 +11277,11 Av S,-93.2591354,44.899654600000005 +11278,60 St E,-93.25796190000001,44.8944461 +11279,Elliot Av S,-93.2616421,44.8996812 +11280,56 St E,-93.266203,44.901376600000006 +11281,62 St E,-93.2528374,44.8905954 +11282,58 St E,-93.26288430000001,44.8980728 +11283,Hampshire Dr,-93.2698163,44.9037127 +11284,59 St E,-93.2629175,44.8962541 +11285,55 St E,-93.2669214,44.903212200000006 +11286,56 St E,-93.26648420000001,44.9016831 +11287,58 St E,-93.2577193,44.897792100000004 +11288,55 St E,-93.2673563,44.903470600000006 +11289,59 St E,-93.2577636,44.896002800000005 +11290,3 Av S,-93.27273020000001,44.9033682 +11291,Park Av S,-93.265517,44.901465300000005 +11292,58 St E,-93.25790230000001,44.8980563 +11293,Portland Av S,-93.2662299,44.901625300000006 +11294,Columbus Av S,-93.2638446,44.901647100000005 +11295,56 St E,-93.2625977,44.9014247 +11296,Clinton Av,-93.2718531,44.903100200000004 +11297,Hampshire Dr,-93.26998880000001,44.9035194 +11298,56 St E,-93.2628354,44.9017052 +11299,55 St E,-93.26275580000001,44.9035073 +11300,56 St E,-93.2628177,44.9012897 +11301,55 St E,-93.2626077,44.903253500000005 +11302,54 St E,-93.26277950000001,44.905363900000005 +11303,54 St E,-93.26251570000001,44.905076300000005 +11304,14 Av S,-93.2548192,44.9053386 +11305,53 St E,-93.26277110000001,44.907213000000006 +11306,12 Av S,-93.2577533,44.9052402 +11307,51 St E,-93.2627994,44.9105738 +11308,52 St E,-93.2627867,44.9090276 +11309,Chicago Av S,-93.2623054,44.9053197 +11310,53 St E,-93.2525495,44.9072235 +11311,53 St E,-93.25239040000001,44.906995800000004 +11312,10 Av S,-93.2602533,44.905218000000005 +11313,52 St E,-93.252364,44.908723900000005 +11314,10 Av S,-93.2599251,44.9053563 +11315,52 St E,-93.2525591,44.9090581 +11316,51 St E,-93.2525088,44.910812500000006 +11317,54 St E,-93.2525763,44.905459300000004 +11318,51 St E,-93.25237130000001,44.910519400000005 +11319,51 St E,-93.2625771,44.9105233 +11320,54 St E,-93.2523895,44.9051296 +11321,52 St E,-93.26253000000001,44.9090793 +11322,53 St E,-93.262583,44.906921800000006 +11323,14 Av S,-93.25517590000001,44.9052045 +11324,Bloomington Av S,-93.2526819,44.905188200000005 +11325,89 St E,-93.2479608,44.8424315 +11326,12 Av S,-93.25736570000001,44.9053564 +11327,#8806,-93.2478887,44.844306800000005 +11328,86 St E,-93.24785010000001,44.8477991 +11329,16 Av S,-93.2505031,44.835174200000004 +11330,17 Av S,-93.2495804,44.836013200000004 +11331,Old Shakopee Rd,-93.24827810000001,44.837077400000005 +11332,89 St E,-93.2477956,44.842374400000004 +11333,90 St E,-93.24777630000001,44.8407447 +11334,86 St E,-93.24799110000001,44.8475149 +11335,#8806,-93.2478133,44.8444981 +11336,Old Cedar/17 Av,-93.2487832,44.8368905 +11337,Village Park Apts,-93.2447477,44.848029600000004 +11338,17 Av S,-93.2495354,44.836235800000004 +11339,16 Av S,-93.2503832,44.8354902 +11340,22 Av S,-93.2418676,44.8480484 +11341,90 St E,-93.247979,44.840954100000005 +11342,Village Park Apts,-93.2448818,44.8479624 +11343,22 Av S,-93.24261050000001,44.8479801 +11344,17 Av / 18 Av S,-93.2509977,44.847973 +11345,Platform,-93.2318425,44.8558303 +11346,Old Cedar Av S,-93.24897,44.8479794 +11347,Platform,-93.2318544,44.855772800000004 +11348,16 Av / 17 Av S,-93.2512585,44.8479236 +11349,Lindau Ln (81 St E),-93.23744040000001,44.8567297 +11350,Platform,-93.23878880000001,44.8524296 +11351,Old Cedar Av S,-93.2475833,44.8478828 +11352,Gate D,-93.23909010000001,44.854298500000006 +11353,Gate E,-93.2378666,44.8537416 +11354,Metro Tower,-93.2385438,44.8498511 +11355,82 St - Lrt Station,-93.23235720000001,44.855772300000005 +11356,Gate E,-93.23909090000001,44.854369500000004 +11357,86 St E,-93.2394264,44.8481609 +11358,Terminal,-93.23927490000001,44.8543703 +11359,86 St E,-93.23894,44.848659100000006 +11360,Platform,-93.2272734,44.8561562 +11361,Killebrew Dr,-93.2378741,44.8509358 +11362,Kelly Farm - From Fair,-93.2362212,44.855040200000005 +11363,Kelly Farm - To Fair,-93.2362422,44.8550388 +11364,28 Av S,-93.2332765,44.8552138 +11365,82 St E,-93.23265950000001,44.8553669 +11366,Gate C,-93.2390895,44.8542428 +11367,Gate B,-93.2390883,44.8541304 +11368,Gate A,-93.2390869,44.8540051 +11369,Longfellow Av S,-93.2436557,44.864821600000006 +11370,American Blvd,-93.23237230000001,44.8581419 +11371,Longfellow Av S,-93.2440078,44.865001400000004 +11372,Airport Ln (Rac 3 Rd),-93.2411484,44.864451700000004 +11373,Airport Ln (Rac 3 Rd),-93.24057,44.8647353 +11374,Metro Dr E,-93.2274544,44.8585906 +11375,Marriott Hotel,-93.2429532,44.8601484 +11376,Platform,-93.22333010000001,44.8580028 +11377,Platform,-93.22297680000001,44.8595003 +11378,Old Cedar Av S,-93.2493635,44.8600555 +11379,Hwy 494 Exit Ramp,-93.223179,44.8620237 +11380,American / Hwy 494,-93.22281650000001,44.8602245 +11381,24 Av S,-93.2393,44.8593781 +11382,International Dr,-93.225998,44.858845200000005 +11383,International (33 Av),-93.2260964,44.858602000000005 +11384,24 Av S,-93.23954830000001,44.8591722 +11385,Metro Dr E,-93.22810600000001,44.8588186 +11386,Marriott Hotel,-93.2427232,44.859844700000004 +11387,#3535 Main Drive,-93.1895751,44.8307189 +11388,#3535 Main Drive,-93.18945310000001,44.8306655 +11389,Old Cedar Av S,-93.24934060000001,44.8597722 +11390,Ashbury Rd,-93.19250480000001,44.828105900000004 +11391,American Blvd,-93.2379307,44.8582594 +11392,Blue Cross Rd,-93.19419090000001,44.8266143 +11393,American Blvd,-93.23266860000001,44.8582174 +11394,Monterey Ln,-93.19317620000001,44.8245391 +11395,Yankee Doodle,-93.1874008,44.8334999 +11396,Metro Dr W,-93.23026220000001,44.858619100000006 +11397,Yankee Doodle,-93.1875457,44.833496000000004 +11398,Platform,-93.2257225,44.8564944 +11399,Monterey Ln,-93.1933822,44.824684100000006 +11400,Blue Cross Rd,-93.1943054,44.8265419 +11401,Coachman Rd,-93.18061820000001,44.833511300000005 +11402,Ashbury Rd,-93.19240570000001,44.828346200000006 +11403,Yankee Drive,-93.1940149,44.834439 +11404,#3500,-93.19647970000001,44.8318328 +11405,Bc-Bs River Park,-93.1949996,44.8334922 +11406,Main En,-93.1903839,44.8299636 +11407,Yankee Doodle Rd,-93.1850244,44.8338509 +11408,Yankee Doodle,-93.18043370000001,44.8338241 +11409,Century Point,-93.180356,44.8343604 +11410,Yankee Doodle Rd,-93.18493360000001,44.833915700000006 +11411,Surrey Hts Dr,-93.17541960000001,44.8336367 +11412,Surrey Hts Dr,-93.17573970000001,44.833451000000004 +11413,Eagan Transit Station - Arr,-93.1665191,44.832029500000004 +11414,Coachman Rd,-93.1807174,44.8336143 +11415,Eagan Transit Station - Dep,-93.1665191,44.8319306 +11416,Central Pkwy,-93.17185900000001,44.833668 +11417,Town Centre Dr,-93.1652938,44.827548 +11418,Washington Dr,-93.169911,44.833436400000004 +11419,Norwest Court,-93.1671905,44.8351516 +11420,Pilot Knob Rd,-93.16670350000001,44.8272824 +11421,Federal Dr,-93.17259460000001,44.8334428 +11422,Washington Dr,-93.1694748,44.833738000000004 +11423,Town Centre Dr,-93.1649768,44.8278185 +11424,Pilot Knob Rd,-93.1678802,44.8333967 +11425,Crestridge Ln,-93.1671218,44.8251762 +11426,#3255,-93.1798775,44.8375198 +11427,Coachman Rd,-93.18027430000001,44.838684 +11428,Crestridge Dr,-93.167488,44.8253593 +11429,Valley Ridge Dr,-93.1827269,44.838824 +11430,Eagan Transit Station,-93.166505,44.832162000000004 +11431,Lone Oak Rd,-93.16727440000001,44.8478507 +11432,Donald Av,-93.1845942,44.838805300000004 +11433,River Bluff Court,-93.1850022,44.836167100000004 +11434,Valley Ridge Dr,-93.18311840000001,44.8387423 +11435,Coachman Rd,-93.18013570000001,44.8386295 +11436,River Bluff Court,-93.1849031,44.8359715 +11437,Mendota Hts Rd,-93.1673126,44.8653564 +11438,Letendre St,-93.1849241,44.838462400000004 +11439,#3255,-93.18000950000001,44.8369538 +11440,Enterprise Dr,-93.1670989,44.868133500000006 +11441,Northwood Pkwy,-93.16709250000001,44.8385059 +11442,Towerview Rd,-93.16714470000001,44.8442573 +11443,Mendota Hts Rd,-93.1669921,44.865428900000005 +11444,#3333,-93.16733550000001,44.836154900000004 +11445,Corp Ctr Curve W,-93.1653823,44.857616400000005 +11446,Towerview Rd,-93.1672973,44.8444404 +11447,Central Pkwy,-93.1673507,44.838954900000004 +11448,Corp Ctr Curve W,-93.16564170000001,44.8575096 +11449,Lone Oak Rd,-93.1671295,44.8478622 +11450,Northland Dr,-93.1673049,44.863449 +11451,Northland Dr,-93.166954,44.863521500000004 +11452,Mendota Hts Rd,-93.1698195,44.8653964 +11453,Brown Institute,-93.1711044,44.8637224 +11454,Pilot Knob Rd,-93.16750160000001,44.8635687 +11455,Pilot Knob Rd,-93.1663412,44.8655016 +11456,Cargo Rd,-93.2466517,44.8758257 +11457,Pilot Knob Rd,-93.1666053,44.8655643 +11458,Cargo Rd,-93.24653620000001,44.875331800000005 +11459,Lrt Station,-93.2282682,44.8726957 +11460,Brown Institute,-93.17116610000001,44.8636246 +11461,70 St / 34 Av,-93.223129,44.877244000000005 +11462,Northland Dr E,-93.16958790000001,44.8655575 +11463,Shelter #1,-93.21261750000001,44.876575 +11464,70 St / 34 Av,-93.2240256,44.8772923 +11465,Pilot Knob Rd,-93.16804490000001,44.8636793 +11466,34 Av S,-93.224079,44.8724727 +11467,Shelter #2,-93.20955670000001,44.8750282 +11468,Cedar Av S,-93.2484926,44.8837734 +11469,Shelter #1,-93.2095891,44.875036200000004 +11470,16 Av / Richfield Pky,-93.2511472,44.883434300000005 +11471,Richfield Pky / Cedar,-93.2488507,44.8834706 +11472,Richfield Pky / 16 Av,-93.25116170000001,44.883621000000005 +11473,51 St E,-93.232349,44.910895700000005 +11474,52 St E,-93.232343,44.909083100000004 +11475,22 Av S,-93.24140440000001,44.8998367 +11476,53 St E,-93.2323997,44.9072605 +11477,54 St E,-93.23238690000001,44.9054507 +11478,22 Av S,-93.24097900000001,44.8998153 +11479,51 St E,-93.2322032,44.910656100000004 +11480,28 Av S,-93.2321782,44.898137000000006 +11481,56 St E,-93.23228730000001,44.9015429 +11482,54 St E,-93.2322529,44.905196000000004 +11483,28 Av S,-93.2325989,44.8998353 +11484,56 St E,-93.2323908,44.901791700000004 +11485,58 St / 56 St E,-93.222862,44.900121500000004 +11486,58 St E,-93.2323514,44.8983518 +11487,56 St / 58 St E,-93.2230356,44.900079600000005 +11488,58 St E,-93.22304340000001,44.898273 +11489,57 St E,-93.2323058,44.8997764 +11490,Hwy 62,-93.2227931,44.8967035 +11491,57 St E,-93.232493,44.9000098 +11492,58 St E,-93.23249100000001,44.898225200000006 +11493,58 St E,-93.222863,44.8980412 +11494,52 St E,-93.2321792,44.908829700000005 +11495,31 Av S,-93.2272368,44.8980601 +11496,31 Av S,-93.22783290000001,44.898138700000004 +11497,Sander Dr,-93.2255253,44.8980539 +11498,Sander Dr,-93.22522860000001,44.8982016 +11499,36 Av S,-93.2205902,44.9016737 +11500,34 Av S,-93.222733,44.901695800000006 +11501,56 St E,-93.22284590000001,44.9015939 +11502,53 St E,-93.2322376,44.907019600000005 +11503,54 St E,-93.2230066,44.90547 +11504,55 St E,-93.2229944,44.903640200000005 +11505,34 Av S,-93.22273820000001,44.9018317 +11506,56 St E,-93.22303600000001,44.901870300000006 +11507,36 Av S,-93.22022220000001,44.901824500000004 +11508,55 St E,-93.222859,44.9034842 +11509,40 Av S,-93.21512240000001,44.9018152 +11510,54 St E,-93.2227666,44.9052743 +11511,38 Av S,-93.217662,44.901846000000006 +11512,36 Av S,-93.2201572,44.9053302 +11513,40 Av S,-93.21541160000001,44.905358500000006 +11514,38 Av S,-93.21797520000001,44.9053169 +11515,36 Av S,-93.22013960000001,44.9054487 +11516,38 Av S,-93.21757880000001,44.905430700000004 +11517,40 Av S,-93.2150857,44.9054337 +11518,34 Av S,-93.22272650000001,44.9054416 +11519,42 Av S,-93.21294230000001,44.901730400000005 +11520,56 St E,-93.21278240000001,44.9019162 +11521,53 St E,-93.2229655,44.9072642 +11522,55 St E,-93.2127688,44.9036814 +11523,55 St E,-93.21266340000001,44.9034114 +11524,51 St E,-93.22296030000001,44.910932300000006 +11525,54 St E,-93.2126506,44.905246000000005 +11526,42 Av S,-93.2129041,44.905376700000005 +11527,52 St E,-93.22292870000001,44.9091609 +11528,44 Av S,-93.2103512,44.9053441 +11529,53 St E,-93.22280760000001,44.9071068 +11530,51 St E,-93.2228012,44.910650200000006 +11531,42 Av S,-93.21239410000001,44.9054494 +11532,52 St E,-93.22283250000001,44.908912400000006 +11533,44 Av S,-93.20998250000001,44.9054598 +11534,Hwy 13,-93.1671905,44.8722877 +11535,40 Av S,-93.2154496,44.901736500000005 +11536,Hwy 13,-93.1670684,44.8723754 +11537,Gates 1 / 2,-93.2054796,44.8810456 +11538,38 Av S,-93.218007,44.9016965 +11539,Gate #3,-93.20562100000001,44.881210900000006 +11540,Va Medical Ctr Stn,-93.20243690000001,44.9024042 +11541,Gate #4,-93.20563700000001,44.8813655 +11542,48 Av S,-93.20490450000001,44.9053441 +11543,46 Av S,-93.2076995,44.905340300000006 +11544,Va Medical Ctr Stn,-93.2022987,44.9022256 +11545,Visitors Entrance,-93.20416150000001,44.901736400000004 +11546,48 St W,-93.3290369,44.915996400000004 +11547,48 Av S,-93.2049073,44.905444800000005 +11548,46 Av S,-93.2075197,44.905460000000005 +11549,Cleveland Ave & Magoffin Ave,-93.1874897,44.9090007 +11550,Sheridan Ave & Cleveland Ave,-93.1871132,44.9015873 +11551,Cleveland Ave & Itasca Ave,-93.1874908,44.9069828 +11552,Cleveland Ave & Elsie Lane,-93.18749050000001,44.903611700000006 +11553,Davern Street & Norfolk Avenue,-93.1722359,44.898262 +11554,Norfolk Avenue & Wheeler Street,-93.17486810000001,44.8980108 +11555,Cleveland Ave & Ramlow Place,-93.18749980000001,44.905283600000004 +11556,Gannon Road & Edgcumbe Road,-93.17694010000001,44.897454200000006 +11557,Norfolk Avenue & Davern Street,-93.172292,44.898028200000006 +11558,Cleveland Ave & Worcester Ave,-93.18733590000001,44.9035827 +11559,Davern Street & Shepard Road,-93.172245,44.8969219 +11560,Edgcumbe Rd & Sheridan Ave,-93.17739420000001,44.901837300000004 +11561,Cleveland Ave & Ramlow Place,-93.1873453,44.9051732 +11562,Edgcumbe Road & Saint Paul Avenue,-93.17740380000001,44.9039262 +11563,Saint Paul Avenue & Edgcumbe Road,-93.1769082,44.9041069 +11564,Sheridan Ave & Cleveland Ave,-93.18722790000001,44.9016989 +11565,50 St W,-93.32900280000001,44.9123096 +11566,Cleveland Ave & Itasca Ave,-93.18732870000001,44.9069839 +11567,Cleveland Ave & Magoffin Ave,-93.1873087,44.9088154 +11568,Sheridan Ave & Edgcumbe Rd,-93.17745980000001,44.9016017 +11569,Saint Paul Avenue & Quirnia Avenue,-93.1787951,44.905230200000005 +11570,Sheridan Ave & Sue St,-93.1798842,44.901602200000006 +11571,Sheridan Ave & Prior Ave,-93.1824517,44.901595300000004 +11572,Sheridan Ave & Kenneth St,-93.1850034,44.901593000000005 +11573,Sheridan Ave & Kenneth St,-93.1847551,44.901712800000006 +11574,Sheridan Ave & Sue St,-93.1796834,44.9017113 +11575,Sheridan Ave & Prior Ave,-93.18219710000001,44.901720100000006 +11576,Saint Paul Avenue & Dorothea Avenue,-93.1795017,44.906004 +11577,Saint Paul Avenue & Edgcumbe Road,-93.176927,44.9043417 +11578,Saint Paul Avenue & Worcester Avenue,-93.1784423,44.9044133 +11579,Saint Paul Avenue & Susan Avenue,-93.18209820000001,44.908457600000006 +11580,Saint Paul Avenue & Quirnia Avenue,-93.17924620000001,44.905295200000005 +11581,Saint Paul Avenue & Yorkshire Avenue,-93.1844494,44.9115243 +11582,Saint Paul Avenue & Dorothea Avenue,-93.1798375,44.905949 +11583,Saint Paul Avenue & Yorkshire Avenue,-93.18402830000001,44.911435100000006 +11584,Saint Paul Avenue & Susan Avenue,-93.18173030000001,44.908479 +11585,Saint Paul Avenue & Davern Street,-93.1719678,44.9043483 +11586,Benson Av,-93.16593060000001,44.902576 +11587,Madison / Alton,-93.1644371,44.9023156 +11588,Saint Paul Avenue & Davern Park Apartments,-93.169875,44.904354500000004 +11589,7th Street & Maynard Drive,-93.1702875,44.901768600000004 +11590,7 St W,-93.16570460000001,44.904233100000006 +11591,Saint Paul Avenue & Davern Park Apartments,-93.16959220000001,44.904118800000006 +11592,7th Street & Maynard Drive,-93.1704452,44.9018986 +11593,Saint Paul Avenue & Davern Street,-93.1723109,44.904113 +11594,Madison St,-93.1645563,44.904494400000004 +11595,St Paul Av,-93.16496710000001,44.904414800000005 +11596,Saint Paul Avenue & Jewish Community Center,-93.17396880000001,44.904113900000006 +11597,Bruce Av,-93.33645170000001,44.912559400000006 +11598,Saint Paul Avenue & Jewish Community Center,-93.17413420000001,44.904347900000005 +11599,Indianola Av,-93.3330976,44.9125072 +11600,49 St W,-93.3290221,44.914215000000006 +11601,50 St W,-93.3315661,44.912358000000005 +11602,France Av S,-93.32927260000001,44.9125324 +11603,Sunnyside Av,-93.3291942,44.9220254 +11604,48 St W,-93.3291734,44.916244000000006 +11605,46 St W,-93.3291971,44.919526600000005 +11606,49 St W,-93.31892660000001,44.9143964 +11607,49 St W,-93.3291447,44.914466700000006 +11608,48 St W,-93.3189205,44.916220200000005 +11609,50 St W,-93.3289017,44.9125918 +11610,50 St W,-93.31895890000001,44.912679700000005 +11611,49 St W,-93.3188186,44.914129200000005 +11612,Maple Rd,-93.3333647,44.9125499 +11613,50 St W,-93.31877700000001,44.912325800000005 +11614,48 St W,-93.31879380000001,44.9159877 +11615,Halifax Av S,-93.3309813,44.912566500000004 +11616,Zenith / York,-93.3208967,44.912420600000004 +11617,Abbott Av S,-93.3228761,44.9124305 +11618,France Av S,-93.3296665,44.9126023 +11619,Chowen Av S,-93.3254256,44.912459000000005 +11620,Ewing Av S,-93.32804,44.912463900000006 +11621,Xerxes Av S,-93.3190593,44.9123898 +11622,Abbott Av S,-93.3225111,44.9125152 +11623,Chowen Av S,-93.3250203,44.9125712 +11624,Wooddale Av,-93.33891480000001,44.9127121 +11625,York / Zenith,-93.3199259,44.9125316 +11626,Xerxes Av S,-93.3186855,44.912523500000006 +11627,Ewing Av S,-93.32755010000001,44.9126003 +11628,Bruce Av,-93.33599500000001,44.9126117 +11629,45 St W,-93.3189514,44.9216631 +11630,Sunnyside Av,-93.32904020000001,44.921887000000005 +11631,47 St W,-93.31897980000001,44.9180428 +11632,46 St W,-93.3189564,44.9198624 +11633,46 St W,-93.32905140000001,44.9195885 +11634,45 St W,-93.3188404,44.9214088 +11635,46 St W,-93.31883210000001,44.919603900000006 +11636,47 St W,-93.3290364,44.917810800000005 +11637,47 St W,-93.31882010000001,44.917815100000006 +11638,42 St W,-93.3290145,44.926802 +11639,47 St W,-93.32919310000001,44.9180433 +11640,Chowen Av S,-93.3253818,44.932323800000006 +11641,Colgate-Waveland,-93.32902940000001,44.9249846 +11642,42 St W,-93.32912470000001,44.927070900000004 +11643,Colgate Av,-93.329171,44.9250143 +11644,39 St W,-93.3289689,44.9322333 +11645,40 St W,-93.3289807,44.930409000000004 +11646,Zenith Av S,-93.3215346,44.932300600000005 +11647,41 St W,-93.32899570000001,44.9286084 +11648,41 St W,-93.32903250000001,44.928776000000006 +11649,Zenith Av S,-93.3211838,44.9323708 +11650,France Av S,-93.32886140000001,44.9324158 +11651,40 St W,-93.3291418,44.930625400000004 +11652,Chowen Av S,-93.32501970000001,44.932399100000005 +11653,Xerxes Av S,-93.3186591,44.923379600000004 +11654,44 St W,-93.31884980000001,44.9231907 +11655,Xerxes Av S,-93.3185914,44.9323981 +11656,Xerxes Av S,-93.31898770000001,44.932286100000006 +11657,50 St W,-93.30881570000001,44.9121369 +11658,Upton Av S,-93.31518770000001,44.912354900000004 +11659,Upton Av S,-93.31487770000001,44.912494200000005 +11660,Penn Av S,-93.30849400000001,44.9124417 +11661,Washburn / Vincent,-93.31686470000001,44.912378600000004 +11662,Vincent Av S,-93.3161745,44.9124836 +11663,Newton Av S,-93.3063736,44.9122861 +11664,Penn Av S,-93.3081894,44.912291200000006 +11665,Fremont Av S,-93.296096,44.912280800000005 +11666,Queen Av S,-93.3101822,44.9123223 +11667,James Av S,-93.30125600000001,44.9122849 +11668,Minnehaha Pkwy,-93.2981962,44.912260700000004 +11669,Sheridan Av S,-93.3127106,44.912356700000004 +11670,Logan Av S,-93.30383370000001,44.912275300000005 +11671,Newton Av S,-93.3059959,44.9124369 +11672,Sheridan Av S,-93.3123262,44.9124697 +11673,James Av S,-93.30077410000001,44.912439600000006 +11674,Washburn Av S,-93.3174085,44.9233764 +11675,Logan Av S,-93.3034128,44.9124459 +11676,Minnehaha Pkwy,-93.29783250000001,44.9124126 +11677,Washburn Av S,-93.3177838,44.9232869 +11678,43 St W,-93.3145896,44.924453500000006 +11679,39 St W,-93.3129524,44.932129800000006 +11680,42 St W,-93.3130079,44.927519600000004 +11681,41 St W,-93.31296640000001,44.9286067 +11682,Vincent Av S,-93.31655400000001,44.9233003 +11683,Upton Av S,-93.3152692,44.9232722 +11684,40 St W,-93.3130033,44.9303826 +11685,43 St W,-93.31470350000001,44.924778100000005 +11686,Upton Av S,-93.31547880000001,44.9233817 +11687,William Berry Rd,-93.3105812,44.933361100000006 +11688,42 St W,-93.31334000000001,44.9270037 +11689,Vincent Av S,-93.3162004,44.9233798 +11690,Sheridan Av S,-93.3131714,44.932265 +11691,Vincent Av S,-93.3166401,44.932261000000004 +11692,William Berry Rd,-93.3105903,44.933427 +11693,41 St W,-93.31314040000001,44.9288211 +11694,Huntington Av,-93.33209280000001,44.937972900000005 +11695,40 St W,-93.3131548,44.930247800000004 +11696,Joppa Av,-93.33431110000001,44.936179300000006 +11697,Glenhurst Av,-93.33082420000001,44.9389836 +11698,Sheridan Av S,-93.31281080000001,44.932354100000005 +11699,38 St (Monterey),-93.3370392,44.9342235 +11700,Excelsior Blvd,-93.3372671,44.934611100000005 +11701,Vincent Av S,-93.3163566,44.9323628 +11702,Glenhurst Av,-93.3308398,44.939300700000004 +11703,Monterey (38 St),-93.33667430000001,44.9347719 +11704,36 1/2 St,-93.33396330000001,44.936844300000004 +11705,Huntington Av,-93.3321001,44.938295000000004 +11706,34 St W,-93.29844630000001,44.9414803 +11707,Park Glen Rd,-93.3398069,44.9426156 +11708,Glenhurst/France,-93.3299063,44.9397074 +11709,#4501,-93.3385075,44.9431238 +11710,35 St W,-93.33982780000001,44.940285200000005 +11711,Beltline Blvd,-93.33985870000001,44.9449443 +11712,Park Glen Rd,-93.3393788,44.942303200000005 +11713,France Av S,-93.3296162,44.9402741 +11714,Inglewood Av,-93.3328453,44.947271 +11715,Lynn Av,-93.3363212,44.946311300000005 +11716,#4501,-93.33838730000001,44.943060300000006 +11717,#4601,-93.33807440000001,44.945882000000005 +11718,Lynn Av,-93.336025,44.9465288 +11719,#4401,-93.3363377,44.943705400000006 +11720,#4601,-93.3381248,44.9457243 +11721,Harriet Av S,-93.28560010000001,44.9196587 +11722,#4301,-93.33474620000001,44.9442158 +11723,#4301,-93.33422630000001,44.9442443 +11724,#4401,-93.3363631,44.9438152 +11725,Joppa Av,-93.3340927,44.9483721 +11726,Inglewood Av,-93.33288160000001,44.9483508 +11727,Park Embassy,-93.33598710000001,44.948562900000006 +11728,Natchez/Monterey,-93.33858190000001,44.9483894 +11729,Lynn Av,-93.3361953,44.9483869 +11730,Inglewood Av,-93.3320623,44.947579600000005 +11731,France Av,-93.3292217,44.947895800000005 +11732,France Av S,-93.32916080000001,44.9485268 +11733,Inglewood Av,-93.3324048,44.9485515 +11734,Monterey Av,-93.3377035,44.948568200000004 +11735,Joppa Av,-93.33379740000001,44.948562100000004 +11736,Monterey Av,-93.33802460000001,44.955832300000004 +11737,Garfield Av S,-93.28719840000001,44.919494900000004 +11738,Natchez Av,-93.3391933,44.955745500000006 +11739,Natchez Av,-93.3388226,44.955956900000004 +11740,Inglewood Av,-93.332441,44.9558416 +11741,32 St W,-93.32343440000001,44.9451064 +11742,Monterey Av,-93.33769140000001,44.955859800000006 +11743,France Av S,-93.3276726,44.948297000000004 +11744,Drew Av S,-93.3264362,44.9483655 +11745,Kipling Av,-93.3354388,44.9557384 +11746,France Av,-93.3282696,44.948132900000004 +11747,Drew Av S,-93.32611320000001,44.9485301 +11748,Kipling Av,-93.33508020000001,44.9558553 +11749,32 St W,-93.32314120000001,44.945123900000006 +11750,Inglewood Av,-93.3329171,44.9557298 +11751,Calhoun Blvd W,-93.32066130000001,44.947334700000006 +11752,Market Plaza,-93.3204604,44.9476644 +11753,Aldrich Av S,-93.2894593,44.919629 +11754,Cheney Trail,-93.0392518,44.8180862 +11755,Calhoun Commons,-93.3218532,44.9466467 +11756,Calhoun Commons,-93.3216355,44.9465689 +11757,28 St W,-93.3220347,44.9532925 +11758,Lake St W,-93.3182731,44.948162 +11759,Market Plaza,-93.32015750000001,44.948309300000005 +11760,Market Plaza,-93.32115420000001,44.9485302 +11761,Cedar Lake Pkwy,-93.3201748,44.9531975 +11762,Depot St,-93.3213023,44.953237400000006 +11763,France Av S,-93.32859610000001,44.953718200000004 +11764,28 St W,-93.32247840000001,44.9532268 +11765,Cedar Lake Av,-93.3289677,44.954010000000004 +11766,Lyndale Av S,-93.28855440000001,44.919504700000005 +11767,Xerxes Av,-93.3182867,44.953607600000005 +11768,Drew Av S,-93.3263392,44.9535428 +11769,Irving Av S,-93.3016606,44.9376614 +11770,Drew Av S,-93.3263912,44.9536555 +11771,Trolley Stop,-93.30526330000001,44.9358529 +11772,Xerxes Av,-93.3186127,44.9535166 +11773,Humboldt Av S,-93.3007826,44.9377751 +11774,Irving Av S,-93.3020249,44.937772800000005 +11775,Hennepin Ave,-93.2978806,44.937635900000004 +11776,36 St W,-93.2985139,44.9378821 +11777,Trolley Stop,-93.3049522,44.936211300000004 +11778,35 St W,-93.29850370000001,44.939248000000006 +11779,32 St W,-93.29842350000001,44.9445728 +11780,33 St W,-93.2984193,44.942710500000004 +11781,35 St W,-93.2983126,44.939384600000004 +11782,33 St W,-93.2982729,44.943185 +11783,36 St W,-93.29830700000001,44.938014 +11784,32 St W,-93.2982623,44.945027800000005 +11785,34 St W,-93.29827320000001,44.9412071 +11786,Dean Pkwy,-93.31728650000001,44.953141300000006 +11787,Thomas Av S,-93.3139177,44.9496279 +11788,West Bde Maka Ska Parkway,-93.31621910000001,44.9488664 +11789,Dean Pkwy E,-93.3154554,44.9494325 +11790,Cedar Lake Pkwy,-93.31704060000001,44.953159400000004 +11791,Dean Pkwy W,-93.3163791,44.9491348 +11792,Thomas Av S,-93.3137531,44.9499493 +11793,Upton Av S,-93.3152283,44.9534931 +11794,Kenilworth Pl,-93.3121546,44.955339300000006 +11795,Benton Blvd,-93.31515080000001,44.953683100000006 +11796,Calhoun E/Knox Av,-93.30498680000001,44.948313500000005 +11797,Lake Of Isles Pkwy,-93.31221280000001,44.9542785 +11798,Irving Av S,-93.30231760000001,44.9483552 +11799,Dean Pkwy,-93.3121124,44.9544524 +11800,49 St W,-93.2780979,44.914331600000004 +11801,Lake St W,-93.3022296,44.9479987 +11802,Knox Av S,-93.30525420000001,44.9493043 +11803,Irving Av S,-93.3025384,44.949319200000005 +11804,31 St W,-93.2983598,44.946796400000004 +11805,Gates D/E,-93.298066,44.9501007 +11806,Irving Av S,-93.3013152,44.946555200000006 +11807,Terminal,-93.2974988,44.950148600000006 +11808,31 St W,-93.29822800000001,44.9464613 +11809,Lagoon Av,-93.2982408,44.949069400000006 +11810,Lake St W,-93.2982108,44.948077600000005 +11811,Girard Av S,-93.2965327,44.9482883 +11812,Hennepin Av,-93.2984624,44.948297800000006 +11813,Lagoon Av,-93.29840850000001,44.948899100000006 +11814,Humboldt Av S,-93.3002891,44.948253400000006 +11815,Gate C - Load,-93.29803050000001,44.950063300000004 +11816,Gate C,-93.2978786,44.950059200000005 +11817,Uptown - Gate A,-93.2983653,44.950220200000004 +11818,Uptown - Gate B,-93.2981898,44.9502509 +11819,49 St W,-93.2909348,44.9142364 +11820,28 St W,-93.29812980000001,44.9517934 +11821,Bryant Av S,-93.29112140000001,44.9122483 +11822,Bryant Av S,-93.2912225,44.912409800000006 +11823,27 St W,-93.29761880000001,44.953631800000004 +11824,50 St W,-93.2909149,44.9124478 +11825,26 St W,-93.2968123,44.955399500000006 +11826,Dupont Av S,-93.2935715,44.912272200000004 +11827,Dupont Av S,-93.2932195,44.9124148 +11828,27 St W,-93.2976623,44.9538956 +11829,Fremont Av S,-93.29578880000001,44.912443700000004 +11830,50 St W,-93.2907308,44.9125383 +11831,28 St W,-93.2983863,44.9517176 +11832,49 St W,-93.2907531,44.914013000000004 +11833,26 St W,-93.29681930000001,44.955717500000006 +11834,48 St W,-93.2909446,44.9160928 +11835,Bechtel Av,-93.041396,44.8212009 +11836,47 St W,-93.2907807,44.917650900000005 +11837,48 St W,-93.29076470000001,44.9158221 +11838,Lyndale Av S,-93.2884822,44.912243600000004 +11839,50 St W,-93.288165,44.9121772 +11840,Harriet Av S,-93.28582180000001,44.912317300000005 +11841,Harriet Av S,-93.28557470000001,44.912409700000005 +11842,46 St W,-93.2908316,44.919396000000006 +11843,Lyndale Av S,-93.2880476,44.912377400000004 +11844,Aldrich Av S,-93.2893511,44.9123822 +11845,45 St W,-93.29080450000001,44.921267900000004 +11846,Garfield Av S,-93.2865998,44.915923500000005 +11847,44 St W,-93.2907974,44.923035000000006 +11848,46 St W,-93.2909741,44.9196881 +11849,47 St W,-93.29094620000001,44.917861800000004 +11850,48 St E,-93.2755199,44.9161768 +11851,45 St W,-93.29093610000001,44.9214362 +11852,48 St E,-93.27789750000001,44.9162133 +11853,Lyndale Av S,-93.28813790000001,44.9196419 +11854,Belmont Av S,-93.2793865,44.9123175 +11855,Wentworth Av S,-93.2824932,44.912624 +11856,50 St W,-93.2781351,44.912860800000004 +11857,Wentworth Av S,-93.2821246,44.912708800000004 +11858,49 St E,-93.27796690000001,44.9140846 +11859,50 St E,-93.27792090000001,44.9126083 +11860,Grand Av S,-93.28462540000001,44.916000700000005 +11861,47 St W,-93.2843806,44.917718300000004 +11862,46 St W,-93.28437330000001,44.9194758 +11863,48 St W,-93.2780855,44.916161300000006 +11864,46 St W,-93.2845369,44.9197264 +11865,Pillsbury Av S,-93.28163380000001,44.9196898 +11866,Cheney Trail,-93.03913680000001,44.8177742 +11867,Pillsbury Av S,-93.2820987,44.9195584 +11868,Blaisdell Av S,-93.2794176,44.919580800000006 +11869,44 St W,-93.2843993,44.9230767 +11870,Grand Av S,-93.2842619,44.919671400000006 +11871,Grand Av S,-93.2846573,44.919533400000006 +11872,45 St W,-93.2843986,44.9212824 +11873,45 St W,-93.2844864,44.921554500000006 +11874,1 Av S,-93.2764044,44.9197226 +11875,Stevens Av S,-93.2755853,44.917886200000005 +11876,46 St W,-93.27546600000001,44.9194164 +11877,46 St E,-93.27786350000001,44.9200038 +11878,47 St E,-93.2779095,44.9177091 +11879,45 St E,-93.27787900000001,44.921314200000005 +11880,Nicollet Av S,-93.2776908,44.917824700000004 +11881,45 St W,-93.2780458,44.921576 +11882,42 St W,-93.29091620000001,44.926909900000005 +11883,46 St E,-93.2778541,44.9194948 +11884,44 St W,-93.2909472,44.9232886 +11885,43 St W,-93.2909369,44.925095500000005 +11886,Nicollet Av S,-93.2783101,44.9197113 +11887,43 St W,-93.29078770000001,44.9248667 +11888,Nicollet Av S,-93.27758730000001,44.919584 +11889,42 St W,-93.2907651,44.926672 +11890,41 St W,-93.2907643,44.928487800000006 +11891,Stevens Av S,-93.27560980000001,44.919597 +11892,39 St W,-93.29085710000001,44.9316188 +11893,40 St W,-93.2908823,44.930574 +11894,38 St W,-93.29088440000001,44.933539700000004 +11895,41 St W,-93.29091720000001,44.928755100000004 +11896,Bryant Av S,-93.29050430000001,44.9340435 +11897,Lyndale Av S,-93.28850360000001,44.934011600000005 +11898,Harriet Av S,-93.2858573,44.9340203 +11899,46 St E,-93.2740746,44.9199621 +11900,40 St W,-93.2907363,44.930306300000005 +11901,38 St W,-93.2907229,44.9339279 +11902,46 St W,-93.2780594,44.919775800000004 +11903,39 St W,-93.29073790000001,44.932133 +11904,47 St W,-93.2780556,44.9177041 +11905,43 St W,-93.2780505,44.925215800000004 +11906,42 St E,-93.2778337,44.927148700000004 +11907,41 St E,-93.277872,44.9285845 +11908,43 St E,-93.277844,44.924937500000006 +11909,44 St E,-93.2778756,44.9231137 +11910,43 St W,-93.28436160000001,44.924888 +11911,42 St W,-93.27804830000001,44.926632000000005 +11912,41 St W,-93.28433980000001,44.9285311 +11913,42 St W,-93.2843617,44.926702500000005 +11914,Grand Av S,-93.284512,44.9340301 +11915,42 St W,-93.2844872,44.926986 +11916,40 St E,-93.27782040000001,44.9303449 +11917,43 St W,-93.2844937,44.9251759 +11918,44 St W,-93.2844905,44.9233484 +11919,38 St E,-93.2778081,44.9340142 +11920,44 St W,-93.27806960000001,44.923389 +11921,39 St E,-93.2778408,44.932223300000004 +11922,39 St W,-93.2843287,44.9321629 +11923,40 St W,-93.2844402,44.9306003 +11924,40 St W,-93.2843507,44.9303328 +11925,39 St W,-93.27801690000001,44.932468400000005 +11926,38 St W,-93.28433940000001,44.933915400000004 +11927,41 St W,-93.2780386,44.928836000000004 +11928,40 St W,-93.27805790000001,44.9306665 +11929,41 St W,-93.28447390000001,44.9287821 +11930,3 Av S,-93.27301680000001,44.919628700000004 +11931,39 St W,-93.28444830000001,44.932387600000006 +11932,Clinton Av S,-93.27174260000001,44.919620800000004 +11933,4 Av S,-93.2699374,44.9196454 +11934,Park Av S,-93.2653767,44.919662900000006 +11935,2 Av S,-93.27391250000001,44.919742 +11936,Park Av S,-93.2649471,44.9197927 +11937,4 Av S,-93.2699941,44.9197876 +11938,Portland Av S,-93.267403,44.919798 +11939,Portland Av S,-93.26795560000001,44.9196644 +11940,3 Av S,-93.2726049,44.919750900000004 +11941,45 St E,-93.27014310000001,44.9213989 +11942,45 St E,-93.2703147,44.921609200000006 +11943,46 St E,-93.2703451,44.9198524 +11944,48 St E,-93.2524928,44.916256100000005 +11945,Minnehaha Pky,-93.2525059,44.913951100000006 +11946,46 St E,-93.27017020000001,44.920062800000004 +11947,49 St E,-93.26253150000001,44.9141612 +11948,49 St E,-93.2627571,44.9144336 +11949,48 St E,-93.2625398,44.916232400000005 +11950,50 St E,-93.2625919,44.9123559 +11951,50 St E,-93.2628052,44.9125875 +11952,46 St E,-93.2627039,44.9198528 +11953,48 St E,-93.2627298,44.9162413 +11954,47 St E,-93.2627209,44.918063000000004 +11955,50 St E,-93.2523201,44.9122956 +11956,Chicago Av S,-93.2628081,44.919656800000006 +11957,Chicago Av S,-93.262371,44.9197773 +11958,50 St E,-93.2525076,44.912719300000006 +11959,#1121,-93.2579747,44.9196435 +11960,Minnehaha Pky,-93.2523491,44.9142322 +11961,47 St E,-93.26251040000001,44.917729 +11962,46 St E,-93.2624835,44.919273800000006 +11963,48 St E,-93.2523173,44.9159422 +11964,Bloomington Av S,-93.25271470000001,44.9197768 +11965,#1000,-93.2597473,44.9196424 +11966,45 St E,-93.26269740000001,44.921622500000005 +11967,45 St E,-93.26245680000001,44.921390800000005 +11968,45 St E,-93.2524928,44.9216671 +11969,#1121,-93.2574077,44.919782600000005 +11970,45 St E,-93.25229110000001,44.921347100000006 +11971,47 St E,-93.2524853,44.918044300000005 +11972,47 St E,-93.25234680000001,44.9177559 +11973,41 St E,-93.2700185,44.9285836 +11974,46 St E,-93.25229010000001,44.9195884 +11975,42 St E,-93.27010870000001,44.9267094 +11976,46 St E,-93.2525007,44.9194863 +11977,14 Av S,-93.25476850000001,44.919784500000006 +11978,43 St E,-93.2701093,44.924992100000004 +11979,14 Av S,-93.2551347,44.919638500000005 +11980,44 St E,-93.27015580000001,44.923194200000005 +11981,Bloomington Av S,-93.25268150000001,44.9196485 +11982,42 St E,-93.2702151,44.9269831 +11983,44 St E,-93.2702653,44.9234365 +11984,43 St E,-93.27025040000001,44.9252327 +11985,39 St E,-93.2700853,44.932211900000006 +11986,40 St E,-93.2700959,44.9304168 +11987,38 St E,-93.27006630000001,44.934051100000005 +11988,41 St E,-93.27025490000001,44.928874400000005 +11989,44 St E,-93.25246530000001,44.923467300000006 +11990,3 Av S,-93.27288800000001,44.934084600000006 +11991,39 St E,-93.27021040000001,44.932462300000005 +11992,40 St E,-93.27023360000001,44.930647300000004 +11993,42 St E,-93.26262480000001,44.927077000000004 +11994,41 St E,-93.2523335,44.9284787 +11995,43 St E,-93.262585,44.925322800000004 +11996,44 St E,-93.26268010000001,44.923483000000004 +11997,42 St E,-93.2525512,44.9271631 +11998,42 St E,-93.252267,44.9267369 +11999,44 St E,-93.252335,44.9231459 +12000,43 St E,-93.25233370000001,44.92497 +12001,43 St E,-93.2524841,44.925298000000005 +12002,44 St E,-93.2624375,44.9231825 +12003,41 St E,-93.2624761,44.928577100000005 +12004,43 St E,-93.2624612,44.9249633 +12005,41 St E,-93.2524956,44.9289386 +12006,42 St E,-93.2624112,44.9267641 +12007,38 St E,-93.25228800000001,44.9339426 +12008,39 St E,-93.2522879,44.9321731 +12009,41 St E,-93.262545,44.9288928 +12010,39 St E,-93.25252160000001,44.9324883 +12011,39 St E,-93.2626111,44.932470900000006 +12012,40 St E,-93.25251580000001,44.930276000000006 +12013,40 St E,-93.2625988,44.930671600000004 +12014,40 St E,-93.26240030000001,44.930443700000005 +12015,39 St E,-93.2624004,44.9322115 +12016,40 St E,-93.2522909,44.930692300000004 +12017,37 St W,-93.2908814,44.9360249 +12018,Bryant Av S,-93.2905631,44.9377842 +12019,Bryant Av S,-93.2905798,44.9341531 +12020,37 St W,-93.2906761,44.9357856 +12021,36 St W,-93.2908618,44.937446 +12022,Dupont Av S,-93.29317250000001,44.9377456 +12023,Bryant Av S,-93.29104770000001,44.937653700000006 +12024,Lyndale Av S,-93.2884246,44.937628700000005 +12025,Dupont Av S,-93.29366180000001,44.937608600000004 +12026,Lyndale Av S,-93.2878707,44.9377806 +12027,32 St W,-93.29076660000001,44.9448621 +12028,Fremont Av S,-93.29588770000001,44.9376327 +12029,33 St W,-93.2907861,44.943007200000004 +12030,Fremont Av S,-93.29568830000001,44.9377456 +12031,35 St W,-93.29081070000001,44.939631600000006 +12032,34 St W,-93.2908056,44.9414409 +12033,36 St W,-93.2906761,44.937488900000005 +12034,32 St W,-93.2905985,44.944586300000005 +12035,33 St W,-93.2906612,44.942771300000004 +12036,34 St W,-93.290677,44.9411758 +12037,Grand Av S,-93.2841932,44.9341613 +12038,35 St W,-93.29067,44.939350600000004 +12039,Pleasant Av S,-93.2832776,44.934109500000005 +12040,Lyndale Av S,-93.2880085,44.9341619 +12041,Blaisdell Av S,-93.27994770000001,44.934043900000006 +12042,Harriet Av S,-93.2855049,44.934165400000005 +12043,Pleasant Av S,-93.2828965,44.9341815 +12044,Blaisdell Av S,-93.2795451,44.9341912 +12045,Harriet Av S,-93.28581480000001,44.9376515 +12046,37 St W,-93.2843314,44.935744400000004 +12047,36 St W,-93.28423090000001,44.9375718 +12048,37 St W,-93.28440780000001,44.93603 +12049,38 St W,-93.2844123,44.934218200000004 +12050,Pillsbury Av S,-93.28163450000001,44.9376515 +12051,Blaisdell Av S,-93.2799715,44.9376496 +12052,Grand Av S,-93.28453010000001,44.9376496 +12053,35 St W,-93.284289,44.9393651 +12054,36 St W,-93.28444010000001,44.937878600000005 +12055,Nicollet Av S,-93.27774430000001,44.9341894 +12056,Nicollet Av S,-93.2780917,44.9340485 +12057,1 Av S,-93.2768193,44.937688300000005 +12058,37 St E,-93.2777935,44.935807800000006 +12059,36 St E,-93.27405040000001,44.937981300000004 +12060,36 St E,-93.2778004,44.9376003 +12061,1 Av S,-93.2767678,44.9340648 +12062,35 St E,-93.27781750000001,44.939412000000004 +12063,Stevens Av S,-93.2752145,44.9342005 +12064,36 St W,-93.2780312,44.937916300000005 +12065,Pleasant Av S,-93.28290430000001,44.939595100000005 +12066,38 St W,-93.278013,44.9342246 +12067,Blaisdell Av S,-93.2795215,44.939607800000005 +12068,37 St W,-93.27801380000001,44.936057500000004 +12069,34 St W,-93.28425990000001,44.941194800000005 +12070,35 St E,-93.27404030000001,44.939405900000004 +12071,34 St W,-93.28439940000001,44.9414266 +12072,35 St W,-93.2843916,44.9396593 +12073,Carter Av,-93.0408745,44.8203903 +12074,32 St W,-93.28425820000001,44.9445946 +12075,State Fair P&R,-93.2783282,44.944811200000004 +12076,33 St W,-93.2842344,44.942805500000006 +12077,33 St W,-93.2843931,44.9430491 +12078,32 St W,-93.28437860000001,44.944912300000006 +12079,31 St W,-93.2882773,44.946814700000004 +12080,1 Av S,-93.2764068,44.939606100000006 +12081,31 St W,-93.2907648,44.9462739 +12082,34 St E,-93.2778425,44.941184500000006 +12083,35 St W,-93.2780254,44.939684500000006 +12084,Lake St W,-93.28825140000001,44.9485771 +12085,34 St W,-93.2780213,44.94144 +12086,Fremont Av S,-93.29535290000001,44.949301600000005 +12087,33 St E,-93.27785580000001,44.9430254 +12088,32 St E,-93.27781900000001,44.9448519 +12089,Emerson Av S,-93.2942352,44.949175200000006 +12090,33 St W,-93.27803,44.9430697 +12091,Lyndale Av S,-93.2877749,44.9484586 +12092,32 St W,-93.2780257,44.944841000000004 +12093,Bryant Av S,-93.2904615,44.9484621 +12094,Lyndale Av S,-93.2883436,44.948300800000005 +12095,31 St W,-93.2797771,44.946757100000006 +12096,Dupont Av S,-93.2933989,44.948297000000004 +12097,Bryant Av S,-93.291033,44.9482854 +12098,28 St W,-93.28821040000001,44.952100400000006 +12099,Colfax / Dupont,-93.29251980000001,44.9484355 +12100,Harriet Av S,-93.2854552,44.9467195 +12101,Garfield Av S,-93.28697740000001,44.946542300000004 +12102,31 St W,-93.2879886,44.946831 +12103,31 St W,-93.290597,44.946444500000005 +12104,28 St W,-93.2880203,44.9517656 +12105,Lake St W,-93.2880047,44.9486232 +12106,26 St W,-93.288171,44.955693000000004 +12107,26 St W,-93.28796340000001,44.955383700000006 +12108,27 St W,-93.28819580000001,44.953853200000005 +12109,27 St W,-93.2880102,44.9535817 +12110,31 St W,-93.28421870000001,44.9464568 +12111,Pleasant Av S,-93.2831955,44.9465451 +12112,Lake St,-93.27980260000001,44.9485546 +12113,Blaisdell Av S,-93.27989260000001,44.9482931 +12114,Pillsbury / Blaisdell,-93.2804744,44.9465311 +12115,Blaisdell Av S,-93.2794803,44.948438 +12116,31 St W,-93.284356,44.946082800000006 +12117,Grand Av S,-93.2846112,44.9484598 +12118,Grand Av S,-93.283997,44.9482792 +12119,Pleasant Av S,-93.282875,44.946672500000005 +12120,31 St E,-93.27782540000001,44.9465067 +12121,Pillsbury Av S,-93.28118590000001,44.946671800000004 +12122,31 St / Lake St E,-93.27657230000001,44.947409400000005 +12123,Blaisdell / Nicollet,-93.2788953,44.9465428 +12124,Nicollet Av S,-93.2782172,44.9482811 +12125,31 St W,-93.27803630000001,44.946815900000004 +12126,Lake St,-93.27659410000001,44.9487965 +12127,Stevens Av S (35W),-93.2751757,44.948457700000006 +12128,26 St E,-93.2753713,44.955229300000006 +12129,1 Av S,-93.27706880000001,44.948451500000004 +12130,27 St / 26 St E,-93.27779650000001,44.954806000000005 +12131,28 St W,-93.27791520000001,44.952103 +12132,Stevens / 2 Av (35W),-93.2743334,44.948250800000004 +12133,27 St W,-93.27799610000001,44.9538762 +12134,1 Av S,-93.27687420000001,44.948263100000005 +12135,26 St W,-93.2779393,44.955149600000006 +12136,35 St E,-93.27010100000001,44.939421 +12137,Nicollet Av S,-93.27852560000001,44.948441100000004 +12138,36 St E,-93.27009020000001,44.9376021 +12139,Lake St E,-93.2740306,44.9486447 +12140,37 St E,-93.27006610000001,44.935758500000006 +12141,Chicago Av S,-93.26312850000001,44.9342242 +12142,28 St E,-93.2778061,44.9517528 +12143,37 St E,-93.27024800000001,44.9361237 +12144,Stevens Av S,-93.2749541,44.951914800000004 +12145,27 St E,-93.2753655,44.953527400000006 +12146,3 Av S,-93.2725642,44.934203600000004 +12147,38 St E,-93.2702074,44.9342951 +12148,34 St E,-93.27015080000001,44.9411118 +12149,Park Av S,-93.2648278,44.9342338 +12150,Portland Av S,-93.26735280000001,44.93423 +12151,Portland Av S,-93.2677391,44.9341073 +12152,36 St E,-93.2702472,44.9379319 +12153,4 Av S,-93.27033680000001,44.934076700000006 +12154,33 St E,-93.27031930000001,44.9433074 +12155,Park Av S,-93.2645861,44.934087600000005 +12156,4 Av S,-93.2705863,44.934210500000006 +12157,34 St E,-93.27025130000001,44.9416918 +12158,32 St E,-93.27029990000001,44.944807700000005 +12159,33 St E,-93.27023480000001,44.9430192 +12160,35 St E,-93.2702821,44.9397047 +12161,38 St E,-93.2626209,44.934304000000004 +12162,38 St E,-93.26238120000001,44.934411600000004 +12163,37 St E,-93.2626415,44.936073400000005 +12164,36 St E,-93.2626731,44.937913800000004 +12165,10 Av S,-93.2598013,44.934232800000004 +12166,35 St E,-93.2625273,44.939368300000005 +12167,36 St E,-93.2624457,44.937608600000004 +12168,10 Av S,-93.260185,44.934073700000006 +12169,37 St E,-93.25230950000001,44.9357844 +12170,Chicago Av S,-93.26270500000001,44.9340867 +12171,37 St E,-93.2525071,44.9360896 +12172,38 St E,-93.2525191,44.934291800000004 +12173,Bloomington Av S,-93.25264250000001,44.9340562 +12174,13 Av S,-93.2560232,44.9342114 +12175,13 Av S,-93.2563171,44.934076100000006 +12176,12 Av S,-93.25724770000001,44.934223100000004 +12177,Bloomington Av S,-93.2521566,44.9341979 +12178,12 Av S,-93.2576073,44.9340752 +12179,36 St E,-93.252323,44.937580600000004 +12180,37 St E,-93.2624004,44.9358401 +12181,35 St E,-93.2523122,44.939407100000004 +12182,36 St E,-93.2525267,44.9378729 +12183,32 St E,-93.2525942,44.944881200000005 +12184,33 St E,-93.26280360000001,44.9432397 +12185,32 St E,-93.2627685,44.944833100000004 +12186,35 St E,-93.2626884,44.9396837 +12187,34 St E,-93.2627188,44.9415386 +12188,34 St E,-93.2524032,44.9411943 +12189,35 St E,-93.2525334,44.9397108 +12190,34 St E,-93.26254560000001,44.9411791 +12191,33 St E,-93.25240120000001,44.9427723 +12192,32 St E,-93.2523925,44.9445387 +12193,33 St E,-93.2625491,44.9430266 +12194,34 St E,-93.2525346,44.9415208 +12195,33 St E,-93.25252880000001,44.943070000000006 +12196,32 St E,-93.2625716,44.9445805 +12197,Lake St E,-93.27027290000001,44.948170600000005 +12198,31 St E,-93.2702641,44.9465142 +12199,3 Av S,-93.2726382,44.948447300000005 +12200,Clinton Av / 4 Av S,-93.2708147,44.9482742 +12201,Lake St E,-93.2703207,44.94793 +12202,Portland Av S,-93.26802520000001,44.9482766 +12203,32 St E,-93.27036170000001,44.9451349 +12204,Portland Av S,-93.267525,44.9484542 +12205,3 Av S,-93.27305220000001,44.9482609 +12206,31 St E,-93.27037290000001,44.9468517 +12207,5 Av / 4 Av S,-93.2695874,44.948469700000004 +12208,3 Av S,-93.27254040000001,44.955586800000006 +12209,Park Av S,-93.2656286,44.9483778 +12210,26 St E,-93.26891780000001,44.955319200000005 +12211,Park Av S,-93.26548620000001,44.948286 +12212,Clinton Av S,-93.2713358,44.9555683 +12213,27 St E,-93.26894150000001,44.9536862 +12214,Eagandale Ct,-93.15898890000001,44.8517875 +12215,31 St E,-93.2625325,44.946411100000006 +12216,28 St E,-93.2689484,44.952401200000004 +12217,4 Av S,-93.27056350000001,44.9518962 +12218,Oakland Av S,-93.2660728,44.955645800000006 +12219,Portland Av S,-93.26796080000001,44.9518962 +12220,Park Av S,-93.26491080000001,44.9556052 +12221,Chicago-Lake Tc,-93.26259280000001,44.9496793 +12222,Park Av S,-93.2654016,44.951906300000005 +12223,Chicago Av S,-93.2623779,44.9494155 +12224,Wells Fargo,-93.26905860000001,44.9539157 +12225,26 St E,-93.26777770000001,44.9556545 +12226,12 Av S,-93.2579589,44.9484177 +12227,28 St E,-93.2704271,44.9516123 +12228,31 St E,-93.2627743,44.946824500000005 +12229,12 Av S,-93.25781950000001,44.9483042 +12230,10 Av S,-93.26035440000001,44.9483047 +12231,31 St E,-93.2524085,44.946380500000004 +12232,10 Av S,-93.26044060000001,44.948489 +12233,Lake St E,-93.2523929,44.9481369 +12234,Chicago Av S,-93.26215760000001,44.9492599 +12235,Lake St E,-93.2526217,44.948570800000006 +12236,29 St E,-93.2525856,44.9501724 +12237,Chi-Lake Tc Arrive,-93.2625397,44.949653600000005 +12238,29 St E,-93.2523795,44.9504438 +12239,31 St E,-93.25259720000001,44.9466801 +12240,Bloomington Av S,-93.25285430000001,44.948455800000005 +12241,Bloomington Av S,-93.2521062,44.9482871 +12242,28 St E,-93.2626539,44.9518068 +12243,14 Av S,-93.254686,44.9482848 +12244,14 Av S,-93.2548338,44.9484494 +12245,28 St E,-93.2627401,44.952088100000005 +12246,12 Av S,-93.2577773,44.9518891 +12247,Chicago Av S,-93.2628596,44.9519214 +12248,28 St E,-93.2523951,44.951826100000005 +12249,10 Av S,-93.260281,44.9519667 +12250,28 St E,-93.2525861,44.9520739 +12251,Bloomington Av S,-93.25283970000001,44.951892 +12252,27 St E,-93.2626692,44.9539131 +12253,14 Av S,-93.254833,44.9556187 +12254,26 St E,-93.26269210000001,44.955701000000005 +12255,12 Av S,-93.25737210000001,44.955611100000006 +12256,26 St E,-93.2523421,44.9553273 +12257,10 Av S,-93.2598992,44.9556284 +12258,26 St E,-93.2525236,44.9557456 +12259,27 St E,-93.2626082,44.9533592 +12260,27 St E,-93.25254720000001,44.953858000000004 +12261,27 St E,-93.25237360000001,44.953667800000005 +12262,26 St E,-93.26251620000001,44.955386000000004 +12263,Bloomington Av S,-93.25225610000001,44.955599400000004 +12264,Chicago Av S,-93.26292980000001,44.955624500000006 +12265,14 Av S,-93.2552399,44.9519116 +12266,Tyrol Trail,-93.3299683,44.9699004 +12267,#4512,-93.3374553,44.9643669 +12268,Natchez Av,-93.3390596,44.9641095 +12269,#4512,-93.3368926,44.964483800000004 +12270,Natchez Av,-93.33882750000001,44.964292 +12271,Jewish Comm Ctr,-93.3348622,44.9643462 +12272,Fairlawn Way,-93.3378773,44.969709900000005 +12273,Natchez Av S,-93.3391579,44.9692402 +12274,June Av S,-93.333899,44.969893600000006 +12275,Fairlawn Way,-93.3378627,44.9698754 +12276,Natchez Av S,-93.3392129,44.9690626 +12277,Tyrol Trail,-93.330111,44.9697995 +12278,June Av S,-93.3337066,44.970027800000004 +12279,Natchez Av S,-93.33910370000001,44.977223 +12280,Theo Wirth Pkwy,-93.321049,44.9917561 +12281,Parkview Terrace,-93.32986140000001,44.9771244 +12282,Ardmore Dr,-93.3344648,44.977177100000006 +12283,Natchez Av N,-93.3386966,44.977332000000004 +12284,Maddaus Ln,-93.3373521,44.977289400000004 +12285,Meadow Ln S,-93.3316372,44.9771626 +12286,Westwood Dr N,-93.33611160000001,44.977282300000006 +12287,Ardmore Dr,-93.33435490000001,44.9773002 +12288,Westwood Dr S,-93.33648810000001,44.977197000000004 +12289,Meadow Ln N,-93.3309706,44.977284100000006 +12290,Maddaus Ln,-93.33774290000001,44.977200100000005 +12291,Wayzata Blvd N,-93.32201280000001,44.970632900000005 +12292,Wayzata Access,-93.3207548,44.9698859 +12293,Parkview Terrace,-93.3295636,44.9772289 +12294,Wirth Pkwy,-93.3221335,44.9709117 +12295,France Av S,-93.32847500000001,44.9698756 +12296,France Av S,-93.32878550000001,44.969772400000004 +12297,Wayzata Access,-93.32106230000001,44.9691739 +12298,Wayzata Access,-93.3219306,44.969999800000004 +12299,Cedar Lake Pky,-93.3213865,44.969388300000006 +12300,Sheridan Av,-93.3125018,44.957042400000006 +12301,Lake Of Isles Pkwy,-93.31272510000001,44.957025800000004 +12302,Wayzata Blvd,-93.32641690000001,44.9697851 +12303,22 St W,-93.3129018,44.960162800000006 +12304,Sheridan Av S,-93.3130919,44.9602506 +12305,21 St W,-93.31409330000001,44.9611358 +12306,Kenwood Pkwy,-93.31153330000001,44.961261900000004 +12307,Upton Av S,-93.31352480000001,44.957797400000004 +12308,Kenwood Pkwy,-93.31114050000001,44.9614078 +12309,Thomas Av S,-93.31374650000001,44.9605498 +12310,Thomas Av S,-93.3139678,44.961294200000005 +12311,Douglas Av,-93.3071592,44.966234 +12312,Courage Center,-93.3291396,44.999472600000004 +12313,Burnham Rd,-93.3136513,44.957943400000005 +12314,Penn Av S,-93.30811270000001,44.9633229 +12315,Franklin Av W,-93.30814760000001,44.963073200000004 +12316,24 St W,-93.3135293,44.9592649 +12317,Summit Av,-93.30753700000001,44.965116200000004 +12318,Penn Av S,-93.3085482,44.961585 +12319,24 St W,-93.3129318,44.959079200000005 +12320,21 St W,-93.3084846,44.9618393 +12321,Kenilworth Pl,-93.31228940000001,44.9557501 +12322,Summit Av,-93.3073717,44.965261000000005 +12323,Douglas Av,-93.3069643,44.9662969 +12324,Bassett Crk Dr,-93.3282602,44.9998056 +12325,Morgan Av S,-93.3044438,44.966498300000005 +12326,Logan Av S,-93.3035062,44.96638 +12327,Irving Av S,-93.29922300000001,44.9664725 +12328,Courage Center,-93.3291397,44.999611400000006 +12329,Sheridan Av S,-93.3123171,44.9735105 +12330,Queen Av S,-93.3096898,44.9735115 +12331,Irving Av S,-93.29965320000001,44.9664328 +12332,Penn Av S,-93.3085399,44.9735801 +12333,Upton Av S,-93.3146083,44.9736174 +12334,Knox Av S,-93.30171370000001,44.9664622 +12335,Sheridan Av S,-93.31207110000001,44.9736203 +12336,Knox Av S,-93.302243,44.9664268 +12337,Queen Av S,-93.30952330000001,44.9736228 +12338,Penn Av S,-93.30845910000001,44.973821 +12339,Wirth / Upton,-93.31770420000001,44.970500200000004 +12340,Hawthorne Av,-93.30828100000001,44.9752731 +12341,Chestnut Av,-93.30827500000001,44.9769948 +12342,Wayzata Blvd N,-93.3146693,44.970816400000004 +12343,Noble Dr N,-93.33826950000001,44.999803400000005 +12344,Upton/Wirth Pky,-93.31700830000001,44.970567800000005 +12345,Wayzata Blvd N,-93.31481380000001,44.970574500000005 +12346,Chestnut Av,-93.3084695,44.9771494 +12347,Laurel Av W,-93.3146557,44.9734762 +12348,Hawthorne Av,-93.3084506,44.975465 +12349,Ardmore Dr,-93.3334143,44.9840798 +12350,Indiana Av N,-93.332082,44.999912200000004 +12351,Dahlberg Dr,-93.33413150000001,44.984389 +12352,Meadow / Wirth,-93.3298448,44.984036100000004 +12353,Noble Av N,-93.33846630000001,44.999895300000006 +12354,Wirth / Meadow,-93.3293021,44.984342000000005 +12355,Xerxes Av N,-93.31869,44.980663400000005 +12356,Wirth Park Beach,-93.3220548,44.9794933 +12357,Wirth Beach,-93.32254370000001,44.979242 +12358,Xerxes Av N,-93.3185416,44.9808162 +12359,Theo Wirth Pkwy,-93.3226147,44.9922814 +12360,Xerxes Av N,-93.3178992,44.998811100000005 +12361,Xerxes Av N,-93.3183207,44.9989615 +12362,ZEphyr Place,-93.3201301,44.999916000000006 +12363,Vincent Av N,-93.3158696,44.9807993 +12364,2 Av N,-93.3082699,44.978835700000005 +12365,ZEphyr Place,-93.31982280000001,44.9999144 +12366,Glenwood Av,-93.30842670000001,44.980269400000005 +12367,Hidden Lakes Pky,-93.33123090000001,44.9995841 +12368,2 Av N,-93.30844,44.9790511 +12369,Oak Park Av,-93.30833030000001,44.988040100000006 +12370,Hidden Lakes Pky,-93.33083110000001,44.999581500000005 +12371,Oak Park Av,-93.3082129,44.9877601 +12372,8 Av N,-93.3082279,44.985967800000005 +12373,Russell Av N,-93.31097270000001,44.980794800000005 +12374,8 Av N,-93.30834870000001,44.986218 +12375,Russell Av N,-93.31120770000001,44.980662800000005 +12376,Vincent Av N,-93.31610090000001,44.9806656 +12377,Girard Av N,-93.2973463,44.9805794 +12378,Cedar Lake Rd,-93.2993922,44.980745000000006 +12379,Penn Av N,-93.30759230000001,44.9806699 +12380,Gramercy Av N,-93.3010366,44.9807949 +12381,Morgan Av N,-93.30467230000001,44.9807167 +12382,James Av N,-93.3007623,44.9841944 +12383,Morgan Av N,-93.30440630000001,44.980859 +12384,Knox Av N,-93.3018308,44.980940100000005 +12385,Cedar Lake Rd,-93.2990417,44.9808717 +12386,Girard Av N,-93.2969839,44.980687800000005 +12387,Morgan Av N,-93.30473930000001,44.9842054 +12388,Morgan Av N,-93.30434550000001,44.9845945 +12389,Russell Av N,-93.3106546,44.991571 +12390,Sheridan Av N,-93.3122541,44.991514900000006 +12391,James Av N,-93.3004581,44.984592500000005 +12392,Russell Av N,-93.3109826,44.9914829 +12393,Washburn Av N,-93.31701050000001,44.9916369 +12394,Penn Av N,-93.308524,44.991436500000006 +12395,12 Av N,-93.30820050000001,44.9895793 +12396,Upton Av N,-93.31443610000001,44.9916076 +12397,12 Av N,-93.3083177,44.989834800000004 +12398,15 Av N,-93.3081616,44.994052200000006 +12399,Upton Av N,-93.31480810000001,44.9914391 +12400,14 Av N,-93.30817440000001,44.9929399 +12401,Washburn Av N,-93.3174072,44.9916801 +12402,Thomas Av N,-93.3132226,44.991613300000004 +12403,14 Av N,-93.3083026,44.9934712 +12404,Penn Av N,-93.30800760000001,44.991592600000004 +12405,Penn Av N,-93.3087522,44.9988424 +12406,16 Av N,-93.3081604,44.9950519 +12407,Penn Av N,-93.3084479,44.998718200000006 +12408,17 Av N,-93.30816420000001,44.9962304 +12409,16 Av N,-93.3083033,44.995267500000004 +12410,17 Av N,-93.30824980000001,44.997067 +12411,Upton Av N,-93.31484590000001,44.9987846 +12412,Upton Av N,-93.31437700000001,44.998893800000005 +12413,Golden Valley Rd,-93.308125,44.9985744 +12414,Russell Av N,-93.31101240000001,44.998741100000004 +12415,Russell Av N,-93.31062890000001,44.9988721 +12416,Golden Valley Rd,-93.3082845,44.9989633 +12417,Sheridan Av N,-93.3118865,44.9988533 +12418,Newton Av N,-93.305885,44.991466700000004 +12419,Sheridan Av N,-93.312297,44.9987252 +12420,Humboldt Av N,-93.298004,44.991724000000005 +12421,Humboldt Av N,-93.2986288,44.9914423 +12422,Newton Av N,-93.30550880000001,44.9916052 +12423,Knox Av N,-93.30179310000001,44.9995726 +12424,Irving Av N,-93.299417,44.999501800000004 +12425,Logan Av N,-93.3030313,44.9915518 +12426,Irving Av N,-93.29874240000001,44.9995106 +12427,James Av N,-93.3005261,44.9915778 +12428,Fremont Av N,-93.2957446,44.9990469 +12429,Knox Av N,-93.3020754,44.9994037 +12430,James Av N,-93.3008949,44.9915211 +12431,Golden Valley Rd,-93.3020529,44.9988667 +12432,Morgan Av N,-93.30429910000001,44.998862700000004 +12433,Logan Av N,-93.30341460000001,44.991426600000004 +12434,Hennepin Av S,-93.2937715,44.959186300000006 +12435,Morgan Av N,-93.3046434,44.9987608 +12436,West Broadway,-93.3005048,44.999428800000004 +12437,25 St W,-93.29542740000001,44.957200400000005 +12438,25 St W,-93.2954952,44.957492800000004 +12439,Bryant Av S,-93.29070180000001,44.9591335 +12440,25 St W,-93.288178,44.957467300000005 +12441,24 St W,-93.29407090000001,44.9590128 +12442,22 St W,-93.2927368,44.960778700000006 +12443,25 St W,-93.287942,44.9571842 +12444,22 St W,-93.2927756,44.9610605 +12445,22 St W,-93.2881601,44.9610714 +12446,24 St W,-93.29413360000001,44.959276100000004 +12447,45 St E,-93.2320753,44.921382300000005 +12448,Lyndale Av S,-93.2877608,44.9591894 +12449,Bryant Av S,-93.2903874,44.9591628 +12450,24 St W,-93.28795210000001,44.9589446 +12451,Franklin Av W,-93.2913757,44.962558200000004 +12452,24 St W,-93.28818460000001,44.9593159 +12453,Franklin Av W,-93.2918338,44.9624199 +12454,Franklin Av W,-93.2930243,44.9625591 +12455,22 St W,-93.2879273,44.960754300000005 +12456,Hennepin Av S,-93.2911021,44.9626554 +12457,Dupont Av S,-93.29331730000001,44.966407800000006 +12458,Lyndale Av S,-93.28822330000001,44.959075500000004 +12459,Dupont Av S,-93.292828,44.966472200000005 +12460,46 St E,-93.23208050000001,44.9195585 +12461,Harriet Av S,-93.2856392,44.9590735 +12462,Harriet Av S,-93.28531910000001,44.959176 +12463,Fremont Av S,-93.2958401,44.9663746 +12464,45 St E,-93.24725000000001,44.9213928 +12465,Fremont Av S,-93.295404,44.9664778 +12466,Bryant Av S,-93.29067350000001,44.9663617 +12467,Franklin Av W,-93.28792460000001,44.962502300000004 +12468,Colfax Av S,-93.29163720000001,44.966469800000006 +12469,Franklin Av W,-93.2881897,44.9628548 +12470,Harriet Av S,-93.28526360000001,44.962819800000005 +12471,Lyndale Av S,-93.2886441,44.9628176 +12472,Harriet Av,-93.2856366,44.962653100000004 +12473,Lyndale Av S,-93.2882723,44.9626285 +12474,Lincoln Av,-93.29009070000001,44.9645467 +12475,Pillsbury Av S,-93.28109210000001,44.9591666 +12476,Douglas Av,-93.2885402,44.9669218 +12477,Groveland Terrace,-93.2884109,44.966745 +12478,22 St E,-93.27777180000001,44.960743900000004 +12479,25 St E,-93.2778725,44.9571516 +12480,Groveland Av,-93.2879484,44.9669253 +12481,24 St E,-93.2778128,44.9590161 +12482,Nicollet Av S,-93.2780329,44.959067000000005 +12483,Hennepin Access,-93.28916170000001,44.9665118 +12484,Pleasant Av S,-93.2831039,44.959124 +12485,24 St W,-93.2779438,44.959228800000005 +12486,Hennepin Access,-93.28920020000001,44.9664121 +12487,25 St W,-93.2779474,44.9574835 +12488,22 St W,-93.2779105,44.96101 +12489,Groveland Ter,-93.2886325,44.966926300000004 +12490,Pleasant Av S,-93.2827486,44.9591622 +12491,26 Av S,-93.23480310000001,44.934059500000004 +12492,Pillsbury Av S,-93.2814865,44.959074300000005 +12493,47 St E,-93.23207790000001,44.917970200000006 +12494,Franklin Ave W & Nicollet Ave S,-93.2782483,44.9628176 +12495,Franklin Ave E & Nicollet Ave,-93.2773851,44.962625300000006 +12496,Pleasant Av,-93.28307380000001,44.9626576 +12497,1 Av S,-93.2764023,44.9628251 +12498,Pillsbury Av S,-93.2806578,44.962753500000005 +12499,Franklin Av W,-93.2777437,44.962507 +12500,18 St E,-93.27768640000001,44.965107700000004 +12501,Blaisdell Av,-93.27977460000001,44.9626595 +12502,16 St / Hwy 94,-93.27791470000001,44.966546400000006 +12503,18 St W,-93.277907,44.965352200000005 +12504,Pleasant Av S,-93.2831086,44.962809 +12505,Franklin Av W,-93.2779161,44.962823500000006 +12506,P&R - From Fair,-93.29122360000001,44.972182800000006 +12507,P&R - To Fair,-93.2912218,44.9721817 +12508,Oak Grove St,-93.2872998,44.969254400000004 +12509,Oak Grove St,-93.2857659,44.9684697 +12510,16 St,-93.2854149,44.9728143 +12511,Maple St (16 St),-93.28571670000001,44.972540800000004 +12512,Oak Grove St,-93.2863382,44.9686122 +12513,#329,-93.28378640000001,44.968015 +12514,14 St,-93.2817729,44.9686965 +12515,Vineland Place,-93.28793950000001,44.969352 +12516,Grant St,-93.28178430000001,44.9697114 +12517,14 St W,-93.2819262,44.9689168 +12518,Dunwoody Av,-93.28818290000001,44.970977100000006 +12519,Willow St,-93.28165820000001,44.969923900000005 +12520,46 St E,-93.2473667,44.9199083 +12521,Lasalle Av,-93.2795614,44.969894100000005 +12522,Grant St E,-93.2777398,44.969633800000004 +12523,Grant St / 13 St S,-93.2774552,44.970870700000006 +12524,15 St E,-93.2777568,44.9682338 +12525,16 St E,-93.27772990000001,44.9670556 +12526,Grant St E,-93.2779572,44.9695017 +12527,15 St E,-93.27790060000001,44.9678861 +12528,12 St S,-93.276587,44.9718901 +12529,Marquette Avenue & 11th Street,-93.2744019,44.9722135 +12530,13 St S,-93.27695630000001,44.971339300000004 +12531,Lasalle Av,-93.27895380000001,44.969824800000005 +12532,Convention Center,-93.27510070000001,44.9699571 +12533,13 St / Grant St,-93.27779810000001,44.9703481 +12534,Nicollet Av S,-93.276746,44.9698822 +12535,Nicollet Mall,-93.27663740000001,44.972190600000005 +12536,12 St S,-93.27625350000001,44.9722857 +12537,Hennepin Av S,-93.28000390000001,44.9743458 +12538,13 St / 12 St S,-93.2809146,44.974453800000006 +12539,Laurel Av,-93.282891,44.9738527 +12540,Currie Av N,-93.28134850000001,44.977849400000004 +12541,12 St,-93.28026150000001,44.97491 +12542,Marquette - Stop B,-93.2747849,44.972788900000005 +12543,Lasalle / Nicollet Mall,-93.2755391,44.974229300000005 +12544,MCTC,-93.2842885,44.973043800000006 +12545,Nicollet Mall,-93.2740215,44.9751336 +12546,Yale Place,-93.27907450000001,44.9730379 +12547,10 St S,-93.2745737,44.974269400000004 +12548,Harmon / Hennepin,-93.2786184,44.974769200000004 +12549,La Salle Av S,-93.2768381,44.9736494 +12550,40 St E,-93.23223,44.930630300000004 +12551,9 St S,-93.27407360000001,44.974755300000005 +12552,10 St S,-93.2776675,44.9760841 +12553,11 St S,-93.27574050000001,44.9728208 +12554,8 St S,-93.27567780000001,44.9775438 +12555,8 St / 7 St S,-93.2749503,44.977766700000004 +12556,10 St S,-93.27490710000001,44.9737926 +12557,11 St S,-93.2792077,44.975149900000005 +12558,11 St S,-93.2754328,44.973243700000005 +12559,9 St S,-93.2770701,44.976282100000006 +12560,24 St E,-93.272748,44.9590547 +12561,Harmon Place,-93.27735200000001,44.9750268 +12562,22 St E,-93.27269840000001,44.9607666 +12563,25 St E,-93.2727304,44.9571836 +12564,Hennepin Av,-93.2760611,44.9772745 +12565,25 St E,-93.272851,44.957061700000004 +12566,39 St E,-93.2322285,44.9324468 +12567,10 St / 11 St S,-93.27880710000001,44.975522500000004 +12568,45 St E,-93.24740680000001,44.921652 +12569,3 Av S,-93.27297080000001,44.9626473 +12570,24 St E,-93.272845,44.9593824 +12571,22 St E,-93.27284180000001,44.961082600000005 +12572,25 St / 26 St E,-93.2728501,44.9563241 +12573,25 St E,-93.265026,44.957168800000005 +12574,25 St E,-93.2677987,44.9574402 +12575,Franklin Av E,-93.2727145,44.962421400000004 +12576,24 St E,-93.2677938,44.959315700000005 +12577,24 St E,-93.26506350000001,44.958992300000006 +12578,Franklin Av / 19 St E,-93.27279510000001,44.963611 +12579,Clinton Av S,-93.2713373,44.962822800000005 +12580,3 Av S,-93.2725743,44.962817 +12581,4 Av S,-93.2705195,44.962671400000005 +12582,Park Av,-93.2645798,44.962651300000005 +12583,19 St E,-93.272847,44.9641766 +12584,Park Av,-93.2649064,44.9628348 +12585,Chicago Av,-93.2632313,44.9627811 +12586,Franklin Av E,-93.27284110000001,44.9624577 +12587,Franklin Av E,-93.26776570000001,44.9628722 +12588,Franklin Av E,-93.2650387,44.9625344 +12589,18 St / 17 St E,-93.2727471,44.96591 +12590,18 St E,-93.26780380000001,44.964687100000006 +12591,18 St E,-93.27279700000001,44.965340600000005 +12592,17 St E,-93.2678221,44.966435100000005 +12593,16 St E,-93.2650328,44.967011400000004 +12594,Portland Av,-93.26743830000001,44.9628268 +12595,18 St E,-93.2650342,44.965065300000006 +12596,22 St E,-93.26268080000001,44.9610666 +12597,Portland Av,-93.267227,44.962649600000006 +12598,17 Av S,-93.24968580000001,44.919782000000005 +12599,25 St E,-93.2626704,44.9574969 +12600,22 St E,-93.2522479,44.9611387 +12601,24 St E,-93.2626872,44.9592863 +12602,25 St E,-93.2624596,44.9574216 +12603,22 St E,-93.26243720000001,44.9608167 +12604,24 St E,-93.26243020000001,44.9590365 +12605,24 St E,-93.252284,44.9593963 +12606,Franklin Av E,-93.2626754,44.962900700000006 +12607,24 St E,-93.25250050000001,44.9589335 +12608,25 St E,-93.25250530000001,44.957518300000004 +12609,10 Av S,-93.25948790000001,44.962813100000005 +12610,25 St E,-93.25232190000001,44.957146900000005 +12611,22 St E,-93.2524333,44.961046 +12612,10 Av S,-93.2598066,44.962649600000006 +12613,11 Av S,-93.2579312,44.9628001 +12614,18 St E,-93.2625185,44.9650302 +12615,11 Av S,-93.2576848,44.962662800000004 +12616,17 St E,-93.2624919,44.9666616 +12617,Chicago Av,-93.2618401,44.962609400000005 +12618,18 St E,-93.25812420000001,44.964987900000004 +12619,17 St E,-93.2581119,44.966801700000005 +12620,Franklin Av E,-93.2624887,44.9625476 +12621,18 St E,-93.25830260000001,44.964998300000005 +12622,17 St E,-93.25832430000001,44.9666374 +12623,18 St E,-93.26265640000001,44.965073800000006 +12624,13 Av S,-93.25664,44.9628127 +12625,Bloomington Av S,-93.2528271,44.9628352 +12626,17 St E,-93.26268630000001,44.9664353 +12627,Bloomington Av S,-93.25252950000001,44.9626652 +12628,13 Av S,-93.25641990000001,44.9626723 +12629,Convention Center,-93.2735761,44.970546500000005 +12630,16 St E,-93.27198580000001,44.9675584 +12631,#1401,-93.2716578,44.969034 +12632,#1401,-93.2714462,44.9687915 +12633,Upper Level,-93.27168710000001,44.9719848 +12634,16 St E,-93.2716657,44.967687100000006 +12635,12 St - Stop E,-93.2731511,44.9711974 +12636,11 St S,-93.2711209,44.971363000000004 +12637,11St - Stop G,-93.27245860000001,44.9720731 +12638,12 St S,-93.2718643,44.970033400000005 +12639,2nd Avenue & 11th Street,-93.2727979,44.9716333 +12640,10 St - Stop H,-93.27264260000001,44.9721896 +12641,2 Av / 3 Av S,-93.2729116,44.970552100000006 +12642,3 Av S,-93.27091680000001,44.9723781 +12643,15 St E,-93.26778540000001,44.9677762 +12644,15 St E,-93.2650359,44.967893100000005 +12645,Portland Av S,-93.2661128,44.9717685 +12646,9 St S,-93.26607890000001,44.9712224 +12647,Grant St E,-93.26762570000001,44.969382200000005 +12648,Portland / Park,-93.2644162,44.972184000000006 +12649,10 St - Stop A,-93.2736804,44.9730792 +12650,Chicago Av S,-93.2634477,44.9705749 +12651,8 St - Stop A,-93.2720412,44.9750986 +12652,Marquette Avenue & 9th Street,-93.2729559,44.974029300000005 +12653,39 St E,-93.23208020000001,44.932200200000004 +12654,9 St - Stop B,-93.2724962,44.9745593 +12655,10 St - Stop E,-93.2715766,44.9731436 +12656,8 St - Stop E,-93.27000380000001,44.9751283 +12657,18 Av S,-93.2483832,44.9197914 +12658,Marquette Av S,-93.2735876,44.9736436 +12659,Marquette Avenue & 10th Street,-93.27330710000001,44.973622000000006 +12660,Marquette Avenue & 8th Street,-93.2716472,44.9755729 +12661,Nicollet - Arrive,-93.2733292,44.9759897 +12662,9 St - Stop G,-93.27084900000001,44.9740209 +12663,7 St - Arrive,-93.2723617,44.976600600000005 +12664,8 St / 7 St S,-93.27268520000001,44.9763329 +12665,2nd Avenue & 9th Street,-93.2711965,44.9736288 +12666,Nicollet Mall,-93.2735957,44.9760507 +12667,2nd Avenue & 8th Street,-93.2704427,44.9745189 +12668,8 St S,-93.2727923,44.976289300000005 +12669,7 St S,-93.27241830000001,44.976543400000004 +12670,2 Av S,-93.27104010000001,44.9738118 +12671,6 St S,-93.26735710000001,44.976325800000005 +12672,Marquette / 2 Av S,-93.2709372,44.9749368 +12673,9 St S,-93.27380430000001,44.9751782 +12674,8 St S,-93.2733357,44.9756882 +12675,Nicollet Mall - Arrive,-93.272874,44.977241400000004 +12676,7 St - Stop C,-93.2711596,44.976615300000006 +12677,6th Street & Nicollet Mall,-93.27186970000001,44.9779556 +12678,7 St - Arrive,-93.2719086,44.9771869 +12679,Nicollet Mall,-93.27299980000001,44.977132700000006 +12680,7 St S,-93.2721437,44.977092400000004 +12681,6 St S,-93.27161170000001,44.977697400000004 +12682,7 St - Stop G,-93.2693558,44.9757911 +12683,7 St - Stop B,-93.27087350000001,44.9764889 +12684,38 St E,-93.2320337,44.9340258 +12685,2nd Avenue & 7th Street,-93.2696715,44.975350500000005 +12686,2nd Avenue & 6th Street,-93.26875650000001,44.976518000000006 +12687,6th Street & Marquette Avenue,-93.2703728,44.977319800000004 +12688,6th Street & 3rd Avenue,-93.2678855,44.9762683 +12689,6th Street & 5th Avenue,-93.2649701,44.975020900000004 +12690,Portland Av,-93.26312580000001,44.9742064 +12691,7th Street & 2nd Avenue,-93.26903300000001,44.975630100000004 +12692,6 St S,-93.2632222,44.9745584 +12693,6 St - Stop A,-93.27041220000001,44.9769671 +12694,4 Av S,-93.26814970000001,44.972635700000005 +12695,7 St S,-93.26680420000001,44.9747247 +12696,Marquette Avenue & 6th Street,-93.27002540000001,44.977515700000005 +12697,3 Av / 4 Av S,-93.2683334,44.9737865 +12698,4 Av / 5 Av S,-93.26669670000001,44.9731521 +12699,Portland Av,-93.26382720000001,44.9734368 +12700,7th Street & 4th Avenue,-93.26722720000001,44.974881 +12701,4 St S,-93.2643738,44.9776554 +12702,5 St S,-93.2651629,44.9766745 +12703,7th Street & 5th Avenue,-93.2658727,44.9743079 +12704,5 St S,-93.26392530000001,44.9756988 +12705,14 St E,-93.26263700000001,44.969035000000005 +12706,6 St S,-93.2646713,44.9748 +12707,15 St E,-93.262656,44.9681845 +12708,7 St S,-93.26555060000001,44.973714 +12709,14 St E,-93.26249440000001,44.9687004 +12710,8 St S,-93.258075,44.9692911 +12711,6 St - Stop E,-93.2681893,44.9770702 +12712,15 St E,-93.2581097,44.967781 +12713,5 St - Stop G,-93.2676332,44.977862800000004 +12714,15 St E,-93.2583433,44.9681878 +12715,17 Av S,-93.250128,44.9196198 +12716,14 St E,-93.2582873,44.9690784 +12717,8 St S,-93.262521,44.9710114 +12718,10 Av S,-93.2581078,44.972149800000004 +12719,8 St S,-93.2622688,44.9711177 +12720,4 Av S,-93.2641397,44.977292500000004 +12721,7th Street & 9th Avenue,-93.2597908,44.971708 +12722,7th Street & 10th Avenue,-93.2584128,44.971122900000005 +12723,8 St S,-93.25801220000001,44.9698213 +12724,4 Av S,-93.2641031,44.9774399 +12725,6th Street & 11th Avenue,-93.25682470000001,44.9715569 +12726,11 Av S,-93.2571858,44.9718571 +12727,4 St S,-93.2630132,44.976717400000005 +12728,10 Av S,-93.2548606,44.9762726 +12729,7 St,-93.2572447,44.9707407 +12730,6th Street & Park Avenue,-93.26136290000001,44.973429800000005 +12731,6th Street & 9th Avenue,-93.2594598,44.972674100000006 +12732,7th Street & Park Avenue,-93.26233730000001,44.972780900000004 +12733,Chicago Av,-93.256929,44.9772027 +12734,Chicago (Kirby Puckett),-93.2592513,44.975229000000006 +12735,Park Av,-93.2592183,44.976705 +12736,11 Av S,-93.25350300000001,44.9754257 +12737,Chicago (Kirby Puckett),-93.259416,44.975481 +12738,Chicago Av S,-93.2576233,44.977161200000005 +12739,10 Av S,-93.2548218,44.975971300000005 +12740,11 Av S,-93.2528609,44.9754455 +12741,Fremont Av N,-93.2956783,44.980395300000005 +12742,Lyndale Av N (W),-93.2881742,44.9793931 +12743,Market St,-93.28940490000001,44.9797274 +12744,Aldrich Av N,-93.289703,44.9796204 +12745,Dupont Av N,-93.2928948,44.980235300000004 +12746,Fremont Av N,-93.2953439,44.980504200000006 +12747,Dupont Av N,-93.29285970000001,44.9800802 +12748,Van White Mem,-93.2936732,44.984540900000006 +12749,Lyndale Av (E),-93.28676320000001,44.984196000000004 +12750,Lyndale Av N (W),-93.28774890000001,44.9795175 +12751,Bryant Av N,-93.29083030000001,44.9845185 +12752,Oak Lake Av,-93.2856976,44.985603100000006 +12753,Bryant Av N,-93.2913996,44.9841975 +12754,Emerson Av N,-93.29434950000001,44.984197900000005 +12755,Oak Lake Av,-93.28616860000001,44.9861651 +12756,18 Av S,-93.24878790000001,44.919663500000006 +12757,12 St N,-93.2818112,44.9788817 +12758,4 St Garage,-93.2740181,44.983485800000004 +12759,12 St N,-93.28213360000001,44.979025 +12760,Platform A,-93.275542,44.9810456 +12761,3 Av N,-93.27971570000001,44.9802419 +12762,Platform B,-93.2754573,44.981102400000005 +12763,Platform C,-93.2753752,44.981152400000006 +12764,6 St / 7 St S,-93.2743076,44.9784719 +12765,5 St N,-93.2749431,44.980966900000006 +12766,7 St N,-93.2845513,44.9844979 +12767,10 St N,-93.27903470000001,44.978855200000005 +12768,Border / 7 St,-93.2845375,44.984170600000006 +12769,2 Av N,-93.2775342,44.980057200000005 +12770,5 Av N,-93.2745246,44.9860976 +12771,8 Av N,-93.27837240000001,44.988815100000004 +12772,Transit Center,-93.2782138,44.9782151 +12773,7th Street & Hennepin Avenue,-93.2752315,44.9783598 +12774,6 Av N,-93.27563520000001,44.986856700000004 +12775,Bryant Av N,-93.29088680000001,44.992034600000004 +12776,5 Av N,-93.2750256,44.9861741 +12777,7 Av N,-93.2768537,44.9874784 +12778,Emerson Av N,-93.2939126,44.992065000000004 +12779,Bryant Av N,-93.2912155,44.991939800000004 +12780,Plymouth Av,-93.2940293,44.992343000000005 +12781,Olson Memorial Hwy,-93.2842305,44.9848075 +12782,15 Av N,-93.2940109,44.994066600000004 +12783,5 Av N,-93.2773002,44.984662500000006 +12784,Fremont / 7 St N,-93.29513180000001,44.991937500000006 +12785,5 Av N,-93.2784266,44.983897600000006 +12786,Olson Memorial Hwy,-93.28422760000001,44.984572 +12787,14 Av N,-93.2957664,44.993177 +12788,Bryant Av N,-93.2908024,44.989609200000004 +12789,Plymouth Av,-93.2878903,44.991731300000005 +12790,11 Av (Bryant),-93.29160780000001,44.989934600000005 +12791,Fremont Av N,-93.2954632,44.9920648 +12792,Lyndale Av N,-93.2876471,44.992023700000004 +12793,Lyndale Av N,-93.288359,44.991896100000005 +12794,Dupont Av N,-93.2924497,44.9992688 +12795,18 Av / 14 Av N,-93.2880741,44.9944987 +12796,Plymouth Av,-93.2880928,44.99213 +12797,14 Av N,-93.28810270000001,44.9931987 +12798,14 Av N,-93.28793950000001,44.9928964 +12799,Emerson Av N,-93.29394540000001,44.999306700000005 +12800,16 Av N,-93.29399570000001,44.9951396 +12801,Dupont Av N,-93.2926857,44.9990487 +12802,16 Av N,-93.2957585,44.9953214 +12803,Emerson Av N,-93.29396360000001,44.9990393 +12804,17 Av N,-93.29571800000001,44.9963726 +12805,West Broadway,-93.2939635,44.9992779 +12806,Fremont Av N,-93.2955118,44.999251 +12807,Bryant Av N,-93.29082380000001,44.9993575 +12808,Bryant Av N,-93.29127550000001,44.9989934 +12809,18 Av N,-93.2939743,44.9973096 +12810,18 Av N,-93.29570190000001,44.9973551 +12811,14 Av / 18 Av N,-93.2879456,44.9945527 +12812,West Broadway,-93.2957446,44.9989861 +12813,Lyndale Av N,-93.288228,44.9990545 +12814,Aldrich Av N,-93.28956520000001,44.998963100000005 +12815,18 Av N,-93.2879413,44.997246000000004 +12816,5 St / 4 St N,-93.2849068,44.998957700000005 +12817,Minnehaha Pkwy,-93.2322839,44.916506500000004 +12818,Lyndale Av N,-93.2884695,44.9992413 +12819,18 Av N,-93.2880981,44.997476000000006 +12820,Washington Av,-93.2818417,44.9919504 +12821,West Broadway,-93.2881206,44.999388700000004 +12822,West Broadway,-93.2878816,44.998951000000005 +12823,Washington Av,-93.28197080000001,44.992088200000005 +12824,Minnehaha Pkwy,-93.2321206,44.915862100000005 +12825,2 St N,-93.28150570000001,44.9922036 +12826,10 Av N,-93.27961570000001,44.9912651 +12827,Plymouth Av N,-93.2813564,44.992400100000005 +12828,10 Av N,-93.2791746,44.991041100000004 +12829,1 St N,-93.2758881,44.989991800000006 +12830,15 Av N,-93.2814486,44.9940414 +12831,#706,-93.27513180000001,44.989564 +12832,2 St N,-93.2768422,44.9895749 +12833,10 Av N,-93.2802728,44.990251900000004 +12834,#620,-93.274309,44.9891851 +12835,West Broadway,-93.28042160000001,44.999413100000005 +12836,Plymouth Av N,-93.2816356,44.9923741 +12837,4 St N,-93.28482100000001,44.999246 +12838,10 Av N,-93.280799,44.9904206 +12839,West Broadway,-93.28165440000001,44.998754000000005 +12840,17 Av N,-93.2814103,44.996228800000004 +12841,15 Av N,-93.281689,44.994502100000005 +12842,9 Av N,-93.2799274,44.9897111 +12843,17 Av / 16 Av N,-93.28176110000001,44.9957945 +12844,50 St E,-93.2323355,44.9127792 +12845,West Broadway,-93.28198130000001,44.998561900000006 +12846,5 St - Stop C,-93.26975110000001,44.978733000000005 +12847,6th Street & Hennepin Avenue,-93.2739667,44.978861200000004 +12848,5 St / 6 St S,-93.2730004,44.9794071 +12849,6 St S,-93.27118300000001,44.9781666 +12850,5 St S,-93.27255770000001,44.9794678 +12851,5 St - Stop B,-93.269202,44.978461900000006 +12852,4 St - Stop A,-93.26869280000001,44.9790306 +12853,8 Av Ne,-93.26360500000001,44.9961002 +12854,Hennepin Av,-93.2709626,44.9804144 +12855,Marquette Av,-93.2687102,44.979271000000004 +12856,4 St S,-93.27088970000001,44.980684200000006 +12857,4 St / 3 St S,-93.2690682,44.980586900000006 +12858,5 St S,-93.2703618,44.9791721 +12859,4 St S,-93.2700459,44.979444300000004 +12860,1 Av N,-93.2705114,44.9829546 +12861,5 St S,-93.2708039,44.978669100000005 +12862,Nicollet Mall,-93.26849340000001,44.9818166 +12863,Nicollet Mall,-93.27013380000001,44.9798351 +12864,3 St S,-93.2697521,44.9815215 +12865,Hennepin / 1 Av,-93.2694752,44.9825494 +12866,Nicollet Mall,-93.26851810000001,44.9806108 +12867,49 St E,-93.23213700000001,44.914261700000004 +12868,4 St S,-93.27057500000001,44.980066900000004 +12869,Washington Avenue & Hennepin Avenue,-93.269391,44.9821791 +12870,Nicollet Mall,-93.26953230000001,44.9797827 +12871,Washington Av N,-93.26889700000001,44.982365400000006 +12872,50 St E,-93.2321723,44.9124515 +12873,3 St / 4 St S,-93.2709825,44.980843300000004 +12874,Washington / 3 St,-93.2698304,44.9816201 +12875,4 St - Stop D,-93.26597310000001,44.978301800000004 +12876,Hennepin Av,-93.2699324,44.981221600000005 +12877,Washington / 3 St,-93.26889800000001,44.9809524 +12878,1 Av N,-93.2711642,44.9820135 +12879,3 St - Stop B,-93.26760060000001,44.9804047 +12880,49 St E,-93.23231840000001,44.914519000000006 +12881,Marquette Avenue & 3rd Street,-93.2680619,44.9798397 +12882,4 St - Stop E,-93.26672810000001,44.979114800000005 +12883,2 Av S,-93.2668421,44.978636800000004 +12884,2nd Avenue & Washington Avenue,-93.2655893,44.980276800000006 +12885,2nd Avenue & 4th Street,-93.2673086,44.978236800000005 +12886,3 Av / 2 Av S,-93.2648941,44.980475600000005 +12887,2 Av S,-93.26512070000001,44.980333900000005 +12888,Washington Av,-93.26383030000001,44.980258000000006 +12889,3 Av / 4 Av S,-93.2632858,44.9795263 +12890,Marquette Av,-93.2673812,44.9801799 +12891,3 St S,-93.26348800000001,44.978508700000006 +12892,2 Av S,-93.26601980000001,44.9795639 +12893,2 Av / 3 Av S,-93.26650400000001,44.9783138 +12894,Washington - Stop A,-93.26721060000001,44.980843 +12895,47 St E,-93.2322807,44.918154300000005 +12896,Marquette Av,-93.2682084,44.9792186 +12897,Washington Av N,-93.27299830000001,44.9841842 +12898,2nd Avenue & 1st Street,-93.2638426,44.9823663 +12899,2 St S,-93.2660419,44.981961000000005 +12900,Marquette / Hennepin,-93.26577400000001,44.9834207 +12901,1 St S,-93.2637406,44.9827195 +12902,Marquette Av,-93.26520980000001,44.9831215 +12903,Marquette Avenue & 2nd Street,-93.26602220000001,44.9822848 +12904,Washington Avenue & Marquette Avenue,-93.2671337,44.981183 +12905,Washington Av S,-93.26534640000001,44.980782500000004 +12906,2 St S,-93.2645837,44.9817726 +12907,2 St S,-93.2646754,44.981340200000005 +12908,2 Av / 3 Av S,-93.26405650000001,44.9812863 +12909,44 St E,-93.2322587,44.9229659 +12910,1 St S,-93.2652362,44.982876600000004 +12911,Washington / 2 St,-93.2681675,44.982614000000005 +12912,2 St / 1 St N,-93.26962160000001,44.9848623 +12913,3 St / Washington,-93.26838040000001,44.981611300000004 +12914,2 Av N,-93.2710921,44.983679200000005 +12915,3 Av N,-93.27223470000001,44.984437 +12916,2 Av N,-93.2692595,44.985473600000006 +12917,2 Av N,-93.26912460000001,44.985569700000006 +12918,1 Av / 2 Av N,-93.26958210000001,44.9842273 +12919,2 Av N,-93.27165400000001,44.9837707 +12920,#515,-93.27281020000001,44.9879429 +12921,4 Av N,-93.2715479,44.9870584 +12922,3 Av N,-93.27274240000001,44.984517000000004 +12923,Creamette Lofts,-93.27301340000001,44.9883047 +12924,1 St N,-93.26670650000001,44.9840691 +12925,4 Av N,-93.27106760000001,44.986914000000006 +12926,46 St E,-93.2322602,44.919719 +12927,Hennepin Avenue & 1st Street,-93.2661164,44.9839107 +12928,Washington Av S,-93.26139180000001,44.9786252 +12929,Platform - Arr,-93.26283260000001,44.978260000000006 +12930,Hennepin Av,-93.26705980000001,44.9841714 +12931,Platform - Lv,-93.26283260000001,44.978260000000006 +12932,Merriam St,-93.2612234,44.985537400000005 +12933,Hennepin Av,-93.26704190000001,44.983935 +12934,Wilder St,-93.2612436,44.9861729 +12935,2 St Ne,-93.2583106,44.988662100000006 +12936,2 St / 1 St N,-93.2682516,44.984245800000004 +12937,1 Av Ne,-93.25872910000001,44.988774 +12938,3 Av S,-93.26162980000001,44.980414200000006 +12939,1 Av Ne,-93.2587634,44.988637000000004 +12940,Merriam/De Lasalle,-93.2609688,44.987042300000006 +12941,Platform,-93.26268420000001,44.9783665 +12942,Portland Av,-93.25949700000001,44.9782767 +12943,De Lasalle Dr,-93.2617257,44.9864959 +12944,4 Av S,-93.26248240000001,44.979469 +12945,2 St Se,-93.2556423,44.986007 +12946,2 St NE (Ortman),-93.2572892,44.987546800000004 +12947,Hennepin Av E,-93.2547943,44.988345 +12948,4 St Se,-93.25405860000001,44.9875546 +12949,5 St Se,-93.25328300000001,44.9886148 +12950,University Av Se,-93.25487030000001,44.9866314 +12951,4 St Se,-93.2551308,44.9883485 +12952,Central Av,-93.25508690000001,44.9868238 +12953,2 Av Se,-93.2524616,44.9872126 +12954,4th Street & Central Avenue,-93.2536858,44.987723100000004 +12955,University Avenue & 2nd Avenue,-93.25364490000001,44.986236000000005 +12956,Broadway St,-93.2655893,44.9985446 +12957,4 St Se,-93.25454380000001,44.987348000000004 +12958,Broadway St,-93.2662719,44.9989289 +12959,13 Av Ne,-93.26918380000001,44.9990515 +12960,Broadway St Ne,-93.2633124,44.998876300000006 +12961,Broadway St Ne,-93.2630381,44.9993831 +12962,Broadway St Ne,-93.26935560000001,44.9989713 +12963,3 Av Ne,-93.2523407,44.993237900000004 +12964,3 Av Ne,-93.25248950000001,44.993446500000005 +12965,7 Av Ne,-93.2629436,44.9950856 +12966,5 St Ne,-93.2540204,44.9901392 +12967,6 St Ne,-93.25258640000001,44.990628900000004 +12968,7 Av Ne,-93.2630797,44.9950209 +12969,4 St Ne,-93.2554942,44.989654 +12970,8 Av Ne,-93.2639769,44.9962657 +12971,Monroe St Ne,-93.2529355,44.998809800000004 +12972,Summer St Ne,-93.2523965,44.996771 +12973,6 St Se,-93.25200500000001,44.989405100000006 +12974,Hennepin E / 6 St,-93.2525059,44.9895294 +12975,5 Av Ne,-93.261819,44.9931634 +12976,4 Av Ne,-93.26065410000001,44.9917153 +12977,3 Av Ne,-93.2600798,44.9905996 +12978,Spring St Ne,-93.252369,44.994958200000006 +12979,Hennepin Av E,-93.2529861,44.9892745 +12980,Adams St Ne,-93.25610200000001,44.998772300000006 +12981,1 Av Ne,-93.2572779,44.989149600000005 +12982,1 Av Ne,-93.25731830000001,44.9894527 +12983,Jefferson St Ne,-93.2548088,44.9987793 +12984,45 St E,-93.232247,44.921601700000004 +12985,44 St E,-93.2472472,44.9231941 +12986,43 St E,-93.24727800000001,44.924985 +12987,Washington St Ne,-93.2573589,44.9988028 +12988,42 St E,-93.2472307,44.9267534 +12989,Cedar Av S,-93.24702760000001,44.9268626 +12990,21 Av S,-93.24246950000001,44.926888700000006 +12991,Adams St Ne,-93.25643980000001,44.998673100000005 +12992,19 Av S,-93.2449988,44.926895 +12993,43 St E,-93.2473959,44.9252964 +12994,Broadway St Ne,-93.25759690000001,44.998840300000005 +12995,42 St E,-93.24741370000001,44.9267667 +12996,44 St E,-93.24741080000001,44.9234524 +12997,Spring St Ne,-93.2525239,44.994853000000006 +12998,21 Av S,-93.24208270000001,44.9270733 +12999,19 Av S,-93.2446445,44.927053900000004 +13000,Summer St Ne,-93.2524774,44.996994900000004 +13001,Jefferson St Ne,-93.255173,44.998663 +13002,Cedar Av S,-93.24707020000001,44.9270057 +13003,41 St E,-93.24743310000001,44.928755100000004 +13004,Monroe St Ne,-93.25263770000001,44.998661600000005 +13005,40 St E,-93.24743090000001,44.9305918 +13006,39 St E,-93.24744000000001,44.9324293 +13007,26 Av S,-93.23484730000001,44.9268658 +13008,38 St E,-93.24722170000001,44.933947100000005 +13009,40 St E,-93.2472486,44.930398100000005 +13010,39 St E,-93.2471998,44.932151600000005 +13011,41 St E,-93.2472298,44.9286248 +13012,29 Av S,-93.23098230000001,44.926822800000004 +13013,Standish Av S,-93.2399132,44.9268851 +13014,24 Av S,-93.2374006,44.926878800000004 +13015,28 Av S,-93.2322951,44.9268322 +13016,34 Av S,-93.22484150000001,44.9268337 +13017,24 Av S,-93.2370247,44.9270356 +13018,Standish Av S,-93.23957220000001,44.927031500000005 +13019,41 St E,-93.2320291,44.9287824 +13020,40 St E,-93.23205540000001,44.9303776 +13021,29 Av S,-93.23070360000001,44.9269765 +13022,50 St E,-93.2227635,44.9124658 +13023,49 St E,-93.2229087,44.914604100000005 +13024,26 Av S,-93.23450940000001,44.9269979 +13025,Minnehaha Pkwy,-93.22295650000001,44.916525500000006 +13026,28 Av S,-93.2319585,44.9269661 +13027,49 St E,-93.2226794,44.914288600000006 +13028,43 St E,-93.2322214,44.9251986 +13029,50 St E,-93.22289950000001,44.912782400000005 +13030,Minnehaha Pkwy,-93.2227251,44.9159542 +13031,43 St E,-93.2320552,44.925006800000006 +13032,46 St E,-93.2230663,44.9197834 +13033,34 Av S,-93.2227232,44.919755900000006 +13034,42 St E,-93.23203240000001,44.926771 +13035,46 St E,-93.2228903,44.9195781 +13036,42 St E,-93.2322001,44.9270141 +13037,45 St E,-93.22301080000001,44.921592600000004 +13038,Gate J,-93.2199753,44.9203276 +13039,41 St E,-93.2322075,44.928429300000005 +13040,Gate G,-93.2202271,44.9207033 +13041,Snelling Av,-93.2166519,44.9195818 +13042,Gate H,-93.2200785,44.9204877 +13043,Gate E,-93.2197939,44.9203934 +13044,45 St E,-93.21561870000001,44.9213868 +13045,Gate F,-93.2203583,44.920900800000005 +13046,45 St E,-93.21598920000001,44.921705 +13047,Gate C,-93.2200615,44.9207897 +13048,Gate D,-93.21992490000001,44.9205897 +13049,46 St E,-93.21482080000001,44.9198941 +13050,Gate A,-93.2203357,44.921180400000004 +13051,Nokomis Av S,-93.2284252,44.926805 +13052,Gate B,-93.22019870000001,44.920986000000006 +13053,45 St E,-93.22285120000001,44.921372700000006 +13054,32 Av S,-93.2257814,44.9268261 +13055,42 Av S,-93.212671,44.9198001 +13056,42 Av S,-93.2129501,44.919640900000005 +13057,43 St E,-93.22336080000001,44.925238500000006 +13058,44 Av S,-93.21038890000001,44.9196491 +13059,44 St E,-93.22297370000001,44.9234469 +13060,Snelling Av,-93.2163903,44.919758 +13061,42 St E,-93.2245309,44.9266872 +13062,43 St E,-93.2230985,44.9251681 +13063,41 St E,-93.2197211,44.9285171 +13064,Snelling Av,-93.2257871,44.934080900000005 +13065,44 St E,-93.2228202,44.923197 +13066,40 St E,-93.2210807,44.9304094 +13067,39 St E,-93.22238730000001,44.9322129 +13068,Nokomis Av S,-93.2281995,44.9269629 +13069,38 St E,-93.22371340000001,44.934052900000005 +13070,39 St E,-93.22286000000001,44.932549300000005 +13071,32 Av S,-93.2255341,44.926967600000005 +13072,40 St E,-93.2215182,44.9307518 +13073,44 St E,-93.2165973,44.923208300000006 +13074,41 St E,-93.22020110000001,44.928908500000006 +13075,42 Av S,-93.21291360000001,44.9269515 +13076,40 Av S,-93.2152123,44.9270464 +13077,40 Av S,-93.2154536,44.926930600000006 +13078,42 St E,-93.2185218,44.9267922 +13079,43 St E,-93.2179143,44.925273100000005 +13080,43 St E,-93.21755010000001,44.925013400000005 +13081,44 St E,-93.21691240000001,44.9234894 +13082,42 St E,-93.2188921,44.9270938 +13083,37 St E,-93.2472716,44.935824600000004 +13084,Cedar Av S,-93.247573,44.9340458 +13085,42 St E,-93.2128572,44.9271243 +13086,Cedar Av S,-93.2476831,44.934197700000006 +13087,40 St E,-93.2127329,44.930490500000005 +13088,17 Av S,-93.25003770000001,44.9340527 +13089,17 Av S,-93.24969440000001,44.934199 +13090,39 St E,-93.2127147,44.9323235 +13091,16 Av S,-93.25130390000001,44.934065000000004 +13092,18 Av S,-93.24844990000001,44.934197000000005 +13093,39 St E,-93.2128625,44.932541900000004 +13094,36 St E,-93.2474492,44.937842200000006 +13095,36 St E,-93.2472834,44.9376467 +13096,41 St E,-93.2128314,44.928953500000006 +13097,Cedar Av S,-93.24713360000001,44.9394821 +13098,40 St E,-93.21281830000001,44.9307943 +13099,19 Av S,-93.24473800000001,44.934057100000004 +13100,21 Av S,-93.24245470000001,44.934050500000005 +13101,41 St E,-93.2127047,44.9286769 +13102,38 St E,-93.2474545,44.934267000000006 +13103,21 Av S,-93.2421353,44.9341912 +13104,19 Av S,-93.24467600000001,44.934188500000005 +13105,37 St E,-93.2474394,44.9360237 +13106,21 Av S,-93.24241090000001,44.939482600000005 +13107,19 Av S,-93.24495800000001,44.9394836 +13108,21 Av S,-93.2421652,44.9395998 +13109,34 St E,-93.2474756,44.9415059 +13110,33 St E,-93.24745750000001,44.9430799 +13111,35 St E,-93.2474574,44.939634000000005 +13112,32 St E,-93.2474931,44.944917700000005 +13113,35 St E,-93.24727700000001,44.939714 +13114,28 Av S,-93.2322747,44.9340604 +13115,32 St E,-93.24732800000001,44.9445976 +13116,34 St E,-93.24709340000001,44.941427000000004 +13117,28 Av S,-93.2319633,44.934189100000005 +13118,33 St E,-93.24727580000001,44.9428135 +13119,26 Av S,-93.23453620000001,44.9341858 +13120,19 Av S,-93.2447059,44.9396051 +13121,24 Av S,-93.23738580000001,44.934047 +13122,23 Av S,-93.2386788,44.93419 +13123,37 St E,-93.2389739,44.9360092 +13124,33 St E,-93.23050160000001,44.9433657 +13125,32 St E,-93.23153470000001,44.9447313 +13126,32 St E,-93.23190720000001,44.944976800000006 +13127,33 St E,-93.23051290000001,44.9430643 +13128,Lake St E,-93.2475316,44.948483100000004 +13129,31 St E,-93.2474957,44.946743000000005 +13130,Standish Av S,-93.23991290000001,44.9340465 +13131,21 Av S,-93.2418454,44.9464947 +13132,31 St E,-93.2474062,44.9464313 +13133,Lake St E,-93.24730620000001,44.9486323 +13134,37 St / 38 St E,-93.2389826,44.934641500000005 +13135,17 Av S,-93.2502044,44.948296400000004 +13136,23 Av S,-93.23907050000001,44.9394799 +13137,17 Av S,-93.2497979,44.9484068 +13138,21 Av S,-93.2415563,44.948305700000006 +13139,35 St E,-93.2388291,44.939441900000006 +13140,36 St E,-93.23881850000001,44.9376492 +13141,21 Av S,-93.2420613,44.9484567 +13142,19 Av S,-93.2450597,44.9482925 +13143,36 St E,-93.23898670000001,44.937823 +13144,Cedar Av S,-93.24767170000001,44.948290500000006 +13145,37 St E,-93.23881250000001,44.935845400000005 +13146,Cedar Av S,-93.24716950000001,44.9484482 +13147,Lake St E,-93.24237090000001,44.9476011 +13148,27 St E,-93.2472934,44.9535767 +13149,28 St E,-93.24747830000001,44.9521558 +13150,17 Av S,-93.250163,44.9518927 +13151,Hiawatha Av S,-93.24144190000001,44.9519083 +13152,27 St E,-93.2466102,44.9537052 +13153,26 St E,-93.24748240000001,44.9553087 +13154,26 St E,-93.2472754,44.955374600000006 +13155,28 St E,-93.24729640000001,44.951857600000004 +13156,18 Av S,-93.2485255,44.955607900000004 +13157,Wendy's Driveway,-93.2332983,44.9491765 +13158,Cedar Av S,-93.2476297,44.951881300000004 +13159,29 St E,-93.23482750000001,44.9503263 +13160,Lake - Midtown Stn,-93.2395989,44.948516500000004 +13161,29 St E,-93.2346735,44.9500441 +13162,28 Av S,-93.2313941,44.948491700000005 +13163,Snelling Av,-93.23615480000001,44.9482602 +13164,26 Av E (Minnehaha),-93.2340801,44.948471700000006 +13165,28 Av S,-93.23160580000001,44.948296000000006 +13166,Snelling Av,-93.2357333,44.9484821 +13167,Minnehaha Av (26 Av),-93.2345428,44.9482772 +13168,27 Av S,-93.23330680000001,44.9519128 +13169,Lake - Midtown Stn,-93.23911220000001,44.9482373 +13170,28 St E,-93.2345523,44.9518113 +13171,Minnehaha (28 St),-93.2348482,44.951323 +13172,31 St E,-93.23294030000001,44.946697400000005 +13173,Lake St E,-93.2344274,44.948829100000005 +13174,26 St E,-93.23299770000001,44.9553978 +13175,35 St E,-93.227604,44.9393954 +13176,28 St E,-93.23321820000001,44.952079600000005 +13177,26 St E,-93.2331796,44.9557177 +13178,Gate A,-93.22976680000001,44.934931000000006 +13179,Gate B,-93.2296622,44.9347762 +13180,Gate C,-93.229563,44.934626300000005 +13181,Gate D,-93.2295107,44.9344582 +13182,36 St E,-93.2267666,44.9379335 +13183,Snelling Av,-93.2254949,44.934243200000004 +13184,37 St E,-93.2248474,44.9356267 +13185,36 Av S,-93.2205495,44.934137 +13186,37 St E,-93.2255279,44.936116500000004 +13187,36 St E,-93.22633250000001,44.9376084 +13188,36 Av S,-93.2202505,44.9342708 +13189,Avalon Dr,-93.1603546,44.855319900000005 +13190,Minnehaha Av,-93.22410110000001,44.9341025 +13191,Minnehaha Av,-93.22377510000001,44.9342157 +13192,35 St E,-93.22809120000001,44.939727700000006 +13193,34 St E,-93.22933450000001,44.941484300000006 +13194,38 St E,-93.22413060000001,44.934269300000004 +13195,38 St E,-93.21278760000001,44.9340844 +13196,32 St E,-93.22035550000001,44.944901 +13197,37 St E,-93.212725,44.9357003 +13198,36 St E,-93.2126906,44.9377342 +13199,33 St E,-93.2203614,44.9431384 +13200,35 St E,-93.2126707,44.939573800000005 +13201,38 Av S,-93.2180446,44.934137 +13202,34 St E,-93.22892440000001,44.9412212 +13203,38 Av S,-93.2176972,44.9342689 +13204,43 Av S,-93.2113149,44.9343292 +13205,33 St E,-93.22047470000001,44.9433869 +13206,45 Av S,-93.20883930000001,44.9343571 +13207,36 Av S,-93.220134,44.9414948 +13208,44 Av S,-93.2103829,44.9342702 +13209,42 Av S,-93.2129697,44.9342121 +13210,36 Av S,-93.2200231,44.941403400000006 +13211,42 Av S,-93.2125489,44.9343268 +13212,31 St E,-93.220325,44.9466875 +13213,40 Av S,-93.2154661,44.934187 +13214,40 Av S,-93.2151484,44.9342923 +13215,37 St E,-93.21284390000001,44.9359747 +13216,36 St E,-93.2128497,44.9379882 +13217,29 St E,-93.2203484,44.9500581 +13218,38 St E,-93.2128469,44.9344109 +13219,34 St E,-93.21264330000001,44.9413138 +13220,32 St E,-93.22046630000001,44.9451849 +13221,38 Av S,-93.21767360000001,44.9414953 +13222,31 St E,-93.2204554,44.9469919 +13223,40 Av S,-93.21514660000001,44.941517100000006 +13224,35 St E,-93.21281540000001,44.939812700000004 +13225,Lake St E,-93.2204804,44.948572600000006 +13226,42 Av S,-93.2130041,44.9414505 +13227,38 Av S,-93.21806880000001,44.9414108 +13228,29 St E,-93.2204418,44.950346200000006 +13229,40 Av S,-93.2154769,44.9414418 +13230,Lake St E,-93.2202948,44.948590800000005 +13231,36 Av S,-93.22016590000001,44.948464300000005 +13232,36 Av S,-93.2206295,44.9482742 +13233,28 St E,-93.2203058,44.9522229 +13234,33 Av S,-93.2245302,44.948302500000004 +13235,26 St E,-93.2203513,44.955433400000004 +13236,27 St E,-93.2203363,44.9536874 +13237,33 Av S,-93.22410190000001,44.948474100000006 +13238,28 St E,-93.2204756,44.9520952 +13239,31 Av S,-93.2268665,44.9484603 +13240,27 St E,-93.22046,44.9539382 +13241,26 St E,-93.2204713,44.9553087 +13242,31 Av S,-93.22731800000001,44.9482961 +13243,44 Av S,-93.2103088,44.9482621 +13244,44 Av S,-93.2100477,44.9484384 +13245,39 Av S,-93.21634320000001,44.9484304 +13246,42 Av S,-93.21253010000001,44.9484305 +13247,42 Av S,-93.2129434,44.948342600000004 +13248,39 Av S,-93.2167277,44.9482682 +13249,Main Bldg,-93.20457420000001,44.9142163 +13250,Cleveland Ave & Saunders Ave,-93.1872737,44.913782000000005 +13251,Cleveland Ave & Bohland Ave,-93.1875375,44.9161647 +13252,Shelter,-93.20411800000001,44.9144172 +13253,Cleveland Ave & Village Lane,-93.1875019,44.914090200000004 +13254,Bldg 4,-93.2032532,44.9122162 +13255,Cleveland Ave & Montreal Ave,-93.1874908,44.9127899 +13256,Cleveland Avenue & Ford Parkway,-93.18754840000001,44.9175045 +13257,46 St E,-93.2077529,44.919901800000005 +13258,Saint Paul Avenue & Delano Place,-93.18621990000001,44.9147442 +13259,Pinehurst Av,-93.19242460000001,44.9187303 +13260,Godfrey Rd,-93.20773840000001,44.918708900000006 +13261,Highland Pkwy,-93.19251750000001,44.9199664 +13262,Pinehurst Av,-93.1925406,44.918974000000006 +13263,45 St E,-93.2077411,44.921690700000006 +13264,Highland Pkwy,-93.1924288,44.9196475 +13265,46 St E,-93.20758260000001,44.9200694 +13266,Bayard Av,-93.1875469,44.9226778 +13267,Ford Parkway & Woodlawn Avenue,-93.1966689,44.9180001 +13268,Cretin Av,-93.1923264,44.9180167 +13269,Cretin Av,-93.19281190000001,44.917841900000006 +13270,Scheffer Av,-93.1925415,44.921683 +13271,Scheffer Av,-93.1924597,44.921484 +13272,Godfrey Rd,-93.2075641,44.918576 +13273,Cleveland Avenue & Ford Parkway,-93.1872189,44.917760900000005 +13274,Ford Pkwy,-93.18749290000001,44.918111100000004 +13275,Pinehurst Av,-93.1872807,44.919175100000004 +13276,Cleveland Ave & St Paul Avenue,-93.1872687,44.915558000000004 +13277,Highland Pkwy,-93.1875054,44.919933500000006 +13278,Cleveland Ave & Hillcrest Ave,-93.1872283,44.9169945 +13279,Finn St,-93.18961610000001,44.918040100000006 +13280,Cleveland Av,-93.1871308,44.918019900000004 +13281,Cleveland Ave & Montreal Ave,-93.1873154,44.9124069 +13282,Bayard Av,-93.18727630000001,44.9219991 +13283,Niles Av,-93.19252920000001,44.9253671 +13284,44 St E,-93.20758140000001,44.923341300000004 +13285,42 St E,-93.2075775,44.926968300000006 +13286,42 St E,-93.2077503,44.927131800000005 +13287,Becketwood Driveway,-93.20758090000001,44.9255117 +13288,44 St E,-93.2077369,44.923495100000004 +13289,Hartford Av,-93.1925332,44.9235332 +13290,43 St E,-93.2077476,44.925314500000006 +13291,41 St E,-93.207576,44.928964400000005 +13292,Hartford Av,-93.1924608,44.923293 +13293,41 St E,-93.2077411,44.928966 +13294,39 St E,-93.20774220000001,44.9326141 +13295,Niles Av,-93.1924554,44.925111400000006 +13296,39 St E,-93.2075573,44.9325945 +13297,Randolph Av,-93.1924139,44.926929400000006 +13298,Coffey Lane,-93.2075894,44.9305898 +13299,40 St E,-93.20773700000001,44.9307512 +13300,Hartford Av,-93.1872615,44.9233071 +13301,Randolph Av,-93.1925137,44.927212700000005 +13302,Niles Av,-93.1872871,44.925202600000006 +13303,Randolph Av,-93.18728220000001,44.926685000000006 +13304,Jefferson Av,-93.1925635,44.930822500000005 +13305,Palace Av,-93.1925125,44.928715200000006 +13306,Randolph Av,-93.18748830000001,44.9267705 +13307,Palace Av,-93.1924034,44.928732700000005 +13308,Jefferson Av,-93.1924355,44.9305272 +13309,Niles Av,-93.1874863,44.9253425 +13310,Stanford Av,-93.19246310000001,44.9323649 +13311,Hartford Av,-93.1874846,44.923524 +13312,Palace Av,-93.1874574,44.9289714 +13313,Stanford Av,-93.1874657,44.932605200000005 +13314,Berkeley / St Clair,-93.18733080000001,44.933672800000004 +13315,Jefferson Av,-93.1874648,44.9307898 +13316,Palace Av,-93.1873087,44.928826400000005 +13317,Stanford Av,-93.192541,44.9326378 +13318,Stanford Av,-93.187329,44.932419100000004 +13319,Jefferson Av,-93.1873343,44.930591 +13320,Fairview Avenue & Saunders Avenue,-93.1773046,44.914453200000004 +13321,Fairview Avenue & Bohland Avenue,-93.17729840000001,44.916296700000004 +13322,Ford Parkway & Kenneth Street,-93.18520480000001,44.918040700000006 +13323,Fairview Avenue & Saunders Avenue,-93.1771155,44.9142348 +13324,Montreal Avenue & Davern Street,-93.1718029,44.9126254 +13325,Montreal Avenue & Davern Street,-93.172278,44.91246 +13326,Fairview Avenue & Bohland Avenue,-93.17712,44.9160058 +13327,Snelling Avenue & Rome Avenue,-93.1669068,44.9134605 +13328,Snelling Avenue & Saunders Avenue,-93.1669085,44.914251300000004 +13329,Saint Paul Avenue & Saunders Avenue,-93.185901,44.9137033 +13330,Snelling Avenue & Bohland Avenue,-93.1669006,44.916008100000006 +13331,Snelling Avenue & Bohland Avenue,-93.16718110000001,44.9162447 +13332,Saint Paul Avenue & Montreal Avenue,-93.18524930000001,44.9127256 +13333,Snelling Avenue & Saunders Avenue,-93.16718490000001,44.914443000000006 +13334,Snelling Avenue & Rome Avenue,-93.1671853,44.913569 +13335,Saint Paul Avenue & Montreal Avenue,-93.1846301,44.9123412 +13336,Montreal Avenue & Highland Park Junior High,-93.1682971,44.912439600000006 +13337,Snelling Avenue & Ford Parkway,-93.1671941,44.9182021 +13338,Ford Pkwy,-93.1847831,44.9176555 +13339,Ford Parkway & Kenneth Street,-93.185107,44.917825 +13340,Ford Parkway & Howell Street,-93.1807376,44.918058 +13341,Snelling Avenue & Scheffer Avenue,-93.1668951,44.9214555 +13342,Snelling Avenue & Ford Parkway,-93.16689430000001,44.918368 +13343,Ford Parkway & Howell Street,-93.1810363,44.9178787 +13344,Snelling Avenue & Scheffer Avenue,-93.1671847,44.921706400000005 +13345,Snelling Avenue & Highland Parkway,-93.1671762,44.9199336 +13346,Ford Parkway & Fairview Avenue,-93.17745520000001,44.9178772 +13347,Fairview Av,-93.1770529,44.927116000000005 +13348,Kenneth St,-93.1845371,44.927039300000004 +13349,Snelling Avenue & Hartford Avenue,-93.16689410000001,44.9232698 +13350,Prior Av,-93.182427,44.9270251 +13351,Howell St,-93.17961290000001,44.927097700000004 +13352,Prior Av,-93.1821388,44.9271089 +13353,Kenneth St,-93.1847206,44.927151800000004 +13354,Fairview Av,-93.1774498,44.926994900000004 +13355,Howell St,-93.17986610000001,44.9270014 +13356,Snelling Avenue & Niles Avenue,-93.16689880000001,44.925069300000004 +13357,Snelling Avenue & Randolph Avenue,-93.1669047,44.927226100000006 +13358,Snelling Avenue & Randolph Avenue,-93.1671884,44.9267538 +13359,Brimhall St,-93.16540880000001,44.9269419 +13360,Snelling Av S,-93.16729600000001,44.926942100000005 +13361,Snelling Avenue & Niles Avenue,-93.16718580000001,44.9252855 +13362,Snelling Av S,-93.1676338,44.9270769 +13363,Brimhall St,-93.16557590000001,44.9270347 +13364,Snelling Avenue & Hartford Avenue,-93.16718900000001,44.923486000000004 +13365,Snelling Avenue & Palace Avenue,-93.16689840000001,44.9287171 +13366,Snelling Avenue & Jefferson Avenue,-93.16690910000001,44.930533000000004 +13367,Macalester St,-93.1694664,44.9270884 +13368,Snelling Avenue & Stanford Avenue,-93.1668959,44.9323205 +13369,Davern St,-93.1719741,44.9270836 +13370,Snelling Avenue & Stanford Avenue,-93.16718680000001,44.9325641 +13371,Snelling Avenue & Palace Avenue,-93.16718440000001,44.928934000000005 +13372,Wheeler St,-93.1744977,44.9271004 +13373,Snelling Avenue & Jefferson Avenue,-93.1671838,44.9307467 +13374,46 Av S,-93.20775300000001,44.934256500000004 +13375,Davern St,-93.17230400000001,44.9269788 +13376,38 St E,-93.2075975,44.93423 +13377,Wheeler St,-93.17483510000001,44.9269915 +13378,Macalester St,-93.1697405,44.9269599 +13379,Cleveland Av,-93.1872488,44.9343908 +13380,Summit Av,-93.19234510000001,44.941154700000006 +13381,Finn St,-93.1897946,44.9343358 +13382,Cretin Av,-93.19233960000001,44.9343269 +13383,St Clair Av,-93.1924489,44.934178100000004 +13384,Cleveland Av,-93.18755680000001,44.9342592 +13385,Finn St,-93.1901148,44.934284000000005 +13386,Cretin Av,-93.1923333,44.9401767 +13387,Goodrich Av,-93.18747,44.938033700000005 +13388,St Clair Av,-93.1874696,44.934433500000004 +13389,Princeton Av,-93.1874629,44.936230200000004 +13390,Goodrich Av,-93.18731790000001,44.9378387 +13391,Princeton Av,-93.1873254,44.936048400000004 +13392,Cretin Av,-93.1919615,44.9412895 +13393,Finn St / Cretin Av,-93.19170000000001,44.941754100000004 +13394,Mississippi River Blvd,-93.1923581,44.943004200000004 +13395,Mississippi River Blvd,-93.19248920000001,44.943304000000005 +13396,Portland Av,-93.1873094,44.942837100000006 +13397,Finn St,-93.18975520000001,44.9417154 +13398,Ashland Av,-93.1874808,44.9435105 +13399,Ashland Av,-93.187297,44.9438881 +13400,Cleveland Av,-93.1875756,44.9412965 +13401,West River Pkwy S,-93.20569300000001,44.948288700000006 +13402,Otis Av,-93.1976772,44.948469 +13403,Cleveland Av,-93.18754870000001,44.9400327 +13404,46 Av S,-93.2075116,44.948440600000005 +13405,Otis Av,-93.198031,44.948243000000005 +13406,Finn St,-93.1901105,44.9400835 +13407,Selby Av,-93.1923447,44.9460884 +13408,Finn St,-93.1897526,44.9401864 +13409,Selby Av,-93.1925636,44.9463145 +13410,Marshall Av,-93.19257920000001,44.9479674 +13411,Cleveland Av,-93.1872369,44.9401938 +13412,Cretin Av,-93.1927005,44.9482925 +13413,Exeter Place,-93.19489770000001,44.9484742 +13414,Summit Av,-93.18748210000001,44.9418548 +13415,Grand Av,-93.1874653,44.940227400000005 +13416,Cretin Av,-93.1928774,44.948472900000006 +13417,Grand Av,-93.1873049,44.940476600000004 +13418,Montrose Place,-93.1965504,44.9483005 +13419,Exeter Place,-93.19511800000001,44.948287400000005 +13420,Marshall Av,-93.18727050000001,44.948213 +13421,Montrose Place,-93.19610890000001,44.9484708 +13422,Marshall Av,-93.19236620000001,44.9481776 +13423,Selby Av,-93.1874581,44.946299200000006 +13424,Selby Av,-93.1872951,44.946093600000005 +13425,Cleveland Av,-93.1871576,44.94847 +13426,Finn St,-93.1900786,44.9483011 +13427,Iglehart Av,-93.187281,44.949347100000004 +13428,Cleveland Av,-93.1875291,44.9482821 +13429,Finn St,-93.1897246,44.948480700000005 +13430,Cretin Av,-93.19273270000001,44.955336800000005 +13431,Marshall Av,-93.1874442,44.948527600000006 +13432,Gilbert Av,-93.1872919,44.9547321 +13433,Iglehart Av,-93.18745360000001,44.9497596 +13434,Cleveland Av,-93.18723,44.9549068 +13435,Temple Court,-93.19255030000001,44.954108700000006 +13436,Temple Court,-93.1923957,44.954105500000004 +13437,Carroll Av,-93.1873053,44.950699900000004 +13438,Roblyn Av,-93.1873233,44.952266 +13439,Roblyn Av,-93.1925502,44.9520416 +13440,St Anthony Av,-93.18729850000001,44.953631300000005 +13441,Carroll Av,-93.19236760000001,44.950727900000004 +13442,Howell St,-93.17960950000001,44.9343725 +13443,Carroll Av,-93.19255270000001,44.950881800000005 +13444,Fairview Av,-93.17704230000001,44.9343871 +13445,Kenneth St,-93.1852035,44.9343951 +13446,Roblyn Av,-93.1874528,44.9521043 +13447,Prior Av,-93.1821718,44.9343184 +13448,Prior Av,-93.1825254,44.934240700000004 +13449,St Anthony Av,-93.18746970000001,44.9539309 +13450,Howell St,-93.17913,44.934212 +13451,Carroll Av,-93.18744360000001,44.9509441 +13452,Kenneth St,-93.185117,44.934268100000004 +13453,Fairview Av,-93.17733460000001,44.934198300000006 +13454,Roblyn Av,-93.1923891,44.9518859 +13455,Fairview Av,-93.1768267,44.9401893 +13456,Snelling Av,-93.1667355,44.9343055 +13457,Howell St,-93.1797489,44.940166000000005 +13458,Prior Av,-93.1821367,44.940181100000004 +13459,#2003,-93.1849942,44.940183000000005 +13460,Prior Av,-93.18259660000001,44.940047500000006 +13461,Wheeler St,-93.17502280000001,44.934297300000004 +13462,#2002,-93.18513940000001,44.9400494 +13463,Fairview Av,-93.1774343,44.940012200000005 +13464,Vernon St,-93.1709515,44.9342866 +13465,Howell St,-93.1799438,44.9401206 +13466,Snelling Avenue & Saint Clair Avenue,-93.16689720000001,44.934515000000005 +13467,Macalester St,-93.1697311,44.93422 +13468,Snelling Avenue & Osceola Avenue,-93.1668918,44.9359909 +13469,Snelling Avenue & Goodrich Avenue,-93.16687280000001,44.937850700000006 +13470,Snelling Av,-93.1672867,44.9342029 +13471,Saratoga St,-93.1643224,44.9342945 +13472,Macalester St,-93.16948900000001,44.9342965 +13473,Wheeler St,-93.1749508,44.934179300000004 +13474,Davern St,-93.17231670000001,44.9342057 +13475,Snelling Avenue & Laurel Avenue,-93.16687610000001,44.944911700000006 +13476,Saratoga St,-93.16469400000001,44.9341846 +13477,Snelling Avenue & Grand Avenue,-93.1668843,44.939730000000004 +13478,Snelling Avenue & Summit Avenue,-93.1668806,44.941190600000006 +13479,Snelling Avenue & Osceola Avenue,-93.1671788,44.9358507 +13480,Saratoga St,-93.164291,44.94015 +13481,Snelling Av,-93.16745900000001,44.940174000000006 +13482,Snelling Avenue & Goodrich Avenue,-93.1671697,44.937981900000004 +13483,Cambridge St,-93.1713548,44.940174500000005 +13484,Snelling Avenue & Saint Clair Avenue,-93.1671792,44.934484100000006 +13485,Wheeler St,-93.1740589,44.940183600000005 +13486,Cambridge St,-93.171701,44.9400148 +13487,Snelling Avenue & Portland Avenue,-93.16687540000001,44.9427954 +13488,Wheeler St,-93.1745257,44.9400095 +13489,Saratoga St,-93.1646841,44.9399845 +13490,Snelling Avenue & Summit Avenue,-93.1671644,44.9417878 +13491,Snelling Av,-93.1672375,44.9400084 +13492,Snelling Avenue & Grand Avenue,-93.1671723,44.9397753 +13493,Prior Turnaround,-93.1830446,44.9535209 +13494,Snelling Avenue & Portland Avenue,-93.1671589,44.9430374 +13495,Feronia Av,-93.1823743,44.954312 +13496,Fairview Av,-93.177497,44.955761800000005 +13497,Moore St,-93.184336,44.948319500000004 +13498,Fairview Av,-93.1769036,44.9559483 +13499,Feronia Av,-93.1822161,44.954421 +13500,Moore St,-93.1839705,44.948484900000004 +13501,Wheeler St,-93.17484400000001,44.948357900000005 +13502,Dewey St,-93.17846200000001,44.9484804 +13503,Fry St,-93.1692635,44.9483 +13504,Aldine St,-93.17228530000001,44.9482766 +13505,Fairview Av,-93.1774053,44.9483395 +13506,Aldine St,-93.1719815,44.9484423 +13507,Fry St,-93.1688407,44.9483058 +13508,Howell St,-93.1809453,44.9483471 +13509,Wheeler St,-93.1745284,44.9484378 +13510,Snelling Avenue & Dayton Avenue,-93.16686490000001,44.9471896 +13511,Howell St,-93.18050960000001,44.9484603 +13512,Prior Av,-93.1825072,44.9484793 +13513,Snelling Avenue & Carroll Avenue,-93.16683210000001,44.9501511 +13514,Prior Av,-93.1829313,44.948337 +13515,Snelling Avenue & Dayton Avenue,-93.16715190000001,44.9475939 +13516,Gilbert Av,-93.183346,44.953803 +13517,Snelling Avenue & Laurel Avenue,-93.16717320000001,44.9451479 +13518,Snelling Av,-93.166134,44.9555157 +13519,Prior Av,-93.1826151,44.95337 +13520,Snelling Avenue & Spruce Tree Avenue,-93.1667716,44.954713600000005 +13521,Snelling Avenue & Carroll Avenue,-93.167235,44.9503981 +13522,Fry St,-93.1697633,44.955540500000005 +13523,Aldine St,-93.1722711,44.955528900000004 +13524,Wheeler St,-93.1748501,44.955525 +13525,Wheeler St,-93.1744491,44.9557913 +13526,Aldine St,-93.17190160000001,44.9558079 +13527,Eagandale Blvd,-93.1583023,44.853790200000006 +13528,Snelling Av,-93.1676733,44.9558303 +13529,#2121,-93.2434006,44.9614342 +13530,22 Av S,-93.24107450000001,44.9626784 +13531,24 St E,-93.2417329,44.959014700000004 +13532,24 St / 25 1/2 St,-93.2474237,44.9571095 +13533,24 St E,-93.2474049,44.9587531 +13534,#2501,-93.2472539,44.957160800000004 +13535,24 St E,-93.2471943,44.958985500000004 +13536,22 St E,-93.2433656,44.961117300000005 +13537,16 Av S,-93.2512798,44.962661100000005 +13538,24 St E,-93.2422372,44.9594314 +13539,Minnehaha/Cedar,-93.2448627,44.9628347 +13540,Minnehaha Av,-93.24450870000001,44.9626268 +13541,Franklin Av E,-93.2449584,44.9625038 +13542,9 St S,-93.2460511,44.9641761 +13543,20 Av S,-93.2453907,44.963887 +13544,Minnehaha Av,-93.2404829,44.957410200000005 +13545,27 Av S,-93.2328299,44.957441 +13546,Franklin Station,-93.2471077,44.962403900000005 +13547,25 Av S,-93.2364855,44.9574428 +13548,Franklin Station,-93.24692,44.9626771 +13549,25 St E,-93.2329785,44.9578476 +13550,24 St E,-93.2329967,44.959033700000006 +13551,16 Av S,-93.2508155,44.962904300000005 +13552,22 St E,-93.2329936,44.960846700000005 +13553,Franklin Av E,-93.245322,44.9628862 +13554,29 Av S,-93.23008540000001,44.9573428 +13555,27 Av S,-93.23361480000001,44.957332900000004 +13556,#500,-93.2081294,44.9773398 +13557,9 St S,-93.2357252,44.9636264 +13558,25 Av S,-93.2364347,44.9573302 +13559,23 Av S,-93.23951720000001,44.957330500000005 +13560,25 St E,-93.2331685,44.9575425 +13561,24 St E,-93.2330859,44.9593246 +13562,25 Av S,-93.2367042,44.9658108 +13563,22 St E,-93.2331231,44.961159800000004 +13564,22 Av S,-93.2407388,44.962822800000005 +13565,25 Av S,-93.23561690000001,44.9651836 +13566,23 Av S,-93.239326,44.962822100000004 +13567,24 Av S,-93.23815800000001,44.9662943 +13568,24 Av S,-93.23788420000001,44.962687700000004 +13569,24 Av S,-93.2375988,44.9628293 +13570,24 Av S,-93.23774270000001,44.966271600000006 +13571,25 Av S,-93.23633880000001,44.962711600000006 +13572,Franklin Av E,-93.23309540000001,44.9629033 +13573,26 Av S,-93.2343879,44.9628407 +13574,27 Av S,-93.23318110000001,44.9626917 +13575,Franklin Av E,-93.23291970000001,44.9625046 +13576,Franklin Av E,-93.23454600000001,44.963049000000005 +13577,28 Av S,-93.23158480000001,44.9628777 +13578,29 Av S,-93.23005210000001,44.9627083 +13579,26 Av S,-93.23476690000001,44.962693 +13580,27 Av S,-93.2328155,44.962848900000004 +13581,#501,-93.24679540000001,44.9666231 +13582,#500,-93.20836050000001,44.977254 +13583,Riverside Plaza,-93.24739100000001,44.9691713 +13584,3 St S,-93.2471622,44.9711535 +13585,6 St S,-93.2473791,44.9673275 +13586,6 St S,-93.2472013,44.967596 +13587,Bridal Veil Circle,-93.20977420000001,44.977699900000005 +13588,Washington Avenue & West Bank,-93.24284920000001,44.972425400000006 +13589,Cedar Av S,-93.24787180000001,44.972254500000005 +13590,Riverside Av,-93.24576920000001,44.9700725 +13591,Washington Avenue & West Bank,-93.2435794,44.972567600000005 +13592,3 St S,-93.2473487,44.9714857 +13593,Washington Av,-93.2472955,44.9730432 +13594,Cedar Av S,-93.24683420000001,44.971206800000004 +13595,Washington Av,-93.24754920000001,44.9728864 +13596,2 St S,-93.2457619,44.9740137 +13597,20 Av S,-93.2438697,44.9688924 +13598,23 Av S,-93.23983430000001,44.9671548 +13599,Washington Avenue & Coffman Union,-93.2354543,44.9737382 +13600,21 Av S,-93.2427217,44.9681939 +13601,Bridal Veil Circle,-93.2094416,44.977744300000005 +13602,21 Av S,-93.24228070000001,44.9681902 +13603,22 Av S,-93.24109410000001,44.9675181 +13604,Washington Avenue & Coffman Union,-93.23545150000001,44.9735359 +13605,Jones Hall - Leave,-93.23531770000001,44.978516500000005 +13606,Cedar Av S,-93.24612350000001,44.9716759 +13607,Eddy Hall - Leave,-93.23606430000001,44.978144300000004 +13608,Church (17 Av),-93.2327176,44.977942500000005 +13609,29 Av S,-93.22972650000001,44.957441800000005 +13610,Eddy Hall - Arrive,-93.23584770000001,44.9784151 +13611,Church St,-93.2336425,44.976894300000005 +13612,31 Av S,-93.2267619,44.957460700000006 +13613,Jones Hall - Arrive,-93.23557500000001,44.9781892 +13614,33 Av S,-93.2238245,44.957438200000006 +13615,35 Av S,-93.2207674,44.9574281 +13616,25 St E,-93.2203599,44.95713 +13617,31 Av S,-93.227023,44.9627074 +13618,35 Av S,-93.22107460000001,44.9573647 +13619,Seymour Av,-93.2129007,44.964469400000006 +13620,33 Av S,-93.22417890000001,44.9573164 +13621,Bedford St,-93.20913900000001,44.964533 +13622,River Terrace E,-93.2180807,44.9645687 +13623,31 Av S,-93.2271662,44.9573418 +13624,Arthur Av,-93.2149916,44.9645036 +13625,Bedford St,-93.20871790000001,44.964654700000004 +13626,East River Rd,-93.22040650000001,44.9645779 +13627,Seymour Av,-93.2126781,44.9645833 +13628,Malcolm Av,-93.2147609,44.964611700000006 +13629,27 Av Se,-93.2202695,44.9646886 +13630,River Terrace E,-93.21776530000001,44.9646753 +13631,Hwy 94,-93.2229161,44.9675852 +13632,31 Av S,-93.22671790000001,44.9628637 +13633,30 Av / Riverside,-93.2288415,44.9628594 +13634,Huron Blvd SE & Fulton St,-93.2230172,44.9703826 +13635,30 Av S,-93.2283695,44.9627028 +13636,Huron Transit Stn,-93.2228955,44.9675699 +13637,25 Av Se,-93.2216035,44.973410300000005 +13638,Oak Street & Washington Avenue,-93.2272544,44.9740296 +13639,University Ave Se,-93.2266146,44.975302000000006 +13640,Beacon St,-93.22575040000001,44.974835500000005 +13641,Beacon St,-93.22720500000001,44.974809400000005 +13642,Oak St Se,-93.22689190000001,44.975553500000004 +13643,18 Av / Oak St,-93.22985460000001,44.976779300000004 +13644,23rd Avenue & 6th Street,-93.2215541,44.976602500000006 +13645,#1901,-93.22940240000001,44.9780255 +13646,27 Av Se,-93.21885160000001,44.9723303 +13647,Arthur Av Se,-93.214889,44.970738100000005 +13648,10 Av Se,-93.2410713,44.982659600000005 +13649,University Avenue & 7th Avenue,-93.24647470000001,44.983384400000006 +13650,Bedford St Se,-93.209247,44.9684662 +13651,8 Av Se,-93.2451092,44.9828387 +13652,4 St Se,-93.24130290000001,44.982895400000004 +13653,Malcolm Av Se,-93.21302060000001,44.9699716 +13654,4th Street & 6th Avenue,-93.2466792,44.9849115 +13655,4th Street & 8th Avenue,-93.24392420000001,44.9838321 +13656,4th Street & 4th Avenue,-93.2497331,44.9861276 +13657,University Avenue & 4th Avenue,-93.2508368,44.9850914 +13658,University Avenue & 6th Avenue,-93.2478895,44.9839399 +13659,Emerald / Bedford,-93.2081184,44.968304800000006 +13660,7 Av Se,-93.2422171,44.9882763 +13661,27 Av Se,-93.21835130000001,44.9723441 +13662,4 St Se,-93.2343216,44.9802048 +13663,Eddy Hall,-93.2359679,44.9782669 +13664,Malcolm Av Se,-93.21249680000001,44.9700191 +13665,6 St Se,-93.23280120000001,44.9820493 +13666,6 St Se,-93.2328712,44.9817532 +13667,29 Av Se,-93.2151381,44.9710704 +13668,15 Av Se,-93.23489020000001,44.980222000000005 +13669,Pleasant (15 Av),-93.235482,44.9790257 +13670,4 St Se,-93.23399570000001,44.9803112 +13671,13 Av Se,-93.23758190000001,44.981289100000005 +13672,13 Av Se,-93.23818270000001,44.9801014 +13673,Hennepin Av E,-93.21782660000001,44.9916896 +13674,Rollins Av,-93.2302775,44.985149400000005 +13675,Rollins Av,-93.23045920000001,44.9854915 +13676,17 Av Se,-93.23205150000001,44.979131800000005 +13677,8 St Se,-93.23128120000001,44.9839987 +13678,8 St Se,-93.231362,44.983667600000004 +13679,Sanford Hall,-93.2399556,44.9808035 +13680,5 St Se,-93.2404796,44.9838005 +13681,10 Av Se,-93.23849320000001,44.9866651 +13682,Jones Hall,-93.23544960000001,44.978348700000005 +13683,8 St Se,-93.2375602,44.9870182 +13684,Hwy 35W Svc Rd W,-93.2391767,44.987072700000006 +13685,9 Av Se,-93.23984370000001,44.987227000000004 +13686,8 St Se,-93.2392791,44.9872548 +13687,7 St Se,-93.2390362,44.985458 +13688,Winter St,-93.21775530000001,44.9932408 +13689,5 St Se,-93.24062690000001,44.983525900000004 +13690,Como Av Se,-93.23031830000001,44.9875765 +13691,Central Av Ne,-93.25163780000001,44.991158600000006 +13692,Harrison St Ne,-93.24689160000001,44.9913645 +13693,Como Av Se,-93.2305285,44.9876054 +13694,8 St Se,-93.2485518,44.9906025 +13695,8 St Se,-93.2488977,44.9906529 +13696,7 St Se,-93.2513412,44.991022400000006 +13697,Pierce St,-93.24112210000001,44.9914617 +13698,5 Av Se,-93.24381170000001,44.991470500000005 +13699,5 Av Se,-93.24388110000001,44.991607 +13700,Hennepin Av / 2 Av,-93.2513242,44.989238 +13701,Central Av Ne,-93.25166750000001,44.991549400000004 +13702,Buford Av,-93.1817018,44.984882500000005 +13703,7 St Se,-93.2514087,44.9913046 +13704,5 Av Se,-93.2449521,44.989366100000005 +13705,Hennepin Av E,-93.2372321,44.9917564 +13706,5 Av Se,-93.24540040000001,44.9894655 +13707,Hennepin Av E,-93.23615910000001,44.992460300000005 +13708,Johnson St (W),-93.2376571,44.9916071 +13709,Spring St,-93.24858680000001,44.9948716 +13710,14 Av Se,-93.2318403,44.9915552 +13711,Spring St,-93.24825390000001,44.9949523 +13712,12 Av Se,-93.234554,44.991604800000005 +13713,15 Av Se,-93.230593,44.9915535 +13714,Broadway St,-93.2474593,44.998257200000005 +13715,Johnson St (E),-93.23560400000001,44.9916136 +13716,Johnson (10 Av),-93.2374329,44.991415 +13717,Broadway St,-93.2471884,44.999177700000004 +13718,14 Av Se,-93.2322323,44.991482600000005 +13719,12 Av Se,-93.23476520000001,44.9914423 +13720,Pierce St,-93.2407814,44.991561100000006 +13721,15 Av Se,-93.2309601,44.9914451 +13722,Winter / Spring St,-93.21143620000001,44.994358500000004 +13723,5th Street & 18th Avenue,-93.22967510000001,44.979472900000005 +13724,Talmage Av,-93.23582920000001,44.989532000000004 +13725,Weeks Av (24 Av),-93.21923530000001,44.987887300000004 +13726,Hennepin Av E,-93.2358669,44.991291200000006 +13727,Hennepin Business Ctr,-93.236997,44.989254700000004 +13728,22 Av Se,-93.2217148,44.987839900000004 +13729,Broadway St,-93.2340655,44.9992857 +13730,Broadway St,-93.2337631,44.9993472 +13731,22 Av Se,-93.22191480000001,44.9879461 +13732,Shaw-Stewart,-93.2371339,44.9967673 +13733,19 Av Se,-93.2254317,44.9879079 +13734,Shaw-Stewart,-93.237294,44.996836 +13735,Broadway St,-93.23670270000001,44.9990637 +13736,19 Av Se,-93.22575210000001,44.9877807 +13737,Broadway St,-93.2370674,44.9989032 +13738,Curfew St,-93.2053819,44.966892 +13739,18 Av Se,-93.227125,44.987746300000005 +13740,18 Av Se,-93.2267702,44.987900700000004 +13741,19 Av Se,-93.2253441,44.984117600000005 +13742,19 Av Se,-93.2252964,44.984249500000004 +13743,22 Av Se,-93.22160140000001,44.9841597 +13744,Elm St Se,-93.22864890000001,44.984374900000006 +13745,22 Av Se,-93.2214526,44.9842954 +13746,#828,-93.216155,44.9834265 +13747,26 Av Se,-93.21664960000001,44.9879076 +13748,#828,-93.2164477,44.983515700000005 +13749,#780,-93.2148753,44.9816492 +13750,#780,-93.21461640000001,44.9816258 +13751,#701,-93.21300330000001,44.9797566 +13752,#701,-93.21317490000001,44.9796424 +13753,27 Av Se,-93.21539560000001,44.987920200000005 +13754,26 Av Se,-93.2162765,44.988004800000006 +13755,#2565,-93.206022,44.977471300000005 +13756,24 Av Se,-93.2188551,44.987973600000004 +13757,24 Av Se,-93.2186032,44.9843251 +13758,Stinson Blvd,-93.2275681,44.9915101 +13759,24 Av Se,-93.2188014,44.984214 +13760,Harding St Ne,-93.2213366,44.991593200000004 +13761,Kennedy St Ne,-93.2270184,44.9944572 +13762,33 Av Se,-93.2081227,44.9880362 +13763,Hennepin Av E,-93.2270493,44.9918283 +13764,18 Av (Stinson),-93.2273952,44.991323900000005 +13765,29 Av Se,-93.2133216,44.9880657 +13766,22 Av Se,-93.2217165,44.991477200000006 +13767,Taft St Ne,-93.22437120000001,44.9914263 +13768,29 Av Se,-93.21228950000001,44.9879662 +13769,24 Av Se,-93.2191485,44.9914758 +13770,16 Av Se,-93.22929300000001,44.991529500000006 +13771,Broadway St,-93.2269914,44.998895700000006 +13772,Broadway St,-93.22666720000001,44.9985148 +13773,Taft St Ne,-93.2238978,44.991569500000004 +13774,Spring St Ne,-93.21420660000001,44.995284500000004 +13775,Kennedy St Ne,-93.2266603,44.994947100000005 +13776,Summer St Ne,-93.2266778,44.996921 +13777,Broadway / Summer,-93.2270031,44.997762400000006 +13778,Industrial Blvd,-93.2098718,44.991731900000005 +13779,Hennepin Av E,-93.2100901,44.992010500000006 +13780,Delano St Ne,-93.2163357,44.9952084 +13781,25 Av Se,-93.2172922,44.991504600000006 +13782,#1300 - Ups,-93.2142192,44.999082300000005 +13783,Winter St,-93.2114485,44.9935435 +13784,27 Av Se,-93.21537260000001,44.991525800000005 +13785,#700,-93.21145700000001,44.99734 +13786,Hoover St Ne,-93.2175394,44.991647300000004 +13787,27 Av Se,-93.2153567,44.99168 +13788,#451,-93.211438,44.9962608 +13789,29 Av Se,-93.2135571,44.9916896 +13790,Spring St,-93.2114279,44.995069900000004 +13791,Industrial Blvd,-93.21082460000001,44.9915904 +13792,29 Av Se,-93.2128505,44.9915518 +13793,Raymond Av,-93.197399,44.9640112 +13794,Territorial Rd,-93.1974691,44.965714600000005 +13795,Territorial Rd,-93.1976403,44.9657026 +13796,Eustis St,-93.2030866,44.966297600000004 +13797,#701 Delivery En,-93.21146150000001,44.998771000000005 +13798,Franklin (Pelham),-93.19969830000001,44.9649396 +13799,Cromwell Av,-93.2011688,44.9655156 +13800,Franklin Av,-93.20526360000001,44.964738000000004 +13801,Transfer Rd,-93.1868568,44.9598061 +13802,Cleveland Av,-93.1875778,44.959790600000005 +13803,Raymond Av,-93.19819980000001,44.964014500000005 +13804,Vandalia St,-93.1899753,44.9607157 +13805,Vandalia St,-93.18939060000001,44.960801100000005 +13806,Franklin (Pelham),-93.20041350000001,44.9648868 +13807,Eustis St,-93.20284190000001,44.9658704 +13808,Hampden Av,-93.1931905,44.962034300000006 +13809,#2550,-93.20611910000001,44.9773143 +13810,Carleton St,-93.1964452,44.963309900000006 +13811,Carleton St,-93.19592990000001,44.963395500000004 +13812,Energy Park Dr,-93.19448000000001,44.9743793 +13813,Hampden Av,-93.19262830000001,44.962106600000006 +13814,Hampden Av,-93.1977853,44.969529800000004 +13815,Manvel St,-93.19715910000001,44.9710935 +13816,Manvel St,-93.19727200000001,44.9708831 +13817,Emerald St Se,-93.20730110000001,44.9676854 +13818,Hampden Av,-93.19786780000001,44.9691631 +13819,Energy Park Dr,-93.19463230000001,44.9741336 +13820,Curfew St,-93.2060809,44.9674707 +13821,Como Av,-93.18899540000001,44.977729100000005 +13822,Como Av,-93.1886461,44.9778176 +13823,Blair Av,-93.1771793,44.9609211 +13824,Thomas Av,-93.17714740000001,44.9590692 +13825,Gibbs Av,-93.18691600000001,44.976874 +13826,University Av,-93.1771097,44.9568251 +13827,Raymond (Cleveland),-93.18960700000001,44.9777718 +13828,University Av,-93.1773028,44.9561155 +13829,Thomas Av,-93.1773407,44.9591 +13830,Cleveland (Raymond),-93.1887543,44.9774845 +13831,Blair Av,-93.17731400000001,44.9610135 +13832,University Av,-93.1823813,44.9573775 +13833,Gibbs Av,-93.1870066,44.9770337 +13834,Oakley Av,-93.1823703,44.9562351 +13835,Lynnhurst Av,-93.17980560000001,44.956689100000006 +13836,Blake St,-93.193228,44.9753678 +13837,Prior Av,-93.18250590000001,44.9577833 +13838,Atty St,-93.1913098,44.976411600000006 +13839,Standish St,-93.1920443,44.9758839 +13840,Prior Av,-93.18205730000001,44.957881 +13841,Lynnhurst Av,-93.1800003,44.9570536 +13842,Snelling Avenue & Thomas Avenue,-93.1668667,44.9595719 +13843,Oakley Av,-93.1822721,44.956131600000006 +13844,University Av,-93.18225840000001,44.9574574 +13845,Minnehaha Av,-93.17714480000001,44.9627433 +13846,Minnehaha Av,-93.17735160000001,44.9626498 +13847,Snelling Avenue & Charles Avenue,-93.16717560000001,44.957141 +13848,Snelling Avenue & Charles Avenue,-93.16685650000001,44.9577199 +13849,Snelling Avenue & Thomas Avenue,-93.1671974,44.9594101 +13850,Snelling Avenue & Minnehaha Avenue,-93.1672267,44.962515700000004 +13851,Snelling Avenue & Blair Avenue,-93.1672082,44.960770100000005 +13852,Snelling Avenue & Blair Avenue,-93.1668863,44.9612714 +13853,Snelling Avenue & Englewood Avenue,-93.16723610000001,44.9643944 +13854,State Fair,-93.1731287,44.9762469 +13855,Snelling Avenue & Hewitt Avenue,-93.16722680000001,44.9661641 +13856,Snelling Avenue & Englewood Avenue,-93.16689120000001,44.964538600000004 +13857,Asbury St,-93.165581,44.9628366 +13858,Wheeler St,-93.17484320000001,44.9628145 +13859,Wheeler St,-93.17443130000001,44.9629733 +13860,Aldine St,-93.172307,44.962825900000006 +13861,Fry St,-93.1695196,44.9630254 +13862,Fry St,-93.16983180000001,44.962872700000005 +13863,Snelling Av,-93.16731820000001,44.9628262 +13864,Snelling Av,-93.166768,44.9629599 +13865,Raleigh St,-93.18561550000001,44.976657800000005 +13866,#1930,-93.1821817,44.976139200000006 +13867,Aldine St,-93.1718936,44.963001000000006 +13868,Cathlin St,-93.1788133,44.9769737 +13869,Fifield St,-93.1841115,44.9762068 +13870,Gortner Av,-93.1816864,44.984512300000006 +13871,Fifield St,-93.1837344,44.976249 +13872,Gate #9,-93.17272360000001,44.9772158 +13873,#1930,-93.1823315,44.9762076 +13874,Cathlin St,-93.17916980000001,44.9770673 +13875,Snelling Avenue & Energy Park Drive,-93.1672357,44.9721111 +13876,Snelling Avenue & Energy Park Drive,-93.1668506,44.9721034 +13877,Winston St,-93.16969920000001,44.9772296 +13878,Snelling Nb Ramp,-93.1658426,44.97079 +13879,Snelling Avenue & Taylor Avenue,-93.1672317,44.967759300000004 +13880,Gate #9,-93.1720703,44.9773865 +13881,Energy Tech Ctr,-93.16431560000001,44.971154500000004 +13882,Decourcy Circle,-93.1643526,44.9714989 +13883,Snelling Nb Ramp,-93.1668606,44.977429900000004 +13884,Winston St,-93.16945050000001,44.9774005 +13885,Snelling Sb Ramp,-93.1673442,44.9772175 +13886,Snelling Avenue & Como Avenue,-93.1677056,44.976910100000005 +13887,Como Av,-93.2043192,44.987589500000006 +13888,Eustis St,-93.20269490000001,44.9871333 +13889,Como Av,-93.202413,44.9868401 +13890,Buford Av,-93.19776060000001,44.9845303 +13891,Buford Av,-93.1980252,44.9846232 +13892,33 Av Se,-93.2075557,44.9881186 +13893,Scudder St,-93.18739740000001,44.978747500000004 +13894,Eustis St,-93.20287130000001,44.9873466 +13895,Knapp St,-93.1873656,44.9797877 +13896,Commonwealth Av,-93.1873516,44.9809123 +13897,Buford Av,-93.17901280000001,44.983374700000006 +13898,Carter Av,-93.18734710000001,44.9820745 +13899,Carter Av,-93.1871785,44.981807200000006 +13900,Commonwealth Av,-93.19353120000001,44.9799019 +13901,Commonwealth Av,-93.1871899,44.9806742 +13902,Knapp St,-93.1872099,44.9795117 +13903,Carter Av,-93.1948558,44.981508100000006 +13904,Doswell St,-93.19610200000001,44.9825169 +13905,Eustis St,-93.202331,44.991801800000005 +13906,33 Av Se,-93.20764310000001,44.9917669 +13907,Doswell St,-93.1955441,44.9822841 +13908,Eustis St,-93.20274090000001,44.9916405 +13909,Fulham St,-93.1970493,44.9917718 +13910,Knapp St,-93.191586,44.978813300000006 +13911,Pleasant St,-93.19968060000001,44.991765 +13912,Carter Av,-93.19418250000001,44.9811369 +13913,Pleasant St,-93.20015910000001,44.991642600000006 +13914,#1666 Coffman,-93.19113060000001,44.9917846 +13915,Commonwealth Av,-93.1935084,44.9803379 +13916,Cleveland Av,-93.1868379,44.9918169 +13917,Knapp St,-93.19177760000001,44.9790365 +13918,Cleveland Av,-93.1865155,44.9916253 +13919,#1666 Coffman,-93.19130390000001,44.991607800000004 +13920,Scudder St,-93.1872766,44.9785258 +13921,Buford Av,-93.1818715,44.9845544 +13922,St Paul Student Ctr,-93.18633270000001,44.984565700000005 +13923,Dudley Av,-93.18711090000001,44.987087200000005 +13924,Fulham St,-93.1975005,44.991599 +13925,Folwell Av,-93.1922378,44.9893264 +13926,33 Av Se,-93.2079398,44.9916415 +13927,Carter Av N,-93.18547050000001,44.9814109 +13928,Commonwealth Av,-93.1806612,44.980614800000005 +13929,Buford Av,-93.17889260000001,44.9831329 +13930,Dudley Av,-93.1817304,44.986656100000005 +13931,Commonwealth Av,-93.18090640000001,44.980507800000005 +13932,Carter Av,-93.18187710000001,44.982063200000006 +13933,St Paul Student Ctr,-93.1859938,44.9845453 +13934,Hodson Hall,-93.1835556,44.9883041 +13935,Eckles Av,-93.18522420000001,44.984418100000006 +13936,Buford Av,-93.18175280000001,44.984908100000006 +13937,Dudley Av,-93.18154600000001,44.986180600000004 +13938,Snelling Avenue & Midway Parkway,-93.1668604,44.9808478 +13939,Snelling Av,-93.1661931,44.9918823 +13940,Larpenteur Av,-93.17690730000001,44.9919674 +13941,Fry St,-93.17001490000001,44.991876100000006 +13942,Larpenteur Av,-93.17710890000001,44.9919863 +13943,Larpenteur Manor,-93.1722024,44.991860800000005 +13944,Arona St,-93.16453820000001,44.9917328 +13945,Fairview Av,-93.1767348,44.991841300000004 +13946,Snelling Av,-93.1671589,44.9917202 +13947,Lindig St,-93.1787161,44.9918271 +13948,Snelling Avenue & Larpenteur Avenue,-93.1668975,44.9913247 +13949,Snelling Avenue & Larpenteur Avenue,-93.16640220000001,44.9921699 +13950,Gortner Av,-93.1822997,44.991649200000005 +13951,#1740 / Underwood,-93.1713107,44.9916782 +13952,Roselawn Av,-93.16637080000001,44.9988758 +13953,Fairview Av,-93.17588040000001,44.991682000000004 +13954,Roselawn Av,-93.1667536,44.999172 +13955,Lindig St,-93.179151,44.9916368 +13956,Diamond Path,-93.1557312,44.739162400000005 +13957,Shannon Pkwy,-93.1463851,44.739078500000005 +13958,Gortner Av,-93.18173680000001,44.991843100000004 +13959,Roselawn Av,-93.17688960000001,44.998809800000004 +13960,Davenport Av,-93.15193930000001,44.7390747 +13961,Roselawn Av,-93.17707580000001,44.9991776 +13962,Davenport Av,-93.1516799,44.7391815 +13963,Shannon Pkwy,-93.1461257,44.7391815 +13964,Cimarron Av,-93.14070120000001,44.7390747 +13965,147 St W,-93.15615840000001,44.737117700000006 +13966,Diamond Path,-93.1558837,44.739273000000004 +13967,Diamond Path,-93.1565628,44.737003300000005 +13968,145 St W,-93.1559371,44.739135700000006 +13969,Cameo Av,-93.1280059,44.7392272 +13970,Lexington Av,-93.1434402,44.804489100000005 +13971,Cameo Av,-93.1282577,44.739120400000004 +13972,Robert Trail,-93.128067,44.7470245 +13973,Northview Park Rd,-93.1468658,44.8131256 +13974,Cimarron Av,-93.1404418,44.739177700000006 +13975,Lexington Av,-93.14657290000001,44.8191556 +13976,Chili Av (Chippendale),-93.13548270000001,44.7391853 +13977,Chippendale Av (Chili),-93.1362304,44.7390747 +13978,Denmark Av,-93.15753930000001,44.8192405 +13979,Dresden Court,-93.161827,44.8189277 +13980,Glacier Dr,-93.15460200000001,44.8196067 +13981,Glacier Dr,-93.1543426,44.8197059 +13982,Denmark Av,-93.1577682,44.819042200000005 +13983,Westbury Dr,-93.1468734,44.815059600000005 +13984,Lexington Av,-93.1469268,44.819141300000005 +13985,Havenhill Rd,-93.1207122,44.8120689 +13986,Wescott Rd,-93.1468658,44.8189926 +13987,Shortline,-93.1269836,44.8112945 +13988,Westbury Dr,-93.1487884,44.8191452 +13989,Tilbury Way,-93.12329860000001,44.8108634 +13990,Ventnor Av,-93.1314239,44.8082809 +13991,Daniel Dr,-93.1366653,44.804477600000006 +13992,Northview Park,-93.130661,44.8122253 +13993,Diffley (Cr 30),-93.1314239,44.804782800000005 +13994,Pennsylvania Av,-93.131668,44.806674900000004 +13995,Greensboro Dr (E),-93.13718060000001,44.8190887 +13996,North Ridge Dr,-93.132293,44.819045900000006 +13997,Widgeon Way,-93.1550991,44.826314200000006 +13998,Walmart,-93.1625113,44.8277024 +13999,Woodland Trail,-93.1284741,44.8190566 +14000,Denmark Av,-93.15936070000001,44.8263173 +14001,Elrene Rd,-93.12344850000001,44.819037400000006 +14002,Kinglet Court,-93.1531612,44.8262178 +14003,Widgeon Way,-93.1554004,44.8262328 +14004,Mill Run Circle,-93.1235187,44.8172702 +14005,Denmark Av,-93.1598017,44.826240600000006 +14006,Bridle Ridge Rd,-93.1232837,44.8154071 +14007,Walmart,-93.16257470000001,44.8275413 +14008,Greensboro Dr (W),-93.14088360000001,44.8190832 +14009,Yankee Pl,-93.1567382,44.8323516 +14010,Yankee Place,-93.1568374,44.832454600000005 +14011,Northview Park Rd,-93.1195697,44.8140031 +14012,Denmark Av,-93.15947720000001,44.8323478 +14013,Cahill Walmart,-93.03979170000001,44.814745900000005 +14014,Yankee Doodle Rd,-93.1470718,44.834156 +14015,Denmark Av,-93.1595077,44.832450800000004 +14016,Denmark Av,-93.15976710000001,44.8333663 +14017,Promenade Av,-93.1531906,44.8334045 +14018,#1200,-93.1542129,44.8310241 +14019,Yankee Place,-93.1567687,44.8333473 +14020,Lexington Av,-93.14714810000001,44.831253000000004 +14021,Yankee Place,-93.1565017,44.8336563 +14022,Lexington Av,-93.14591970000001,44.8336868 +14023,Denmark Av,-93.15951530000001,44.833648600000004 +14024,#1200,-93.1542493,44.8311651 +14025,Lexington Av,-93.14713280000001,44.831356 +14026,Duckwood Trail,-93.14738750000001,44.827927700000004 +14027,#3500-3536,-93.147182,44.8278459 +14028,Lexington Av,-93.14588160000001,44.833415900000006 +14029,Lexington Av,-93.1469345,44.8480682 +14030,Oleary Ln,-93.1501312,44.8310279 +14031,Golfview Dr,-93.1434249,44.8334045 +14032,Yankee Doodle Rd,-93.14671320000001,44.8340606 +14033,Promenade Av,-93.15200800000001,44.833633400000004 +14034,Gemini Rd,-93.14694970000001,44.8422737 +14035,Gemini Rd,-93.146614,44.842090600000006 +14036,Discovery Dr,-93.14316550000001,44.8337173 +14037,Lexington Av,-93.1464385,44.8421287 +14038,Oleary Ln,-93.1498794,44.8311347 +14039,Neil Armstrong Blvd,-93.14662170000001,44.8372497 +14040,Clubview Dr,-93.1465988,44.845653500000004 +14041,#3195 - Pro-Act,-93.1444091,44.8390045 +14042,Northwood Pkwy,-93.14697260000001,44.837436600000004 +14043,Lexington Av,-93.1465606,44.8422355 +14044,Aldrin Dr,-93.1424865,44.8398361 +14045,Clubview Dr,-93.14691160000001,44.845836600000005 +14046,Wescott Woodlands,-93.13694910000001,44.8334045 +14047,Elrene Rd,-93.12665550000001,44.8333511 +14048,Hwy 55,-93.12406920000001,44.845787 +14049,Elrene Rd,-93.12639610000001,44.8335876 +14050,Advantage Ln,-93.12250510000001,44.843368500000004 +14051,Chapel / Hw 55,-93.12306210000001,44.844287800000004 +14052,Ivy Lane,-93.1304702,44.8333206 +14053,Chapel Ln,-93.1203536,44.8414154 +14054,Mike Collins,-93.130516,44.833553300000005 +14055,Service Rd W,-93.15884390000001,44.851070400000005 +14056,Eagandale Place,-93.15875240000001,44.8479156 +14057,Poppler Ln,-93.16156760000001,44.8479042 +14058,Egan Av,-93.1635665,44.848007200000005 +14059,Eagandale Place,-93.1590499,44.847908000000004 +14060,Eagandale Blvd,-93.1587982,44.8480148 +14061,Avalon Dr,-93.16012570000001,44.855194000000004 +14062,Eagandale Blvd,-93.1582183,44.8538818 +14063,Trapp Rd,-93.16108700000001,44.857089900000005 +14064,Wescott Square,-93.1348037,44.833332000000006 +14065,Corp Ctr Curve E,-93.16137690000001,44.8571395 +14066,Columbia Dr,-93.13649740000001,44.833648600000004 +14067,Neil Armstrong Blvd,-93.14187620000001,44.842296600000005 +14068,Hwy 35E Exit,-93.1510848,44.8478012 +14069,Denmark Av,-93.14918510000001,44.847900300000006 +14070,Neil Armstrong Blvd,-93.14186090000001,44.842189700000006 +14071,Jupiter Dr,-93.1597524,44.8655654 +14072,Medallion Dr,-93.1516455,44.866451700000006 +14073,Executive Dr,-93.1564592,44.8655837 +14074,Enterprise Dr,-93.16196620000001,44.865568700000004 +14075,Executive Dr,-93.15656700000001,44.865498 +14076,Jupiter Dr,-93.15933600000001,44.8654717 +14077,Hwy 55,-93.15330440000001,44.866137 +14078,Lexington Av S,-93.14729700000001,44.8656134 +14079,Enterprise Dr,-93.16243850000001,44.8654944 +14080,Hwy 55,-93.14383690000001,44.858413600000006 +14081,Northland Dr E,-93.1519483,44.8663475 +14082,Hwy 55,-93.1440353,44.8583526 +14083,Northland Dr,-93.1515045,44.8635978 +14084,Eagandale Blvd,-93.14852900000001,44.8600158 +14085,Lexington Av,-93.1477504,44.865501300000005 +14086,Northdale Dr,-93.15289290000001,44.864754000000005 +14087,Hwy 55,-93.15271940000001,44.8664032 +14088,Lone Oak Pkwy,-93.1289062,44.855167300000005 +14089,Waters Rd,-93.1256311,44.8536761 +14090,Lone Oak Rd,-93.1258773,44.847805 +14091,Hwy 55,-93.12953180000001,44.8522377 +14092,Dodd (Hwy 149),-93.12791440000001,44.8550109 +14093,Lone Oak Dr,-93.1247558,44.853340100000004 +14094,Waters Rd,-93.12406750000001,44.8524084 +14095,Usps / It- Asc,-93.12328330000001,44.8541717 +14096,Northwest Pky,-93.1283408,44.8565247 +14097,Dodd (Hw 149),-93.1280203,44.8553311 +14098,Blue Water Rd,-93.1393661,44.859375 +14099,#895,-93.1347885,44.8608703 +14100,Waters Rd,-93.1235523,44.8523378 +14101,Blue Water Rd,-93.1391677,44.8595314 +14102,Usps / It- Asc,-93.12356480000001,44.8544196 +14103,#930,-93.13681030000001,44.8608283 +14104,Lake Dr,-93.13619920000001,44.865514000000005 +14105,Dodd Rd,-93.1298599,44.8519821 +14106,Visitation Dr,-93.1319972,44.865467300000006 +14107,Visitation Dr,-93.13220030000001,44.8656012 +14108,Lone Oak Rd,-93.12670890000001,44.848064400000005 +14109,Lake Dr,-93.1358209,44.8656244 +14110,North Entrance,-93.1130828,44.825504300000006 +14111,Northwest Pkwy,-93.1236602,44.8573576 +14112,Lone Oak Pkwy,-93.12425230000001,44.857810900000004 +14113,Dodd (Hw 149),-93.1290206,44.8574142 +14114,Opperman Dr,-93.1126174,44.827831200000006 +14115,Dodd (Hw 149),-93.12773130000001,44.8575363 +14116,Dodd (Hw 149),-93.1289215,44.857311200000005 +14117,Rolling Hills Dr,-93.11879730000001,44.8386688 +14118,Dodd (Hw 149),-93.1277869,44.857347100000005 +14119,Yankee Doodle,-93.1168289,44.833957600000005 +14120,Mendota Hts Rd,-93.1298448,44.8665083 +14121,Mendota Hts Rd,-93.1295034,44.866222 +14122,United Parcel,-93.1147079,44.830837200000005 +14123,Condon Ct,-93.130795,44.865715400000006 +14124,Condon Ct,-93.13062810000001,44.865893500000006 +14125,Rolling Hills Dr,-93.1184692,44.8385696 +14126,Dodd (Hwy 149),-93.11708440000001,44.833533800000005 +14127,Yankee Doodle,-93.11653860000001,44.8341587 +14128,Dodd Rd,-93.1169509,44.833873700000005 +14129,Hwy 110,-93.1467655,44.8834813 +14130,United Parcel,-93.11432400000001,44.8309463 +14131,Opperman Dr,-93.11241910000001,44.827926600000005 +14132,Lone Oak Rd,-93.11734000000001,44.847980400000004 +14133,Boulder Lake Pk,-93.1090545,44.8495903 +14134,Ecolab-Shuman,-93.1191177,44.850429500000004 +14135,Ecolab-Shuman,-93.11883540000001,44.8506088 +14136,Victoria Rd,-93.1467202,44.884383500000006 +14137,South Park Lot,-93.1170829,44.8500116 +14138,Ecolab-Shuman,-93.11334020000001,44.852331500000005 +14139,Lexington Av,-93.14604150000001,44.874836800000004 +14140,Cullen Av,-93.14690940000001,44.8772954 +14141,Lexington Av,-93.14666740000001,44.8838729 +14142,Lexington Av,-93.1466783,44.8749413 +14143,Cullen Av,-93.1467944,44.877121900000006 +14144,Lexington Av,-93.1469268,44.8835296 +14145,Centre Pointe Dr,-93.1468863,44.881141 +14146,Rogers Lake Park,-93.14025450000001,44.8750518 +14147,Hwy 110,-93.1469112,44.882890200000006 +14148,Lexington Av S,-93.14656430000001,44.884695300000004 +14149,Rogers Lake Park,-93.14029950000001,44.8749217 +14150,Tom Thumb Blvd,-93.14677130000001,44.880748600000004 +14151,Swan Dr,-93.1329042,44.874118 +14152,Swan Court,-93.1320474,44.874194100000004 +14153,Hokah Av,-93.1265077,44.8770395 +14154,Cheri Ln,-93.12686210000001,44.8729104 +14155,Dodd (Hw 149),-93.1269135,44.8740844 +14156,Alice Ln,-93.1279933,44.8741846 +14157,Keokok Ln,-93.1275528,44.871579700000005 +14158,Wagon Wheel,-93.12653270000001,44.8742619 +14159,Pagel Rd,-93.126597,44.873108800000004 +14160,Hokah Av,-93.12639440000001,44.876936300000004 +14161,Decorah Ln,-93.12635440000001,44.8742255 +14162,Lake Dr,-93.12826390000001,44.8701608 +14163,Rogers Court,-93.1302186,44.8742012 +14164,Rogers Court,-93.13047320000001,44.874065300000005 +14165,Bluebill Dr,-93.1274862,44.871999200000005 +14166,Walsh Ln,-93.14011,44.8842664 +14167,Lake Dr,-93.1283853,44.8703209 +14168,Summit Ln,-93.1416006,44.8841223 +14169,Summit Ln,-93.1419875,44.884036300000005 +14170,Stratford Rd,-93.13665680000001,44.886592300000004 +14171,Walsh Ln,-93.1404543,44.8841751 +14172,Kay Av,-93.1376724,44.8851852 +14173,Eagle Ridge Dr,-93.13667050000001,44.888327800000006 +14174,Main St / Linden St,-93.12257960000001,44.8844952 +14175,Linden St / Main St,-93.1227446,44.884564700000006 +14176,Kay Av,-93.13782780000001,44.8849961 +14177,Mickeys Diner,-93.1528249,44.9101699 +14178,Rankin St,-93.1596279,44.906929500000004 +14179,Stratford Rd,-93.1365466,44.8864588 +14180,Rockwood Av,-93.1631224,44.9031162 +14181,Eagle Ridge Dr,-93.1365713,44.8881371 +14182,Mickeys Diner,-93.15289460000001,44.9099134 +14183,Rankin St,-93.15941860000001,44.9069358 +14184,Creek Av,-93.1264034,44.879468 +14185,7 St / Rockwood,-93.16379970000001,44.9038053 +14186,Mendota PlazA,-93.12578660000001,44.882407400000005 +14187,Marie Av,-93.12036090000001,44.8908987 +14188,Trail Rd,-93.1262913,44.8909669 +14189,Parkview Plaza,-93.12288570000001,44.880664100000004 +14190,Highview Circle S,-93.1351269,44.891003100000006 +14191,Victoria Rd,-93.1364241,44.8909796 +14192,#888,-93.13238050000001,44.8909041 +14193,Eagle Ridge Dr,-93.13416120000001,44.890998200000006 +14194,Dodd (Hw 149),-93.1259083,44.8806749 +14195,Marie Av,-93.1366023,44.8907401 +14196,Highview Circle S,-93.13536230000001,44.890902800000006 +14197,Mendakota Dr,-93.1265358,44.879209700000004 +14198,Eagle Ridge Dr,-93.13422840000001,44.890881400000005 +14199,#888,-93.13242360000001,44.890725100000004 +14200,Parkview Plaza,-93.12313950000001,44.8807053 +14201,Wachtler Rd,-93.1266678,44.8908569 +14202,Sutton Ln,-93.12349010000001,44.8907733 +14203,Dodd (Hw 149),-93.12571670000001,44.880597400000006 +14204,Dodd Rd,-93.12070050000001,44.890776100000004 +14205,Colshire Ln,-93.1131611,44.905870500000006 +14206,Sibley High School,-93.10600600000001,44.8880044 +14207,Darla Court,-93.1060236,44.8851516 +14208,Warrior Dr,-93.1109974,44.8837168 +14209,Warrior Dr,-93.1105799,44.8837905 +14210,South Ln,-93.1155281,44.8837701 +14211,Frontage Rd N,-93.0903105,44.882960100000005 +14212,Delaware Dr,-93.1062744,44.8845672 +14213,Stryker Av,-93.08811990000001,44.8835464 +14214,Stryker Av,-93.0876786,44.8836926 +14215,Deer Run Trail,-93.1058596,44.886564500000006 +14216,Frontage Rd N,-93.0900979,44.883350300000004 +14217,Akron Av,-93.0859034,44.8835381 +14218,Sibley High School,-93.1058596,44.8883304 +14219,Akron Av,-93.0859746,44.883642800000004 +14220,Oak St,-93.1197281,44.8844158 +14221,Robert St S,-93.07988080000001,44.8808863 +14222,Robert Trail S,-93.0808777,44.8834808 +14223,Oak St,-93.11995110000001,44.8843855 +14224,Mendota Rd,-93.0844258,44.8838358 +14225,Robert Trail S,-93.0801988,44.881190100000005 +14226,South Ln,-93.1156189,44.883716400000004 +14227,Robert Trail / Alta Av,-93.0793405,44.871155200000004 +14228,Robert St S,-93.08106430000001,44.8836517 +14229,Upper 55 St E,-93.0788368,44.8692013 +14230,Mendota Rd,-93.08430720000001,44.8839466 +14231,54 St / 55 St E,-93.07883120000001,44.8704343 +14232,Fox Ridge Rd,-93.0830875,44.8891198 +14233,Crusader Av E,-93.0831034,44.8870438 +14234,Robert Trail S,-93.0802553,44.869068000000006 +14235,Fox Ridge Rd S,-93.0830835,44.8884288 +14236,Southview Sq,-93.0806965,44.8893633 +14237,Alta Av,-93.0785257,44.8691213 +14238,Crusader Av,-93.0806862,44.8873492 +14239,#2021 - Cub Foods,-93.08066500000001,44.885403600000004 +14240,Round Hill Rd,-93.11964110000001,44.8924491 +14241,Fox Ridge Rd,-93.08321930000001,44.889481800000006 +14242,Fox Ridge Rd S,-93.0831934,44.8884838 +14243,Crusader Av E,-93.08318200000001,44.8873625 +14244,Stanwick Ln,-93.11933280000001,44.8933923 +14245,Bachelor Av,-93.1191271,44.8942941 +14246,Chardel Court,-93.1028539,44.890920200000004 +14247,Round Hill Rd,-93.1195265,44.892453100000004 +14248,Marie St,-93.1059881,44.890420500000005 +14249,Marie St,-93.1058548,44.890681 +14250,Bachelor Av,-93.1190545,44.894224900000005 +14251,Chardel Court,-93.10300620000001,44.8907946 +14252,Hidden Creek Tr,-93.1191965,44.8934593 +14253,Wentworth Av,-93.1011096,44.898196600000006 +14254,Runge Lane,-93.1010397,44.899734 +14255,Wentworth Av,-93.11725460000001,44.8978714 +14256,Wentworth Av,-93.10104390000001,44.8983095 +14257,Evergreen Knolls,-93.11808780000001,44.896290300000004 +14258,Runge Lane,-93.1011058,44.899893600000006 +14259,Betty Lane,-93.1011466,44.900870000000005 +14260,4 Av,-93.1154748,44.8997711 +14261,Betty Lane,-93.1009976,44.9006272 +14262,4 Av,-93.11548330000001,44.8996585 +14263,1 Av,-93.1140915,44.903299700000005 +14264,2 Av,-93.1142863,44.902703200000005 +14265,Wentworth Av,-93.11707100000001,44.8979075 +14266,Evergreen Knolls,-93.11802080000001,44.8961398 +14267,Emerson Av,-93.11341800000001,44.905363400000006 +14268,Dodge Nature Ctr,-93.1002273,44.8908767 +14269,3 Av,-93.1146662,44.9015847 +14270,Mears Av,-93.11111360000001,44.9091151 +14271,3 Av,-93.11462130000001,44.9014955 +14272,1 Av,-93.11394510000001,44.9033725 +14273,2 Av,-93.11420360000001,44.9025473 +14274,Colshire Ln,-93.1128972,44.906119800000006 +14275,Emerson Av,-93.11338140000001,44.9052372 +14276,Ivy Falls Av,-93.11142620000001,44.9086627 +14277,Thompson Av W,-93.10170400000001,44.9017986 +14278,Staples Av,-93.1123137,44.907139400000005 +14279,Mears Av,-93.11115380000001,44.9092082 +14280,Christine Lane,-93.10189600000001,44.902598000000005 +14281,Ivy Hill Dr,-93.11042710000001,44.909944800000005 +14282,Sunset Ln,-93.1123867,44.907215300000004 +14283,Ruby Dr,-93.10194340000001,44.9044195 +14284,Ivy Falls Av,-93.1115104,44.908672700000004 +14285,Emerson Av W,-93.10179520000001,44.905110300000004 +14286,Ivy Hill Dr,-93.1103849,44.909824300000004 +14287,Ruby Dr,-93.10178850000001,44.9041428 +14288,Christine Lane,-93.1017836,44.9023173 +14289,Orme St W,-93.1018476,44.910822 +14290,Moreland Av,-93.1018449,44.9090051 +14291,Thompson Av W,-93.1013647,44.9015312 +14292,Kraft Rd,-93.0959945,44.8943309 +14293,Emerson Av W,-93.101866,44.905388900000005 +14294,Marie St,-93.0967426,44.8909499 +14295,Kraft Rd,-93.09586370000001,44.894305300000006 +14296,Chippewa Av,-93.10814780000001,44.911541500000006 +14297,Charlton St,-93.0973038,44.8907838 +14298,Charlton St,-93.09613370000001,44.8980389 +14299,Ashley Ln,-93.1079716,44.911588 +14300,Bellows St,-93.09234570000001,44.899787100000005 +14301,Carmel Av W,-93.0935419,44.8999601 +14302,Beebe Av,-93.10866920000001,44.9111519 +14303,Carmel Av,-93.0874785,44.900192000000004 +14304,Orme St W,-93.1017889,44.9105556 +14305,Moreland Av,-93.1017877,44.9087511 +14306,Wentworth Av,-93.09603410000001,44.898186100000004 +14307,Runge Lane,-93.09420420000001,44.903874900000005 +14308,Target - S Entrance,-93.0773848,44.892133400000006 +14309,Minea St,-93.0959701,44.895831300000005 +14310,Carmel Av,-93.0878505,44.900273500000004 +14311,Minea St,-93.0958789,44.8956372 +14312,Wentworth Av,-93.09590920000001,44.897916900000006 +14313,Runge Lane,-93.09588980000001,44.8997249 +14314,Robert St S,-93.0803618,44.8910007 +14315,Marie Av,-93.0831886,44.8909906 +14316,#178 - Animal Hospital,-93.07782130000001,44.8917481 +14317,Robert St S,-93.0802146,44.8907979 +14318,Kraft Rd,-93.0825645,44.894224200000004 +14319,Kraft Rd,-93.08245380000001,44.8940186 +14320,Wentworth Av,-93.08248760000001,44.8978236 +14321,Lothenbach Av,-93.08048480000001,44.894276700000006 +14322,Livingston/Robert,-93.0815439,44.897966700000005 +14323,Livingston / Robert,-93.08176390000001,44.8908208 +14324,Wentworth Av,-93.0805048,44.897851200000005 +14325,Colleen Loney,-93.08258900000001,44.8957368 +14326,Humboldt Av,-93.08500070000001,44.9002993 +14327,Wentworth Av,-93.0808411,44.8982052 +14328,Humboldt Av,-93.0852126,44.900042600000006 +14329,Thompson Av,-93.0935386,44.9014134 +14330,Thompson Av,-93.0920543,44.9014529 +14331,Bidwell St,-93.09073690000001,44.9089121 +14332,Marie Av,-93.08311330000001,44.8906736 +14333,Bidwell St,-93.09064040000001,44.9016808 +14334,Heatherwood Apt,-93.0893333,44.9016302 +14335,Allen Av,-93.09374290000001,44.901703700000006 +14336,Colleen Loney,-93.0824346,44.8955107 +14337,Bellows St,-93.0919279,44.901682 +14338,Charlton St,-93.09580960000001,44.901685 +14339,Lothenbach Av,-93.08074590000001,44.8945847 +14340,Thompson Av,-93.09590560000001,44.901512800000006 +14341,Allen Av,-93.09369410000001,44.901627000000005 +14342,Marie Av,-93.08073610000001,44.891125100000004 +14343,Bellows St,-93.09241150000001,44.9015714 +14344,Marie Av,-93.0832259,44.8905748 +14345,Heatherwood Apts,-93.0901585,44.901590000000006 +14346,Stryker Av,-93.08789230000001,44.9087906 +14347,Wentworth Av,-93.08261010000001,44.8978046 +14348,Robert St S,-93.0792835,44.901460900000004 +14349,Stryker Av,-93.0874821,44.9088633 +14350,Charlton St,-93.09585700000001,44.9088879 +14351,Allen Av,-93.09327660000001,44.9088894 +14352,Orme St W,-93.0959749,44.910675000000005 +14353,Orme St W,-93.09608750000001,44.9107792 +14354,Thompson Av,-93.080532,44.9013745 +14355,Allen Av,-93.09365070000001,44.908791 +14356,Bidwell St,-93.0910652,44.908804100000005 +14357,Emerson Av,-93.08076530000001,44.9053436 +14358,Moreland Av,-93.09606670000001,44.908984000000004 +14359,Livingston Av,-93.08202410000001,44.901611700000004 +14360,Harmon Av,-93.09486860000001,44.9088043 +14361,Robert St S,-93.08025380000001,44.9016089 +14362,Thompson Av,-93.0807607,44.901656100000004 +14363,#171- Hillside Apts,-93.07770860000001,44.901610500000004 +14364,#171-Hillside Apts,-93.0776914,44.901482300000005 +14365,Livingston Av,-93.0822629,44.901494500000005 +14366,Emerson Av,-93.0805583,44.905067800000005 +14367,Robert St S,-93.0809004,44.910457300000004 +14368,Logan Av,-93.08075190000001,44.9070668 +14369,Gorman Av,-93.0842379,44.9087736 +14370,Moreland Av,-93.08076700000001,44.908943 +14371,Robert St S,-93.0813737,44.9088058 +14372,Butler / Orme St,-93.08199400000001,44.9116024 +14373,Gorman Av,-93.0839308,44.908857600000005 +14374,Livingston Av,-93.0817518,44.910600800000005 +14375,Orme St,-93.0807537,44.910704200000005 +14376,Blaine Av,-93.05021110000001,44.827204800000004 +14377,Orme St,-93.0805093,44.9107172 +14378,Moreland Av,-93.0805172,44.9086634 +14379,Orme / Butler,-93.08193820000001,44.9118148 +14380,Brewster Av,-93.04793480000001,44.827322300000006 +14381,Logan Av,-93.0805526,44.9068723 +14382,College Trail,-93.05061160000001,44.8273601 +14383,80 St E,-93.0547914,44.8332478 +14384,Hills Apartments,-93.05166700000001,44.8286656 +14385,80 St E,-93.0549508,44.833192700000005 +14386,Brewster Av,-93.04749810000001,44.8273822 +14387,Shelter,-93.0545786,44.829525800000006 +14388,Brooks Blvd,-93.0420266,44.8248875 +14389,Hills Apartments,-93.0519642,44.8289362 +14390,Bowman Av,-93.05054790000001,44.8336119 +14391,Boyd Av,-93.0476922,44.8334938 +14392,Bowman Av,-93.0503872,44.833476700000006 +14393,Birch Blvd,-93.04195490000001,44.8244752 +14394,Boyd Av,-93.04778610000001,44.8336197 +14395,Cahill Av,-93.04155080000001,44.8278394 +14396,Cahill Av,-93.0420076,44.834129100000006 +14397,Cahill Av,-93.0442438,44.833924100000004 +14398,Cloman Av E,-93.03238230000001,44.833661600000006 +14399,Cahill Av,-93.0410552,44.8277805 +14400,Clayton Av,-93.033713,44.833676600000004 +14401,Cloman Av E,-93.032801,44.833557600000006 +14402,Cahill PlazA,-93.0414245,44.8343408 +14403,80 St E,-93.0431753,44.834400300000006 +14404,Claiborne Lane,-93.0343443,44.834312100000005 +14405,Chandler / Cahill,-93.04133610000001,44.836393300000005 +14406,Simley Lake Condos,-93.0408773,44.8341493 +14407,Claymore Av E,-93.0350454,44.833667500000004 +14408,Rolling Meadows Apts,-93.0378106,44.8372122 +14409,Simley Lake Condos,-93.0402253,44.8341968 +14410,Cahill Av,-93.04201780000001,44.836383000000005 +14411,Claymore Av E,-93.0353606,44.8336041 +14412,Cahill / Chandler,-93.0404728,44.836397700000006 +14413,Cleadis Av E,-93.0341497,44.833579400000005 +14414,78 St E,-93.0423566,44.8360892 +14415,Charles Way,-93.0362712,44.837253600000004 +14416,78 St E,-93.0346571,44.837326100000006 +14417,Charles Way,-93.036555,44.8371581 +14418,77 St E,-93.0345338,44.837901300000006 +14419,Charles Way,-93.0345178,44.8352263 +14420,77 St E,-93.03467970000001,44.838080500000004 +14421,76 St E,-93.03467880000001,44.8399706 +14422,78 St E,-93.0345408,44.837002000000005 +14423,75 St E,-93.0345875,44.8406463 +14424,Chandler Ln,-93.0374757,44.8371538 +14425,76 St E,-93.0345607,44.839794600000005 +14426,Clayton Av,-93.0347643,44.837138 +14427,Clayton Av,-93.03447940000001,44.8408388 +14428,Asher Av,-93.07286520000001,44.8678012 +14429,Cloman Way,-93.03227550000001,44.840843 +14430,Cloman Way,-93.0326715,44.840738200000004 +14431,Upper 55 St E,-93.0660466,44.867437100000004 +14432,Healthpartners,-93.06156510000001,44.8676673 +14433,Audrey Av,-93.0699771,44.8673706 +14434,Babcock Trail,-93.06601780000001,44.8671261 +14435,Upper 55 St E,-93.0662585,44.867316 +14436,Upper 55 St E,-93.0618118,44.8660209 +14437,Audrey Av,-93.0698978,44.867318000000004 +14438,Healthpartners,-93.0617237,44.867540600000005 +14439,Asher Av,-93.0732112,44.8678952 +14440,69 St E,-93.03476660000001,44.8499676 +14441,70 St E,-93.03480920000001,44.8482337 +14442,Lake Bridge Apts,-93.0410734,44.8534395 +14443,68 St E,-93.034789,44.851311800000005 +14444,Catherine Av,-93.0370061,44.851725200000004 +14445,Cloman Av E,-93.03223890000001,44.847999900000005 +14446,65 St E,-93.04251740000001,44.854923400000004 +14447,Cleve Av,-93.0335941,44.847949500000006 +14448,Village Square Ctr,-93.0422217,44.853651 +14449,Clayton Av,-93.0349108,44.851772600000004 +14450,Cleve Av,-93.0332858,44.8481662 +14451,65 St E,-93.04260790000001,44.8551883 +14452,Clayton Av,-93.03453010000001,44.848176200000005 +14453,Catherine Av,-93.0366911,44.851806100000005 +14454,69 St E,-93.03465080000001,44.849735100000004 +14455,67 St E,-93.03469750000001,44.851688 +14456,68 St E,-93.0346682,44.851135500000005 +14457,Village Square Ctr,-93.04214250000001,44.8537477 +14458,Lake Bridge Apts,-93.04091190000001,44.8534937 +14459,Claude Way E #1,-93.04007130000001,44.8620916 +14460,Prairie Estates,-93.04127360000001,44.859403300000004 +14461,Claude Way E #2,-93.0410811,44.857653400000004 +14462,Candace Av,-93.0401793,44.8613915 +14463,Poplar St W,-93.03988580000001,44.866998300000006 +14464,#6115,-93.04130110000001,44.860159 +14465,80 Court,-93.0274186,44.833654200000005 +14466,Claude Way E #2,-93.0399306,44.8618195 +14467,Cooper Av E,-93.0295148,44.8336521 +14468,Claude Way E #1,-93.0407849,44.8573279 +14469,Comstock Av E,-93.03097770000001,44.833662600000004 +14470,#6115,-93.0411354,44.860164100000006 +14471,80 St E,-93.0251147,44.8337779 +14472,Candace Av,-93.040261,44.8610276 +14473,Corey Path,-93.0261572,44.833652300000004 +14474,South St W,-93.04006000000001,44.865618700000006 +14475,Poplar St W,-93.04004400000001,44.867409800000004 +14476,Concord Blvd,-93.0239166,44.8336155 +14477,South St W,-93.0374805,44.8656224 +14478,Comstock Court,-93.03138510000001,44.833556400000006 +14479,3 Av S,-93.0376026,44.8672618 +14480,Cooper Av E,-93.02995050000001,44.8335607 +14481,#5825,-93.03992360000001,44.8641656 +14482,80 Court,-93.02779000000001,44.833553300000005 +14483,#5825,-93.0400905,44.8642337 +14484,Corey Path,-93.0265447,44.8335584 +14485,5 Av S,-93.03956960000001,44.865548800000006 +14486,80 St E,-93.0249624,44.8338454 +14487,South St,-93.03992600000001,44.865362100000006 +14488,79 St E,-93.0249826,44.8351963 +14489,Upper 73 St E,-93.02443120000001,44.8424946 +14490,78 St E,-93.02446400000001,44.837364300000004 +14491,77 St E,-93.0244766,44.8381392 +14492,76 Way E,-93.0244954,44.8392646 +14493,74 St E,-93.02451090000001,44.841757400000006 +14494,Corey Path,-93.0245606,44.836266 +14495,Upper 73 St E,-93.02451780000001,44.842723400000004 +14496,79 St E,-93.02509880000001,44.8353997 +14497,75 St E,-93.0244936,44.840985100000005 +14498,Davidson Court,-93.02444460000001,44.836232300000006 +14499,75 St E,-93.0243518,44.840714600000005 +14500,78 St E,-93.02431410000001,44.8370923 +14501,73 St E,-93.0244253,44.8433816 +14502,77 St E,-93.0243207,44.837912900000006 +14503,74 St E,-93.0244097,44.8415235 +14504,76 Way E,-93.0243301,44.8391601 +14505,Dawn Av,-93.0246067,44.840782700000005 +14506,Craig Av E,-93.02718060000001,44.8408383 +14507,Dehrer Way,-93.0244285,44.8451706 +14508,Conroy Trail,-93.0297056,44.840843400000004 +14509,Conroy Trail,-93.0299342,44.840733500000006 +14510,73 St E,-93.0245278,44.8436098 +14511,Craig Way,-93.02740530000001,44.840751000000004 +14512,72 St E,-93.02451020000001,44.844569400000005 +14513,Upper 71 St E,-93.024511,44.845441300000005 +14514,71 St E,-93.0244811,44.846093100000004 +14515,72 St E,-93.02444890000001,44.844262900000004 +14516,Craig Av E,-93.02693520000001,44.8481662 +14517,Craig Av E,-93.02721030000001,44.8479777 +14518,Cooper Av E,-93.0287181,44.847978000000005 +14519,Dawn Av,-93.0246443,44.847951 +14520,Cooper Av E,-93.02847340000001,44.8481626 +14521,Crosby Av E,-93.02596770000001,44.8479747 +14522,67 St E,-93.0251375,44.852722 +14523,70 St E,-93.02455160000001,44.848255300000005 +14524,66 St E,-93.025323,44.853580900000004 +14525,69 St E,-93.0246068,44.8499429 +14526,71 St E,-93.0245048,44.8463696 +14527,65 St E,-93.0253495,44.855343600000005 +14528,Dawn Court E,-93.02447480000001,44.846990000000005 +14529,66 St E,-93.0252107,44.853303100000005 +14530,69 St E,-93.0244954,44.8496858 +14531,67 St E,-93.0249374,44.852603 +14532,70 St E,-93.02447070000001,44.8478513 +14533,64 St E,-93.02519360000001,44.856906300000006 +14534,Cloman Av E,-93.03205240000001,44.848148800000004 +14535,65 St E,-93.0252202,44.8550577 +14536,Crosby Av E,-93.02569000000001,44.848156100000004 +14537,59 St E,-93.0230075,44.863564700000005 +14538,Dawn Way E,-93.02309770000001,44.8626384 +14539,Poplar St E,-93.02427510000001,44.8661528 +14540,61 St E,-93.025677,44.860469900000005 +14541,64 St E,-93.0253294,44.8572086 +14542,61 St E,-93.0254635,44.8601844 +14543,63 St E,-93.02534960000001,44.8589678 +14544,63 St E,-93.02517010000001,44.858702 +14545,Lake Cove Shelter,-93.06885790000001,44.8703337 +14546,Linden St,-93.02314080000001,44.864039500000004 +14547,Concord Blvd,-93.02280440000001,44.8626048 +14548,Poplar St E,-93.0241974,44.866170600000004 +14549,55 St Court,-93.066832,44.869009600000005 +14550,#4895,-93.0741801,44.8778255 +14551,55 St Court,-93.06638650000001,44.869196300000006 +14552,Babcock Trail,-93.0653668,44.87657 +14553,#5365,-93.06959450000001,44.8710047 +14554,50 St E,-93.0730527,44.876511900000004 +14555,#5335,-93.06903000000001,44.8712187 +14556,#4970,-93.0730745,44.8770303 +14557,Annette Av,-93.0751918,44.8691181 +14558,Babcock Trail,-93.06537560000001,44.8766436 +14559,55 St E (Cenex),-93.0658272,44.8692967 +14560,50 St E,-93.07522990000001,44.877889100000004 +14561,Cenex (55 St E),-93.066203,44.8690584 +14562,Annette Av,-93.0756004,44.8691114 +14563,#4970,-93.07296570000001,44.876762500000005 +14564,#4890,-93.0739626,44.877900600000004 +14565,Parkdale (54 St),-93.0646785,44.871509700000004 +14566,52 St E,-93.0645619,44.8731622 +14567,Westview Dr,-93.07029890000001,44.8887651 +14568,#5400,-93.0635513,44.869819500000006 +14569,Oakdale Terrace,-93.0702711,44.8874152 +14570,52 St E,-93.06445880000001,44.873339300000005 +14571,#2000,-93.0702857,44.8855397 +14572,Cenex (Parkdale),-93.0645686,44.8713849 +14573,Oakdale Av,-93.06996520000001,44.883639300000006 +14574,Country Club Manor,-93.0705162,44.8876027 +14575,Christensen Av,-93.0677861,44.8841404 +14576,19 Av S,-93.05756790000001,44.889045200000005 +14577,17 Av S,-93.0549919,44.8890729 +14578,21 Av S,-93.0603179,44.8859362 +14579,Audrey Av E,-93.06808090000001,44.883873900000005 +14580,21 Av S,-93.060467,44.885952700000004 +14581,Oakridge Dr,-93.0552957,44.888938700000004 +14582,Westview Dr,-93.07053230000001,44.889011200000006 +14583,19 Av S,-93.0578498,44.888903400000004 +14584,Oakdale Av,-93.0698153,44.8835129 +14585,#2000,-93.0704695,44.885649400000005 +14586,Dale St W,-93.0400214,44.870994700000004 +14587,8 St S,-93.03987430000001,44.8779806 +14588,9 St S,-93.03998410000001,44.876518700000005 +14589,9 St S,-93.0398286,44.876187 +14590,Spruce St W,-93.0400127,44.869188300000005 +14591,Spruce St W,-93.03986060000001,44.868926800000004 +14592,Richmond St,-93.0399955,44.872826 +14593,15 Av S,-93.0524261,44.889033500000004 +14594,8 St S,-93.0400326,44.878244900000006 +14595,13 Av S,-93.0499104,44.889028700000004 +14596,9 Av S,-93.0451438,44.8888733 +14597,15 Av S,-93.0527199,44.8889282 +14598,13 Av S,-93.05022690000001,44.888893700000004 +14599,12 Av S,-93.0489412,44.888888400000006 +14600,11 Av S,-93.0477056,44.8888983 +14601,Richmond St,-93.03987070000001,44.8725607 +14602,12 Av S,-93.04851910000001,44.8890181 +14603,Dale St W,-93.0398674,44.870753 +14604,3 St S,-93.03983310000001,44.886994900000005 +14605,11 Av S,-93.0473577,44.8890364 +14606,9 Av S,-93.04484280000001,44.888978200000004 +14607,5 St S,-93.0399885,44.8836273 +14608,4 St S,-93.0398157,44.8852239 +14609,7 St S,-93.0400319,44.880012 +14610,7 Av S,-93.04261930000001,44.8888033 +14611,6 St S,-93.04001790000001,44.8818222 +14612,5 Av S,-93.0400709,44.888808100000006 +14613,5 St S,-93.039832,44.883402200000006 +14614,Southview Blvd,-93.0397981,44.888703 +14615,7 St S,-93.0399,44.8798082 +14616,5 Av S,-93.0397228,44.888910900000006 +14617,6 St S,-93.03985970000001,44.881578100000006 +14618,7 Av S,-93.04228180000001,44.888929000000005 +14619,4 St S,-93.03996550000001,44.885439600000005 +14620,4 Av S,-93.0384435,44.888935200000006 +14621,3 St S,-93.0399672,44.8871989 +14622,Armour Av,-93.0323032,44.884615000000004 +14623,Armour Av,-93.0325878,44.884788 +14624,Oakdale Av,-93.070627,44.890286700000004 +14625,Camber Av,-93.0331252,44.886997900000004 +14626,Armour Av,-93.0320791,44.8851111 +14627,#144,-93.0339531,44.8891532 +14628,Camber Av,-93.03365170000001,44.887981 +14629,Kathleen Dr,-93.07356730000001,44.890848500000004 +14630,#151,-93.0336905,44.8887871 +14631,#223 - Tapemark,-93.0760956,44.892039000000004 +14632,3 Av S,-93.03717870000001,44.888919 +14633,Marie Av,-93.0704733,44.8905394 +14634,Southview Blvd,-93.0361032,44.889022700000005 +14635,Lothenbach Av,-93.07037050000001,44.8943286 +14636,#220 - Tapemark,-93.0750168,44.892033100000006 +14637,Lothenbach Av,-93.0705698,44.8945519 +14638,Kathleen Dr,-93.07313110000001,44.8907718 +14639,Holiday Rd,-93.070509,44.8923995 +14640,Oakdale Av,-93.07073410000001,44.8904173 +14641,Holiday Rd,-93.07033510000001,44.892367300000004 +14642,Marie Av,-93.0703213,44.8908786 +14643,Schletty Lane,-93.07052490000001,44.900207800000004 +14644,Schletty Lane,-93.0706861,44.900311900000005 +14645,Christensen Av,-93.06816810000001,44.9016365 +14646,Wentworth - Arrive,-93.0714568,44.8973602 +14647,Wentworth - Depart,-93.0714674,44.8974069 +14648,Wentworth Av,-93.0715899,44.898274300000004 +14649,Carrie St,-93.072827,44.9016011 +14650,21 Av N,-93.061012,44.9015104 +14651,Oakdale Av,-93.07107690000001,44.9016083 +14652,Cresthaven Dr,-93.05975520000001,44.9015088 +14653,Carrie St,-93.0730034,44.9014815 +14654,19 Av N,-93.05787070000001,44.901502400000005 +14655,Christensen Av,-93.068077,44.901476900000006 +14656,Oakdale Av,-93.0697926,44.901556400000004 +14657,18 Av N,-93.05661640000001,44.9014575 +14658,Randolph Avenue & Lexington Parkway,-93.14686780000001,44.926877000000005 +14659,24 Av N,-93.0642249,44.901491 +14660,17 Av N,-93.05536860000001,44.901612400000005 +14661,18 Av N,-93.0556746,44.9015939 +14662,24 Av N,-93.06389870000001,44.901611800000005 +14663,19 Av N,-93.0575106,44.9015903 +14664,22 Av N,-93.0613378,44.9016183 +14665,17 Av N,-93.0549426,44.9015554 +14666,20 Av N,-93.0587916,44.901663400000004 +14667,Dwane St,-93.048893,44.8987587 +14668,2 St N,-93.0488304,44.892633700000005 +14669,Marie Av,-93.0488535,44.8908611 +14670,3 St N,-93.048803,44.894406000000004 +14671,Congress St,-93.0488974,44.8999557 +14672,3 St N,-93.04868540000001,44.89417 +14673,Dwane St,-93.0487379,44.898264000000005 +14674,2 St N,-93.04871750000001,44.8924597 +14675,4 St N,-93.04872490000001,44.8959775 +14676,Marie Av,-93.0487396,44.8906513 +14677,4 St N,-93.0488334,44.896233900000006 +14678,Congress St,-93.0487657,44.8994888 +14679,Grand Av,-93.0347761,44.8924139 +14680,Vets Mem Dr,-93.0344247,44.8913809 +14681,Vets Mem Dr,-93.03417440000001,44.890988 +14682,Concord/Bridgepoint,-93.03331460000001,44.893390600000004 +14683,Grand Av,-93.03486760000001,44.892695700000004 +14684,Bridgepoint/Concord,-93.0333088,44.893576 +14685,Marie Av,-93.0398354,44.890563 +14686,Hardman/Grand,-93.0361366,44.895435600000006 +14687,2 St N,-93.0395934,44.8919165 +14688,Hardman Av,-93.0364923,44.8964007 +14689,2 St,-93.037221,44.8919021 +14690,2 Av S,-93.0362149,44.890636 +14691,3 St N,-93.0395446,44.893590200000006 +14692,4 Av N,-93.03852140000001,44.893700300000006 +14693,#522,-93.04009260000001,44.9000028 +14694,#522,-93.04017850000001,44.8998914 +14695,Wentworth Av,-93.03846990000001,44.898601500000005 +14696,Wentworth Av,-93.03852110000001,44.8982109 +14697,12 Av N,-93.0489854,44.901543200000006 +14698,14 Av N,-93.05157790000001,44.901488 +14699,15 Av N,-93.052756,44.901490200000005 +14700,Bryant Av N,-93.04705990000001,44.9058648 +14701,15 Av N,-93.05242150000001,44.9016062 +14702,Central Av,-93.04618330000001,44.9049909 +14703,13 Av N,-93.0498245,44.901625800000005 +14704,#1180-Marathon,-93.0501426,44.908777400000005 +14705,Thompson Av,-93.0487573,44.9014277 +14706,Central Av,-93.04587880000001,44.904881 +14707,Dale Place,-93.0291454,44.873155100000005 +14708,#1402,-93.02672910000001,44.8688054 +14709,Bryant Av N,-93.04659050000001,44.9055529 +14710,#1414,-93.02661300000001,44.8688653 +14711,#1180-Marathon,-93.0501923,44.9089298 +14712,Richmond St E,-93.0287352,44.8726907 +14713,Concord St,-93.0315085,44.8849238 +14714,Concord St,-93.0321978,44.8816782 +14715,Concord St,-93.0316141,44.885007300000005 +14716,Farwell Av,-93.0284074,44.8862163 +14717,Farwell Av,-93.02836740000001,44.8860922 +14718,Hardman Av,-93.0248255,44.8877041 +14719,Afscme,-93.0250793,44.8874829 +14720,Villaume (6 St),-93.0320195,44.8802079 +14721,Concord Exchange,-93.03203,44.8818957 +14722,#155,-93.02656850000001,44.8918556 +14723,Concord St,-93.03209890000001,44.882353800000004 +14724,Bridgepoint Dr,-93.0260628,44.8908684 +14725,Villaume Av,-93.0317258,44.8805586 +14726,Bridgepoint Dr,-93.02576090000001,44.8907086 +14727,Bridgepoint/Hardman,-93.03144680000001,44.894120300000004 +14728,Pascal St,-93.16179790000001,44.9270639 +14729,Hardman Av,-93.0314646,44.894253400000004 +14730,Albert St,-93.15925290000001,44.927082600000006 +14731,#155,-93.02664920000001,44.891736900000005 +14732,Hamline Av,-93.15667210000001,44.9270298 +14733,Randolph Avenue & Edgcumbe Road,-93.14976940000001,44.926886700000004 +14734,Syndicate St,-93.15413430000001,44.9270226 +14735,Syndicate St,-93.1544176,44.9269455 +14736,Hamline Av,-93.1570435,44.926979 +14737,Albert St,-93.15887590000001,44.926956700000005 +14738,Pascal St,-93.1618655,44.9269327 +14739,James Av,-93.14654,44.9276464 +14740,Hwy 35E Nb Ramp,-93.1441226,44.926839 +14741,Tuscarora Av,-93.13331500000001,44.923387000000005 +14742,Randolph Avenue & Edgcumbe Road,-93.1499246,44.927022300000004 +14743,Lexington Pkwy,-93.14723430000001,44.9222485 +14744,Hwy 35E Nb Ramp,-93.14367770000001,44.9270312 +14745,Chatsworth St,-93.1417565,44.926908600000004 +14746,Randolph Av,-93.1503483,44.927224700000004 +14747,Victoria St,-93.13664960000001,44.9268462 +14748,Milton St,-93.1392306,44.926855800000006 +14749,Juliet Av,-93.1465211,44.9295485 +14750,View St,-93.13328700000001,44.926832100000006 +14751,Jefferson Avenue & Edgcumbe Road,-93.1493732,44.9306995 +14752,Victoria St,-93.1362515,44.9269553 +14753,Edgcumbe Road & Palace Avenue,-93.15036570000001,44.9288748 +14754,View St,-93.13296860000001,44.9269377 +14755,Otto Av,-93.1381458,44.919929100000004 +14756,Milton St,-93.1387902,44.926968900000006 +14757,Otto Av,-93.13920010000001,44.919364 +14758,Chatsworth St,-93.1414166,44.926970000000004 +14759,Avon St,-93.1339935,44.9340708 +14760,Watson Av,-93.13203370000001,44.924056300000004 +14761,Stairs To Grotto,-93.1313346,44.934060300000006 +14762,Randolph Av,-93.1279428,44.9269717 +14763,Toronto St,-93.12586440000001,44.928147900000006 +14764,Randolph Av,-93.1285007,44.9264518 +14765,Bay St,-93.1309026,44.926793800000006 +14766,Bay St,-93.1305253,44.926938500000006 +14767,Oneida St,-93.1233524,44.934074 +14768,Osceola Av,-93.125985,44.9340692 +14769,Syndicate St,-93.1541395,44.9342564 +14770,Pleasant Av,-93.1294519,44.9340507 +14771,Albert St,-93.15959880000001,44.934153800000004 +14772,Jefferson Av,-93.1224596,44.930539100000004 +14773,Hamline Av,-93.15704240000001,44.9341498 +14774,Palace Av,-93.12455800000001,44.9291506 +14775,Pascal St,-93.1621001,44.9341645 +14776,Palace Av,-93.1245741,44.9292621 +14777,Syndicate St,-93.1544056,44.9341669 +14778,Syndicate St,-93.15409620000001,44.9400862 +14779,Toronto St,-93.12545080000001,44.928645700000004 +14780,Hamline Av,-93.1566672,44.9401129 +14781,Oneida St,-93.12300160000001,44.9303782 +14782,Albert St,-93.1591715,44.9401122 +14783,Albert St,-93.15921270000001,44.9342801 +14784,Pascal St,-93.161698,44.940153300000006 +14785,Hamline Av,-93.15663310000001,44.934257200000005 +14786,Syndicate St,-93.154481,44.9401213 +14787,Pascal St,-93.1617672,44.934285200000005 +14788,Albert St,-93.15961420000001,44.9400847 +14789,Oxford St,-93.1438171,44.934254700000004 +14790,Pascal St,-93.1620845,44.9400563 +14791,Hamline Av,-93.15701270000001,44.9400356 +14792,Dunlap St,-93.14896800000001,44.9342838 +14793,Dunlap St,-93.1493085,44.9399826 +14794,Lexington Pkwy,-93.146358,44.9342659 +14795,Lexington Pkwy,-93.1467714,44.9400519 +14796,Griggs St,-93.1515373,44.934265700000005 +14797,Ayd Mill Rd,-93.1515925,44.939987900000006 +14798,Dunlap St,-93.1492705,44.934104600000005 +14799,Syndicate St,-93.1544174,44.946622500000004 +14800,Lexington Pkwy,-93.1467602,44.9341166 +14801,Syndicate St,-93.15407780000001,44.9466788 +14802,Griggs St,-93.1518789,44.9341528 +14803,Hamline Av,-93.15665200000001,44.9466867 +14804,Benhill Rd,-93.1430892,44.934099 +14805,Hamline Av,-93.1562579,44.946631200000006 +14806,Lexington Pkwy,-93.146399,44.9400798 +14807,Marshall Av,-93.156745,44.948725 +14808,Oxford St,-93.1438155,44.940032800000004 +14809,Marshall Av,-93.1569278,44.948705100000005 +14810,Dunlap St,-93.1490194,44.9401085 +14811,Cub Foods,-93.1619881,44.95297 +14812,#1217,-93.15152250000001,44.940104600000005 +14813,Simpson St,-93.1639413,44.955549000000005 +14814,University Av,-93.1620003,44.955056600000006 +14815,Oxford St,-93.14424070000001,44.939945900000005 +14816,Albert St,-93.15892930000001,44.9555815 +14817,Hamline Av,-93.1565298,44.955844600000006 +14818,Pascal St,-93.1612769,44.955572200000006 +14819,Syndicate St,-93.15408430000001,44.9558503 +14820,Albert St,-93.1596638,44.9558486 +14821,Oxford St,-93.14432380000001,44.9465743 +14822,Simpson St,-93.1640352,44.9558363 +14823,Pascal St,-93.1616541,44.9558417 +14824,Oxford St,-93.1439459,44.946683900000004 +14825,St Anthony Av,-93.15694020000001,44.952348 +14826,Lexington Pkwy,-93.14638790000001,44.9466863 +14827,St Anthony Av,-93.15675470000001,44.952930300000006 +14828,Lexington Pkwy,-93.1469096,44.9465671 +14829,Concordia Av,-93.15691000000001,44.950975400000004 +14830,Dunlap St,-93.1493751,44.9465663 +14831,Concordia Av,-93.1567191,44.95067 +14832,Dunlap St,-93.1490284,44.946704100000005 +14833,Target Entrance,-93.15695810000001,44.954705100000005 +14834,Griggs St,-93.1515043,44.9467074 +14835,Target Entrance,-93.15672330000001,44.9543441 +14836,Griggs St,-93.1519205,44.946582500000005 +14837,Syndicate St,-93.1545014,44.955568400000004 +14838,Dunlap / Lexington,-93.1480121,44.955636600000005 +14839,Hamline Av,-93.15712160000001,44.9555765 +14840,Griggs St,-93.1515672,44.9523049 +14841,Griggs St,-93.1519708,44.9555633 +14842,Grotto St,-93.13115,44.9400209 +14843,Oxford St,-93.1443138,44.9555896 +14844,Oxford St,-93.14387760000001,44.9558893 +14845,Dunlap St,-93.14897180000001,44.9558716 +14846,Lexington Pkwy,-93.14634600000001,44.9558831 +14847,Victoria St,-93.13619510000001,44.9400088 +14848,Griggs St,-93.15153360000001,44.955876800000006 +14849,Chatsworth St,-93.14140610000001,44.940066200000004 +14850,Victoria St,-93.13624320000001,44.934206800000005 +14851,Avon St,-93.13402900000001,44.9399582 +14852,Milton St,-93.1387531,44.9342394 +14853,Grotto St,-93.13141940000001,44.939916000000004 +14854,Chatsworth St,-93.14132000000001,44.93423 +14855,Milton St,-93.1391576,44.939958000000004 +14856,Stairs To Grotto,-93.1311921,44.9341403 +14857,Victoria St,-93.1365038,44.9399906 +14858,Avon St,-93.13369820000001,44.9341607 +14859,Victoria St,-93.13652610000001,44.934086900000004 +14860,Chatsworth St,-93.14167610000001,44.9399211 +14861,Milton St,-93.13911420000001,44.9340762 +14862,Milton St,-93.13878940000001,44.9400546 +14863,Avon St,-93.13369300000001,44.939999400000005 +14864,Pleasant Av,-93.1289823,44.934161 +14865,Duke St,-93.12093820000001,44.934084000000006 +14866,Osceola Av,-93.1253954,44.934191600000005 +14867,Duke St,-93.12089710000001,44.9341596 +14868,Oneida St,-93.1230211,44.934197100000006 +14869,#487,-93.12078020000001,44.9385987 +14870,Lincoln Av,-93.1231283,44.939551900000005 +14871,#487,-93.12093850000001,44.938471 +14872,Dale St,-93.12648420000001,44.9400252 +14873,St Albans St,-93.1286027,44.940007800000004 +14874,Chatsworth St,-93.1413794,44.9466806 +14875,Lincoln Av,-93.12299990000001,44.9396512 +14876,St Albans St,-93.12885530000001,44.939922300000006 +14877,Dale St,-93.12646600000001,44.9398538 +14878,Victoria St,-93.13608,44.946540600000006 +14879,Victoria St,-93.1367218,44.9466872 +14880,Milton St,-93.1388155,44.946690800000006 +14881,Avon St,-93.13338350000001,44.9465318 +14882,Milton St,-93.1387157,44.946527100000004 +14883,Avon St,-93.13301580000001,44.9466631 +14884,Grotto St,-93.13174070000001,44.946615300000005 +14885,Chatsworth St,-93.1417256,44.9465871 +14886,Chatsworth St,-93.1417663,44.9555823 +14887,Milton St,-93.13920180000001,44.9555938 +14888,Victoria St,-93.13670880000001,44.9555823 +14889,Victoria St,-93.1362551,44.9558613 +14890,Avon St,-93.1341683,44.9555851 +14891,St Albans / Grotto,-93.1298665,44.9466478 +14892,Grotto St,-93.1316216,44.955588000000006 +14893,Marshall Av,-93.1263102,44.9483819 +14894,Chatsworth St,-93.1413533,44.9558705 +14895,Iglehart Av,-93.1262318,44.949305700000004 +14896,Avon St,-93.13377360000001,44.9558648 +14897,Kent St,-93.1234833,44.946640900000006 +14898,Kent St,-93.12408160000001,44.9465043 +14899,Grotto St,-93.13122960000001,44.955868800000005 +14900,Mackubin St,-93.1207933,44.946542300000004 +14901,Milton St,-93.1388276,44.9558601 +14902,Mackubin St,-93.12106410000001,44.946639000000005 +14903,Selby Av,-93.1263552,44.9466995 +14904,St Albans St,-93.1290309,44.946532600000005 +14905,Dale St,-93.12646400000001,44.946542 +14906,Dale St,-93.12532750000001,44.946629 +14907,Carroll Av,-93.1264031,44.950498 +14908,Iglehart Av,-93.1263984,44.949621400000005 +14909,Concordia Av,-93.126261,44.9510985 +14910,Marshall Av,-93.12641110000001,44.9486864 +14911,Fuller Av,-93.1260706,44.9542118 +14912,Dayton Av,-93.1264211,44.9475452 +14913,University Av,-93.1264391,44.9559599 +14914,Fuller Av,-93.1264191,44.954053900000005 +14915,St Anthony Av,-93.12643460000001,44.952367300000006 +14916,St Albans St,-93.12868060000001,44.955866400000005 +14917,Dale St,-93.12595440000001,44.955866400000005 +14918,Mackubin St,-93.1214561,44.9555966 +14919,Cherokee Av,-93.1043836,44.9144158 +14920,St Albans St,-93.1290948,44.9555823 +14921,Ottawa Av,-93.10291720000001,44.9153962 +14922,Dale St,-93.1258531,44.955584 +14923,Delaware Av,-93.10556220000001,44.913478500000004 +14924,Kent St,-93.1240271,44.955589100000005 +14925,Ottawa Av,-93.1034173,44.914894600000004 +14926,Kent St,-93.1235893,44.9558716 +14927,Cherokee Av,-93.10490680000001,44.91384 +14928,Mackubin St,-93.1210236,44.955877300000004 +14929,Delaware Av,-93.1060607,44.9129656 +14930,Dodd Rd,-93.10183380000001,44.916490100000004 +14931,Butler Av,-93.10174760000001,44.9123674 +14932,Smith Av,-93.10165310000001,44.912562300000005 +14933,Seminole Av,-93.0996133,44.912553100000004 +14934,Dodd Rd (Hwy 149),-93.1017315,44.9159518 +14935,Butler Av,-93.1019129,44.9126421 +14936,Seminole Av,-93.0999017,44.912388 +14937,Annapolis St,-93.1017212,44.919501700000005 +14938,Winona St W,-93.10188070000001,44.9215503 +14939,Annapolis Av,-93.1019241,44.919827600000005 +14940,Morton St W,-93.10197380000001,44.925744300000005 +14941,Mina St,-93.10186780000001,44.9179583 +14942,Orleans St S,-93.0998581,44.9296456 +14943,Sidney St W,-93.1019631,44.9237589 +14944,Winona St W,-93.1019447,44.921788500000005 +14945,Ohio St,-93.0970578,44.9125336 +14946,St Clair Av,-93.1173196,44.9339869 +14947,Charlton St,-93.0961716,44.9124184 +14948,Sidney St W,-93.1017527,44.9235088 +14949,Butler Av,-93.0879786,44.9125403 +14950,Morton St W,-93.10184220000001,44.9255082 +14951,Arion St,-93.08804190000001,44.914630100000004 +14952,King St W,-93.1018617,44.9274725 +14953,Bernard St,-93.08802560000001,44.9162351 +14954,George St,-93.1018911,44.929347 +14955,Bernard St,-93.08791790000001,44.9160124 +14956,Orleans St S,-93.1002163,44.9295856 +14957,Arion St,-93.0878962,44.914377200000004 +14958,Stryker Av,-93.08770890000001,44.912523500000006 +14959,King St W,-93.1020534,44.9276914 +14960,Winona St,-93.08789370000001,44.921295400000005 +14961,Annapolis St,-93.0880839,44.919791800000006 +14962,Curtice St,-93.0879324,44.9229751 +14963,Haskell St,-93.0880295,44.918101500000006 +14964,Winona St,-93.0880722,44.9215159 +14965,Annapolis St,-93.0879251,44.9199244 +14966,Humboldt Av,-93.0848687,44.912364100000005 +14967,Haskell St,-93.08792770000001,44.9178584 +14968,Hall Av,-93.0866774,44.9123658 +14969,Bernard St,-93.0805457,44.9157328 +14970,Humboldt Av,-93.08482140000001,44.912517300000005 +14971,Haskell St,-93.08057670000001,44.917546300000005 +14972,Gorman Av,-93.0833181,44.912487000000006 +14973,Butler Av,-93.08048380000001,44.9122452 +14974,Hall Av,-93.0862656,44.912472400000006 +14975,Robert / Livingston,-93.08101140000001,44.912431500000004 +14976,Arion St,-93.0805373,44.9140573 +14977,Winona St,-93.08078780000001,44.921458900000005 +14978,Bernard St,-93.0808176,44.9162157 +14979,Annapolis St,-93.0808025,44.9197824 +14980,Butler Av,-93.08075260000001,44.912711900000005 +14981,Curtice St,-93.0806072,44.922822800000006 +14982,Arion St,-93.08075790000001,44.914780900000004 +14983,Annapolis St,-93.08060760000001,44.919921300000006 +14984,Livingston / Robert,-93.0813801,44.9123072 +14985,Winona St,-93.0806039,44.9211408 +14986,Gorman Av,-93.0835893,44.9123916 +14987,Haskell St,-93.08085220000001,44.9180712 +14988,Morton St,-93.0879589,44.9253359 +14989,Elizabeth St,-93.0881301,44.9272828 +14990,Curtice St,-93.08809380000001,44.923191 +14991,George St,-93.0882227,44.9292322 +14992,Morton St,-93.0881179,44.925583100000004 +14993,Stevens St,-93.08797750000001,44.928676700000004 +14994,Robert St S,-93.0805335,44.9243426 +14995,Stryker Av S,-93.08791330000001,44.9314605 +14996,Curtice St,-93.0808245,44.9232001 +14997,George St W,-93.09776020000001,44.9298049 +14998,King St,-93.0789577,44.9281639 +14999,Winifred St W,-93.09770630000001,44.931101600000005 +15000,Morton St,-93.0796974,44.9257481 +15001,Bidwell St S,-93.0913553,44.9313373 +15002,Morton St,-93.0796363,44.9256687 +15003,Bellows St S,-93.09357170000001,44.931329000000005 +15004,King St,-93.0788806,44.9278745 +15005,Stryker Av S,-93.0884305,44.9313402 +15006,Sidney St,-93.080611,44.9238346 +15007,Robie St,-93.0852704,44.9306873 +15008,Humboldt Av,-93.0853926,44.929644200000006 +15009,George St,-93.08528070000001,44.929821800000006 +15010,Ohio St S,-93.0974577,44.931443 +15011,Hall Av,-93.0864178,44.929712800000004 +15012,Bellows St S,-93.0930848,44.9314416 +15013,Bidwell St S,-93.0908768,44.9314467 +15014,Winifred St,-93.08512830000001,44.931277300000005 +15015,George St W,-93.0978602,44.929661800000005 +15016,Hall Av,-93.0868439,44.929664100000004 +15017,#447,-93.11935100000001,44.9391424 +15018,Robie St,-93.0851109,44.930395700000005 +15019,Ada St,-93.0765736,44.9295154 +15020,Humboldt Av S,-93.0854748,44.9313372 +15021,Congress St,-93.08463800000001,44.9323695 +15022,Winifred St,-93.0852899,44.9315421 +15023,Concord St,-93.084321,44.9335875 +15024,Cesar Chavez,-93.07678870000001,44.929639 +15025,Congress St,-93.0846839,44.932130300000004 +15026,Isabel St,-93.08073350000001,44.932840500000005 +15027,Winifred St,-93.08019200000001,44.931255400000005 +15028,Isabel St,-93.0809569,44.9332756 +15029,State St,-93.0784442,44.930076400000004 +15030,Colborne St,-93.11966980000001,44.9341419 +15031,Ada St,-93.07716900000001,44.9294925 +15032,7 St W,-93.117722,44.9340592 +15033,Robert / State,-93.0796974,44.9307572 +15034,Colborne St,-93.11972060000001,44.934108900000005 +15035,Cesar Chavez,-93.07826850000001,44.929405900000006 +15036,Dousman St,-93.11275970000001,44.937082000000004 +15037,Ann St,-93.1143504,44.936013 +15038,Smith Av,-93.1096002,44.9392426 +15039,Superior St,-93.11527310000001,44.9353825 +15040,Dousman St,-93.11229580000001,44.9376686 +15041,Michigan (Western),-93.11625480000001,44.9347123 +15042,#387,-93.1163556,44.940241300000004 +15043,St Clair Av,-93.1173158,44.934267500000004 +15044,Ramsey St,-93.113876,44.941155800000004 +15045,Goodhue St,-93.1138411,44.9365721 +15046,Thompson St,-93.11102310000001,44.941378500000006 +15047,Grand Av,-93.10673750000001,44.941437300000004 +15048,Hwy 35E / Smith Av,-93.1104732,44.9412816 +15049,#395,-93.1170701,44.939891100000004 +15050,Grand Av,-93.10627880000001,44.941563 +15051,Walnut St,-93.10511190000001,44.942673500000005 +15052,Chestnut St,-93.1041562,44.943286300000004 +15053,Sherman St,-93.1076649,44.9424421 +15054,Chestnut St,-93.10519950000001,44.9444473 +15055,Sherman St,-93.1074593,44.9426587 +15056,Smith Av,-93.1091093,44.939842500000005 +15057,Grand Av,-93.1089735,44.9414505 +15058,Farrington St,-93.11363560000001,44.9464722 +15059,Chestnut St,-93.10564880000001,44.9442941 +15060,Walnut St,-93.10651150000001,44.943272300000004 +15061,Grand Av,-93.1083718,44.9417051 +15062,Nina St,-93.11218690000001,44.9465262 +15063,Kellogg Blvd,-93.10332000000001,44.9442077 +15064,Nina St,-93.1118615,44.946633600000006 +15065,Arundel St,-93.11834,44.9465322 +15066,Farrington St,-93.11321790000001,44.9466107 +15067,Arundel St,-93.11844350000001,44.9466334 +15068,Farrington St,-93.1134823,44.9556246 +15069,Western Av,-93.1159203,44.9466121 +15070,Western Av,-93.116335,44.9465481 +15071,University Av,-93.10913090000001,44.9554848 +15072,Arundel St,-93.1184585,44.9558904 +15073,Aurora Av,-93.1094905,44.9550561 +15074,Marion St,-93.1096526,44.9556343 +15075,Aurora Av,-93.10916280000001,44.9546937 +15076,Arundel St,-93.1188573,44.955598800000004 +15077,Western Av,-93.11633210000001,44.9556126 +15078,Jessie St,-93.0771162,44.9806018 +15079,Western Av,-93.11590480000001,44.9558996 +15080,Dayton Av,-93.1077382,44.9480118 +15081,Farrington St,-93.1132456,44.95591 +15082,Mulberry St,-93.1052173,44.9481605 +15083,Ravoux Av,-93.1100711,44.952008500000005 +15084,Mulberry St,-93.1058251,44.948235000000004 +15085,Ravoux St,-93.10974610000001,44.952071200000006 +15086,Summit Av,-93.10653950000001,44.9485894 +15087,Kellogg Blvd,-93.10408220000001,44.9451459 +15088,Marshall Av,-93.107819,44.948641200000004 +15089,Summit Av,-93.10850860000001,44.946604900000004 +15090,6th Street & 7th Street,-93.0990527,44.946344700000004 +15091,Summit Av,-93.1086011,44.946476800000006 +15092,5 St W,-93.10268140000001,44.946257800000005 +15093,Eva St,-93.08051040000001,44.9389063 +15094,Ramp Entrance,-93.1028373,44.9462398 +15095,Ramp Exit / Kellogg,-93.10346480000001,44.945772000000005 +15096,Sears,-93.106167,44.953661200000006 +15097,5th Street & 7th Street,-93.1010246,44.9455217 +15098,7 St / Washington St,-93.0994009,44.9453466 +15099,University Av,-93.10583980000001,44.955569700000005 +15100,5 St / Kellogg Blvd,-93.10228550000001,44.9454529 +15101,Sears,-93.10585040000001,44.9538202 +15102,Main St,-93.1016556,44.9487655 +15103,Rice St,-93.1055738,44.9559116 +15104,St Peter St,-93.0998108,44.949167200000005 +15105,Rice St,-93.10556860000001,44.955660800000004 +15106,10 St,-93.09857310000001,44.950097500000005 +15107,Marion St,-93.1089049,44.955928300000004 +15108,State Bldg G Entrance,-93.10583310000001,44.9524142 +15109,Water W (Fillmore),-93.08970760000001,44.939509 +15110,University Av,-93.10608260000001,44.956016600000005 +15111,St Anthony Av,-93.10616750000001,44.952365300000004 +15112,Fillmore (Water W),-93.08926840000001,44.939286100000004 +15113,Plato Blvd,-93.0877348,44.937142800000004 +15114,Plato Blvd,-93.08753970000001,44.9372198 +15115,#216,-93.0866519,44.936166300000004 +15116,4 St,-93.0934641,44.9448005 +15117,Fillmore Avenue & Robert Street,-93.0844745,44.9414784 +15118,Minnesota St,-93.0902643,44.945067300000005 +15119,Plato Blvd E,-93.08231310000001,44.9382431 +15120,Colorado St,-93.0807595,44.934661000000006 +15121,State St,-93.0778949,44.9394696 +15122,Fillmore Av,-93.0847822,44.9411962 +15123,Eva St,-93.0802106,44.939174300000005 +15124,State St,-93.0804394,44.9432253 +15125,Torre De San Miguel,-93.0849127,44.934700500000005 +15126,Lafayette Rd W,-93.0784744,44.9435854 +15127,Plato Blvd,-93.08209210000001,44.9377268 +15128,Lafayette Rd E,-93.07724990000001,44.943841600000006 +15129,Torre De San Miguel,-93.08464140000001,44.934662100000004 +15130,River Park Plaza & Comcast,-93.08410400000001,44.9429183 +15131,Colorado St,-93.08099340000001,44.934901 +15132,Fillmore Av,-93.08512110000001,44.941368100000005 +15133,Plato Blvd,-93.08289880000001,44.938653200000005 +15134,Fillmore Avenue & Eva Street,-93.0828824,44.942347700000006 +15135,#216,-93.0866668,44.9360003 +15136,State St,-93.0800619,44.943340400000004 +15137,State St,-93.07819330000001,44.939224 +15138,Lexington Av,-93.1467885,44.9919893 +15139,6th Street & Wabasha Street,-93.09584360000001,44.9463069 +15140,Lafayette Rd E,-93.07681310000001,44.943995300000005 +15141,Fillmore Avenue & Robert Street,-93.0848366,44.941493200000004 +15142,Comcast En,-93.0840893,44.943042000000005 +15143,5th Street & Cedar Street,-93.0937533,44.9459535 +15144,5 St / 6 St,-93.0953776,44.9463388 +15145,6 St / 7 Place,-93.0955364,44.946916200000004 +15146,7 Place / 6 St,-93.09441770000001,44.9474292 +15147,5th Street & Market Street,-93.09695660000001,44.945071500000005 +15148,6th Street & Washington Street,-93.0972665,44.9461681 +15149,9 St,-93.0936545,44.9504607 +15150,5 St,-93.0932056,44.946127000000004 +15151,5 St,-93.0976457,44.9453103 +15152,St Peter,-93.0976899,44.947692800000006 +15153,Cedar St,-93.09755510000001,44.950253800000006 +15154,5 St / 6 St - Arrive,-93.09500120000001,44.946364200000005 +15155,9 St,-93.09472330000001,44.949555800000006 +15156,Cedar St / Wabasha,-93.0927544,44.9452998 +15157,Cedar St,-93.09684410000001,44.9503502 +15158,7 Place / 7 St,-93.0939209,44.948744000000005 +15159,Exchange St,-93.0967743,44.949804900000004 +15160,Wabasha St,-93.09638840000001,44.9483053 +15161,10 St,-93.09764630000001,44.9505053 +15162,7 St,-93.0969773,44.9483861 +15163,7 Place,-93.09287280000001,44.9493571 +15164,Exchange St,-93.09787750000001,44.9493719 +15165,6th Street & Minnesota Street,-93.0925981,44.947861200000006 +15166,9 St,-93.09364910000001,44.950206400000006 +15167,4 St,-93.091068,44.9459578 +15168,Cedar / Minnesota,-93.09177500000001,44.9456186 +15169,4 St,-93.0903653,44.947008200000006 +15170,5th Street & Minnesota Street,-93.09224440000001,44.946637200000005 +15171,6 St,-93.0914688,44.948177300000005 +15172,Minnesota St,-93.0903035,44.945425 +15173,5 St / 6 St,-93.08733240000001,44.9497208 +15174,5th Street & Minnesota Street,-93.0915526,44.9470128 +15175,5th Street & Wacouta Street,-93.0871628,44.949106900000004 +15176,4 St,-93.09262310000001,44.9456386 +15177,5th Street & Jackson Street,-93.0896513,44.9479239 +15178,6 St,-93.0926168,44.9476158 +15179,6th Street & Sibley Street,-93.08936700000001,44.9493802 +15180,Robert Street & Kellogg Boulevard,-93.0896295,44.9459188 +15181,6th Street & Robert Street,-93.09126060000001,44.9484962 +15182,Wacouta St,-93.0881253,44.950039200000006 +15183,7 Place,-93.0925285,44.948869800000004 +15184,Minnehaha Av,-93.12619620000001,44.9627798 +15185,6 St / 5 St,-93.09131670000001,44.947869000000004 +15186,7 St E,-93.0882751,44.950752800000004 +15187,6 St - Arrive,-93.09147420000001,44.9482001 +15188,7 St E,-93.0883325,44.950667100000004 +15189,6 St / 5 St - Arrive,-93.0913223,44.9479076 +15190,14 St,-93.09672230000001,44.955427 +15191,11 St,-93.0951218,44.95194 +15192,14 St,-93.0959308,44.9551038 +15193,6 St / 7 St,-93.0871767,44.951346400000006 +15194,8 St / 9 St E,-93.0895083,44.9520149 +15195,University Av,-93.09722350000001,44.956025200000006 +15196,11 St,-93.0952067,44.9518684 +15197,10 St E,-93.0888649,44.9541521 +15198,12 St,-93.09534790000001,44.953988200000005 +15199,5 St / 6 St,-93.0862357,44.950290700000004 +15200,9 St E,-93.08977390000001,44.9528952 +15201,5 St / 4 St,-93.0847949,44.949783100000005 +15202,Burgess St,-93.1260874,44.968260900000004 +15203,Oxford St,-93.1446159,44.9919426 +15204,8 St,-93.08378330000001,44.954095800000005 +15205,5 St,-93.0849939,44.950124900000006 +15206,Grove St,-93.0849731,44.956003900000006 +15207,Kellogg Boulevard & Broadway Street,-93.08356710000001,44.9487369 +15208,8 St,-93.08426890000001,44.954217400000005 +15209,Lafayette Bridge,-93.0813191,44.949616400000004 +15210,Lafayette Rd,-93.0854089,44.9558065 +15211,4 St,-93.0844958,44.949474 +15212,Lafayette Rd,-93.08527550000001,44.955730700000004 +15213,7 St / 6 St,-93.0869571,44.9509125 +15214,Kittson St,-93.08079020000001,44.954598100000005 +15215,Lafayette / John St,-93.0840522,44.953298200000006 +15216,Willius St,-93.082361,44.954022800000004 +15217,Kittson St,-93.0805782,44.954892300000004 +15218,Lafayette Rd,-93.08272020000001,44.9536389 +15219,Syndicate St,-93.1540866,44.9630169 +15220,Grove St,-93.08469760000001,44.9556095 +15221,Hamline Av,-93.1566301,44.962996800000006 +15222,Syndicate St,-93.15443610000001,44.962931600000005 +15223,Oxford St,-93.1442851,44.962978400000004 +15224,Albert St,-93.1586079,44.962982600000004 +15225,Pascal St,-93.16198030000001,44.962969300000005 +15226,Simpson St,-93.1634951,44.9629573 +15227,Griggs St,-93.1518975,44.962950500000005 +15228,Hamline Av,-93.1570636,44.962939500000005 +15229,Lexington Pkwy,-93.14690080000001,44.962951200000006 +15230,Pascal St,-93.1622104,44.9628853 +15231,Dunlap St,-93.1493578,44.962944300000004 +15232,Albert St,-93.15958420000001,44.9628789 +15233,Dunlap St,-93.1489844,44.9630485 +15234,Bandana Blvd W,-93.1550483,44.970713100000005 +15235,Griggs St,-93.1515313,44.9630318 +15236,Energy Lane,-93.1576211,44.970683300000005 +15237,Oxford St,-93.14389030000001,44.9630753 +15238,Energy Tech Ctr,-93.16188930000001,44.971989900000004 +15239,Lexington Pkwy,-93.14630360000001,44.963079900000004 +15240,Bandana Blvd W,-93.15505160000001,44.970861600000006 +15241,#1359,-93.1575516,44.970825100000006 +15242,Como Avenue & Hamline Avenue,-93.15663810000001,44.9774966 +15243,Hamline Av,-93.15700980000001,44.9773414 +15244,Oxford St,-93.1442713,44.9701924 +15245,Como Avenue & Como Picnic Grounds,-93.1533136,44.977727400000006 +15246,Albert St,-93.15954,44.977313900000006 +15247,Pascal St,-93.1620893,44.977321800000006 +15248,Churchill St,-93.14563290000001,44.970182300000005 +15249,Como Avenue & Pascal Street,-93.1624201,44.9774375 +15250,#1200,-93.1492494,44.9707014 +15251,Albert St,-93.1593826,44.9774498 +15252,#1200,-93.1492485,44.9708642 +15253,Bandana Blvd E,-93.15252840000001,44.9707063 +15254,Lexington Pkwy,-93.14626200000001,44.970319800000006 +15255,Bandana Blvd E,-93.1522595,44.9708869 +15256,Churchill St,-93.1445163,44.977009900000006 +15257,Oxford St,-93.1439223,44.9702691 +15258,Jessamine Av,-93.1263078,44.9737274 +15259,Como Avenue & Como Park,-93.1488863,44.9774389 +15260,Churchill St,-93.14492270000001,44.977172700000004 +15261,Como Avenue & Lexington Parkway,-93.1469318,44.9774029 +15262,Hamline Av,-93.1568816,44.9917895 +15263,Como Avenue & Como Park,-93.14899390000001,44.9775962 +15264,Victoria St,-93.13674870000001,44.962934000000004 +15265,Lexington Pkwy,-93.1459677,44.9775122 +15266,Como Av,-93.1426311,44.976114900000006 +15267,Milton St,-93.13889130000001,44.9630686 +15268,Chatsworth St,-93.1413327,44.963067 +15269,Avon St,-93.13420780000001,44.962948100000006 +15270,Avon St,-93.13383300000001,44.9630613 +15271,Victoria St,-93.13635310000001,44.963096500000006 +15272,Grotto St,-93.13123660000001,44.963047800000005 +15273,Grotto St,-93.1316199,44.9629313 +15274,Milton St,-93.1393233,44.9629482 +15275,Chatsworth St,-93.141754,44.962943 +15276,Blair Av,-93.1264342,44.9612866 +15277,Thomas Av,-93.12644710000001,44.9594978 +15278,Charles Av,-93.12640830000001,44.957655300000006 +15279,Mackubin St,-93.12100690000001,44.959433100000005 +15280,Thomas Av,-93.12617990000001,44.959201400000005 +15281,Kent St,-93.12361700000001,44.959428300000006 +15282,Charles Av,-93.1262131,44.957405300000005 +15283,Dale St,-93.1259947,44.9594159 +15284,Kent St,-93.1240381,44.9593162 +15285,University Av,-93.1261667,44.9561061 +15286,Mackubin St,-93.12144760000001,44.959362600000006 +15287,Blair Av,-93.12623140000001,44.961015100000004 +15288,St Albans St,-93.12877060000001,44.963020300000004 +15289,Dale St,-93.12591010000001,44.959328 +15290,Dale St,-93.1266389,44.9629568 +15291,Grotto St,-93.13142660000001,44.970131800000004 +15292,Dale St,-93.12687410000001,44.9630163 +15293,St Albans St,-93.1290561,44.9629077 +15294,Minnehaha Av,-93.12641830000001,44.9627293 +15295,Milton St,-93.13766840000001,44.9701146 +15296,Ryde St,-93.139646,44.9701341 +15297,Ryde St,-93.13929540000001,44.9702582 +15298,Avon St,-93.13353910000001,44.970108100000004 +15299,Chatsworth St,-93.1413533,44.9700946 +15300,Barrett St,-93.1355855,44.970108 +15301,Como Blvd E,-93.134967,44.9774655 +15302,Chatsworth St,-93.1413361,44.9702751 +15303,Grotto St,-93.13171990000001,44.977443 +15304,Grotto St,-93.13127850000001,44.9702221 +15305,Maryland Av,-93.1354232,44.977202000000005 +15306,Avon St,-93.1332861,44.970241200000004 +15307,Grotto St,-93.13112190000001,44.9773501 +15308,Como Blvd E,-93.1416152,44.976019 +15309,Barrett St,-93.1353021,44.970245000000006 +15310,Rose Av,-93.1357042,44.9767152 +15311,Milton St,-93.13742710000001,44.9702289 +15312,Milton St,-93.1377039,44.9749485 +15313,Como Place,-93.13555240000001,44.9748387 +15314,Ryde St,-93.1392466,44.9749512 +15315,Como Place,-93.13566560000001,44.9749386 +15316,Mackubin St,-93.1214959,44.970119100000005 +15317,Ryde St,-93.139696,44.974867700000004 +15318,St Albans St,-93.1290448,44.9700721 +15319,Milton St,-93.1377073,44.9748341 +15320,Kent St,-93.12401050000001,44.9700744 +15321,Dale St,-93.126548,44.9700441 +15322,Chatsworth St,-93.14126270000001,44.9749586 +15323,Mackubin St,-93.1210406,44.970234700000006 +15324,Chatsworth St,-93.1412231,44.9748698 +15325,Kent St,-93.12362,44.9702271 +15326,Simon Av,-93.1264115,44.971706600000005 +15327,Dale St,-93.1260173,44.9702204 +15328,Como Av,-93.1264469,44.970489400000005 +15329,St Albans St,-93.1287085,44.970215100000004 +15330,Burgess St,-93.1264697,44.9685373 +15331,Danforth St,-93.1248994,44.9774424 +15332,Lawson Av,-93.1263012,44.9718487 +15333,Mackubin St,-93.1210448,44.977440400000006 +15334,Front Av,-93.12615860000001,44.970497200000004 +15335,Albert St,-93.15879290000001,44.9919378 +15336,St Albans St,-93.1287588,44.977470800000006 +15337,Dale St,-93.1261401,44.9774341 +15338,Pascal St,-93.1614711,44.9919157 +15339,St Albans St,-93.12902100000001,44.977282200000005 +15340,Dale St,-93.126607,44.977339300000004 +15341,Arona St,-93.16402740000001,44.9918996 +15342,Danforth St,-93.12528060000001,44.977338200000005 +15343,Albert St,-93.15936660000001,44.991775000000004 +15344,Mackubin St,-93.1214554,44.9773507 +15345,Pascal St,-93.1619161,44.9917425 +15346,Geranium Av,-93.126382,44.9758039 +15347,Larpenteur Avenue & Dunlap Street,-93.14903050000001,44.9918789 +15348,Jessamine Av,-93.1264441,44.973901600000005 +15349,Larpenteur Avenue & Fernwood Street,-93.1516095,44.991845500000004 +15350,Maryland Av,-93.12646480000001,44.9774424 +15351,Larpenteur Avenue & Fernwood Street,-93.1511758,44.992090000000005 +15352,Maryland Av,-93.1262937,44.9772387 +15353,Geranium Av,-93.1262676,44.9754911 +15354,Larpenteur Avenue & Dunlap Street,-93.1486182,44.992095500000005 +15355,Hamline Av,-93.1561393,44.9919637 +15356,Lexington Av,-93.14715600000001,44.992115000000005 +15357,Oxford St,-93.14412540000001,44.9920915 +15358,Arlington St,-93.13639350000001,44.9847982 +15359,Cottage Av,-93.12633000000001,44.9828235 +15360,Nebraska Av,-93.1378497,44.9866162 +15361,Hoyt Av,-93.1378136,44.988399900000005 +15362,Victoria Av,-93.13619390000001,44.9846675 +15363,#795,-93.1333396,44.9846975 +15364,Wheelock Pkwy,-93.12640250000001,44.981126200000006 +15365,Hoyt Av,-93.1377198,44.9881456 +15366,Cottage Av,-93.12615960000001,44.982669800000004 +15367,Nebraska Av,-93.13751,44.986200600000004 +15368,Wheelock Pkwy,-93.1262087,44.980801500000005 +15369,#795,-93.13343610000001,44.9846483 +15370,Orange Av,-93.1262942,44.979020600000005 +15371,Avon St,-93.1348645,44.984689100000004 +15372,Nebraska Av,-93.1262365,44.986238900000004 +15373,Grotto St,-93.13146920000001,44.9846166 +15374,Avon St,-93.13523980000001,44.9845831 +15375,Hoyt Av,-93.1262265,44.9877418 +15376,Grotto St,-93.13113890000001,44.984651500000005 +15377,Arlington Av,-93.12629530000001,44.9846931 +15378,Orange Av,-93.1264168,44.9792763 +15379,Arlington Av,-93.12615620000001,44.9844479 +15380,Dale St,-93.12599780000001,44.984583 +15381,Kent St,-93.12349920000001,44.984623400000004 +15382,Mackubin St,-93.1210001,44.9846391 +15383,Hoyt Av,-93.1261018,44.9871824 +15384,Kent St,-93.123835,44.9845587 +15385,Nebraska Av,-93.1261376,44.986198 +15386,Dale St,-93.1259856,44.9845848 +15387,Larpenteur Av,-93.1260154,44.9916075 +15388,Mackubin St,-93.1212617,44.984576700000005 +15389,St Albans St,-93.128887,44.9845357 +15390,St Albans St,-93.1286199,44.984651400000004 +15391,Idaho Av,-93.13777590000001,44.990233 +15392,Larpenteur Av,-93.126265,44.9919364 +15393,Larpenteur Av,-93.1376604,44.9917904 +15394,Dale Court,-93.1261597,44.997202300000005 +15395,Idaho Av,-93.137752,44.989972200000004 +15396,Dale Court,-93.1259998,44.996993700000004 +15397,Chatsworth St,-93.14143080000001,44.991925200000004 +15398,Chatsworth St,-93.1411965,44.992057200000005 +15399,Victoria St,-93.13794200000001,44.9918349 +15400,Western Av,-93.1163411,44.9593069 +15401,Iowa Av,-93.12624120000001,44.9891767 +15402,Farrington St,-93.1136209,44.9593179 +15403,Iowa Av,-93.12609210000001,44.989016400000004 +15404,Galtier St,-93.1107662,44.959336 +15405,Galtier St,-93.1103602,44.959464800000006 +15406,Farrington St,-93.1131502,44.959420200000004 +15407,Arundel St,-93.1184104,44.9594279 +15408,Galtier St,-93.1102608,44.961426 +15409,Arundel St,-93.11891320000001,44.9593622 +15410,Atwater St,-93.1162013,44.9667132 +15411,Van Buren Av,-93.1124925,44.9624875 +15412,Western Av,-93.1159008,44.959431900000006 +15413,Van Buren Av,-93.1122349,44.962504100000004 +15414,Arch St (Pennsylvania),-93.10585610000001,44.960770700000005 +15415,Western St,-93.11587800000001,44.9645129 +15416,Atwater St,-93.1160861,44.9664237 +15417,Western St,-93.11578200000001,44.9642776 +15418,Galtier St,-93.1108415,44.9615632 +15419,Como Av,-93.1058373,44.958798800000004 +15420,Charles Av,-93.1058527,44.9577796 +15421,Marion St,-93.1087816,44.960589000000006 +15422,Como Av,-93.1060844,44.9592225 +15423,Mt Airy (Winter),-93.09856710000001,44.959345500000005 +15424,Pennsylvania Av,-93.1060904,44.960535 +15425,Rice St,-93.10674200000001,44.959430100000006 +15426,Winter St (Mt Airy),-93.0986082,44.9596261 +15427,Atwater St,-93.1058622,44.9664833 +15428,Marion St,-93.1088773,44.9604421 +15429,Sycamore St,-93.1058545,44.9646885 +15430,Rice St,-93.10626330000001,44.9590054 +15431,Sycamore St,-93.1060113,44.9649695 +15432,Charles Av,-93.10609290000001,44.957700800000005 +15433,Atwater St,-93.1060437,44.966759200000006 +15434,Como Av,-93.1086231,44.9601789 +15435,Arundel St,-93.1189949,44.970109 +15436,Western Av,-93.1162973,44.970137 +15437,Burgess St,-93.11605700000001,44.968292500000004 +15438,Burgess St,-93.11621550000001,44.9685453 +15439,Front Av,-93.1160796,44.9700609 +15440,Farrington St,-93.11335720000001,44.977452 +15441,Arundel St,-93.11864340000001,44.970236500000006 +15442,Hatch Av,-93.10607200000001,44.971224500000005 +15443,Arundel St,-93.118587,44.977444600000005 +15444,Lawson Av,-93.1058854,44.9718936 +15445,Western Av,-93.11584760000001,44.977445200000005 +15446,Manitoba Av,-93.10589390000001,44.9682426 +15447,Arundel St,-93.11898190000001,44.977346000000004 +15448,Front Av,-93.1059055,44.9701406 +15449,Milford St,-93.10605070000001,44.967940600000006 +15450,Western Av,-93.1163449,44.977330900000005 +15451,Lawson Av,-93.1060382,44.972205100000004 +15452,Farrington St,-93.1137635,44.977344300000006 +15453,Woodbridge St,-93.1086798,44.9773396 +15454,Galtier St,-93.11123330000001,44.977341100000004 +15455,Rice St,-93.1062813,44.977320500000005 +15456,Galtier St,-93.1108538,44.9774455 +15457,Woodbridge St,-93.1082969,44.977442200000006 +15458,Pennsylvania Av,-93.09161230000001,44.9614782 +15459,Geranium Av,-93.1058625,44.975446500000004 +15460,Maryland Av,-93.10585040000001,44.977247500000004 +15461,Jackson St,-93.09553840000001,44.9565767 +15462,Magnolia Av,-93.1058563,44.973687000000005 +15463,University Av,-93.0927618,44.9581225 +15464,Jessamine Av,-93.106018,44.9747034 +15465,Arch St,-93.0912713,44.9599076 +15466,Geranium Av,-93.10604020000001,44.975790700000005 +15467,Arch St,-93.09142480000001,44.960107300000004 +15468,Maryland Av,-93.1060107,44.977490700000004 +15469,Pennsylvania Av,-93.0917158,44.9614667 +15470,Rice St,-93.10625440000001,44.977428700000004 +15471,University Av,-93.09287,44.957989500000004 +15472,Valley Apts - #261,-93.0938564,44.957351 +15473,Mt Airy St (Winter),-93.091313,44.9589213 +15474,Valley Apts - #261,-93.0944996,44.957214500000006 +15475,Jackson St,-93.0977352,44.964049200000005 +15476,University Av,-93.0971631,44.956257 +15477,Sycamore St,-93.0964376,44.9648946 +15478,Empire Dr,-93.09812400000001,44.9616441 +15479,Cayuga St,-93.0963383,44.9669322 +15480,Sycamore St,-93.0963164,44.9648897 +15481,Cortland Place,-93.0965128,44.963927000000005 +15482,#600 - Jh Larson,-93.08211270000001,44.9597573 +15483,Empire Dr,-93.09796820000001,44.961708800000004 +15484,Lafayette PlazA,-93.08278890000001,44.959597800000004 +15485,Tedesco St,-93.07989450000001,44.960250800000004 +15486,Minnehaha Av,-93.0762289,44.9630975 +15487,Payne Av,-93.0777996,44.9560782 +15488,Beaumont St,-93.07987870000001,44.9616849 +15489,Payne Av,-93.07790630000001,44.9562271 +15490,Burr St,-93.0795786,44.9629774 +15491,University Av,-93.0848845,44.9579771 +15492,Edgerton St,-93.0763237,44.963010700000005 +15493,University Av,-93.0847241,44.9577037 +15494,Beaumont St,-93.0796796,44.961501000000005 +15495,Minnehaha Av E,-93.0796859,44.9628139 +15496,Tedesco St,-93.0796399,44.960489800000005 +15497,Jessie St,-93.0778521,44.962955900000004 +15498,Burr St,-93.0797036,44.9793389 +15499,Jenks Av,-93.0964285,44.9711682 +15500,Sims Av,-93.09641930000001,44.9694306 +15501,Cayuga St,-93.09641830000001,44.967251000000005 +15502,Jessamine Av,-93.09644,44.974796600000005 +15503,Jenks Av,-93.0962935,44.9709785 +15504,Lorient St,-93.09135520000001,44.9770289 +15505,Sims Av,-93.0963153,44.969059300000005 +15506,Cook Av,-93.09640800000001,44.972962100000004 +15507,Maryland Av,-93.0836158,44.9772249 +15508,Maryland / Rose,-93.09643550000001,44.9766654 +15509,Rose Av,-93.0963852,44.9763722 +15510,Jessamine Av,-93.0963198,44.9745755 +15511,Cook Av,-93.0963028,44.9727879 +15512,Magnolia Av,-93.0837693,44.973846800000004 +15513,Case Av,-93.08372340000001,44.9702253 +15514,Geranium Av,-93.08365110000001,44.9754226 +15515,Lawson Av,-93.0837446,44.972021500000004 +15516,Magnolia Av,-93.08363600000001,44.9735947 +15517,Case Av,-93.083599,44.9703777 +15518,Wheelock Pkwy,-93.1165876,44.9846397 +15519,Lawson Av,-93.08361000000001,44.9718138 +15520,Arundel St,-93.11844380000001,44.9846227 +15521,Maryland Av,-93.08371340000001,44.9775451 +15522,Geranium Av,-93.0837051,44.9756346 +15523,Galtier St,-93.1112265,44.9845753 +15524,Farrington St,-93.1137479,44.9846142 +15525,Wheelock Pkwy,-93.11648140000001,44.984581500000004 +15526,Arundel St,-93.1188635,44.984585200000005 +15527,Orange Av,-93.10586980000001,44.979029600000004 +15528,Galtier St,-93.11137070000001,44.984655700000005 +15529,Ivy Av,-93.1058242,44.9808863 +15530,Farrington St,-93.1133961,44.984652600000004 +15531,Ivy Av,-93.10600020000001,44.9810986 +15532,Cottage Av,-93.1205934,44.979716700000004 +15533,Orange Av,-93.1059592,44.979274000000004 +15534,Cottage Av,-93.1059616,44.9825296 +15535,Arlington Av,-93.10593770000001,44.984701300000005 +15536,#40 - Uspo,-93.0993122,44.984701300000005 +15537,#40 - Uspo,-93.0994653,44.984596100000005 +15538,Woodbridge St,-93.1082866,44.9846518 +15539,Hoyt Av,-93.10579320000001,44.988457000000004 +15540,Rice St,-93.1061579,44.984597400000006 +15541,Arlington Av,-93.1058261,44.9851663 +15542,Woodbridge St,-93.10863060000001,44.984572400000005 +15543,Nebraska Av,-93.1057952,44.986291300000005 +15544,Hoyt Av,-93.1059381,44.988360300000004 +15545,Nebraska Av,-93.1059613,44.986529700000006 +15546,Sylvan St,-93.1017994,44.9845453 +15547,Park St,-93.1038766,44.984590700000005 +15548,Sylvan St,-93.10138110000001,44.9846707 +15549,Mccarrons Blvd S,-93.1057978,44.993978000000006 +15550,Larpenteur Av,-93.1057667,44.991734300000005 +15551,Park St,-93.1037773,44.9846681 +15552,Wheelock Pkwy,-93.1058024,44.989805000000004 +15553,Rice St,-93.1056473,44.9846748 +15554,Roselawn Av,-93.105823,44.999323600000004 +15555,Mccarrons St,-93.1060233,44.999262800000004 +15556,Sylvan St,-93.1018208,44.9919476 +15557,Center St,-93.10596410000001,44.997449200000005 +15558,Sylvan St,-93.102199,44.991838400000006 +15559,Mccarrons Blvd S,-93.1059637,44.994238 +15560,Abell St N,-93.0991487,44.9918053 +15561,Larpenteur Av,-93.10601720000001,44.9921074 +15562,Abell St N,-93.0988155,44.9919388 +15563,Wheelock Pkwy,-93.10595400000001,44.9901774 +15564,Larpenteur / California,-93.10512940000001,44.9913656 +15565,Kmart,-93.0903183,44.979300200000004 +15566,#1300,-93.0908881,44.9816183 +15567,#1301,-93.0912272,44.981840500000004 +15568,Kmart,-93.0900993,44.978917900000006 +15569,Ximines Ln,-93.41919700000001,45.031860300000005 +15570,#125 - Rear,-93.0953338,44.9853813 +15571,#179,-93.0933021,44.984570500000004 +15572,Jackson St,-93.0960251,44.984578600000006 +15573,Klainert St,-93.0931334,44.986958800000004 +15574,Timberlake Rd,-93.0963413,44.9850834 +15575,Klainert St,-93.0930529,44.986924900000005 +15576,Arlington Av,-93.0964946,44.984785 +15577,Bigelow Ln (N),-93.09351050000001,44.9886665 +15578,#179,-93.09622420000001,44.9846706 +15579,Lorient St,-93.0919288,44.984555400000005 +15580,#125 - Rear,-93.09523580000001,44.9853491 +15581,Arlington Av,-93.0915296,44.9841922 +15582,Hawthorne Av,-93.0863652,44.978613100000004 +15583,Bigelow Ln (N),-93.0934057,44.988484400000004 +15584,Hyacinth Av E,-93.08624440000001,44.979643800000005 +15585,#1577,-93.0963624,44.9886567 +15586,Cottage St E,-93.08626890000001,44.982859600000005 +15587,#1494 D,-93.09637740000001,44.986372200000005 +15588,#1325,-93.0862484,44.981403900000004 +15589,#1494 D,-93.0964833,44.986587 +15590,Jessie St,-93.07762530000001,44.980254300000006 +15591,#1577,-93.09649920000001,44.988698500000005 +15592,Edgerton St,-93.076335,44.9809021 +15593,#1362,-93.08616380000001,44.981464900000006 +15594,Burr St,-93.0800964,44.979030200000004 +15595,Westminster St,-93.0860609,44.978302500000005 +15596,Hyacinth Av E,-93.0861843,44.979455200000004 +15597,#1511,-93.0862877,44.9867579 +15598,Cottage St E,-93.08618170000001,44.9827303 +15599,Parking Lot #5,-93.0934546,44.9898773 +15600,Brainerd Av,-93.0761988,44.9811434 +15601,Adolphus St,-93.0913357,44.9918093 +15602,Cottage Av,-93.07621800000001,44.9829206 +15603,Agate St,-93.09397910000001,44.991857200000005 +15604,Arlington Av,-93.0862646,44.984681200000004 +15605,Wheelock Pkwy,-93.09641640000001,44.9906084 +15606,Arlington Av,-93.0761916,44.984699500000005 +15607,Agate St,-93.0937222,44.991938100000006 +15608,Wheelock Pkwy,-93.0762636,44.986456200000006 +15609,Wheelock Pkwy,-93.0964945,44.9908592 +15610,Hoyt Av,-93.0762864,44.9884154 +15611,Larpenteur Av,-93.0963918,44.9917407 +15612,#1581,-93.09388270000001,44.9899051 +15613,Arlington Av,-93.086172,44.984371800000005 +15614,Jackson St,-93.0966616,44.9918137 +15615,Hoyt Av,-93.0862087,44.988094800000006 +15616,Hwy 35E/Adolphus,-93.0907397,44.9919389 +15617,#1511,-93.0862129,44.9865292 +15618,Larpenteur Av,-93.0863992,44.992027500000006 +15619,Hoyt Av,-93.086301,44.988325800000005 +15620,Westminster St,-93.08656040000001,44.9917913 +15621,Larpenteur Av,-93.08624780000001,44.9916751 +15622,Desoto St,-93.07970010000001,44.9918525 +15623,Wheelock Pkwy,-93.0862209,44.9905143 +15624,Arkwright St,-93.0833278,44.991779400000006 +15625,#1770,-93.0864377,44.9954995 +15626,Edgerton St,-93.07640040000001,44.9918409 +15627,Roselawn Av,-93.08644260000001,44.9993397 +15628,Mcmenemy St,-93.0867352,44.991907000000005 +15629,Desoto St,-93.0803314,44.991961 +15630,#1860,-93.08643620000001,44.997328 +15631,Arkwright St,-93.0830847,44.9919492 +15632,#1860,-93.0863357,44.9972561 +15633,Larpenteur Av E,-93.0761081,44.9918053 +15634,Roselawn Av,-93.0863573,44.9987495 +15635,Kingston Av,-93.0762857,44.993886800000006 +15636,Roselawn Av,-93.07635370000001,44.999329100000004 +15637,Idaho Av,-93.07629220000001,44.990197200000004 +15638,#1770,-93.0863003,44.9951323 +15639,Larpenteur Av,-93.0763247,44.9920953 +15640,Bellwood Av,-93.0763278,44.9979336 +15641,Wheelock Pkwy,-93.08633320000001,44.990799300000006 +15642,Bellwood Av,-93.0762358,44.9977121 +15643,Roselawn Av,-93.0762454,44.9989962 +15644,Edgerton School,-93.0780625,44.999169900000005 +15645,Belvidere St,-93.06260590000001,44.9222692 +15646,Desoto St,-93.081148,44.9991616 +15647,Annapolis St,-93.05997450000001,44.9197062 +15648,Curtice St,-93.06340340000001,44.9231914 +15649,Bircher Av,-93.05851840000001,44.9182502 +15650,Stanley Av,-93.0565668,44.9160684 +15651,Butler Av,-93.05462580000001,44.9139811 +15652,Butler Av,-93.0545386,44.9140923 +15653,Kansas St,-93.06680060000001,44.926022700000004 +15654,Stanley Av,-93.056354,44.9160461 +15655,Congress / Winifred St,-93.07551120000001,44.9314855 +15656,Curtice St,-93.0630378,44.9229749 +15657,Hwy 52 Ramp,-93.0692472,44.9270336 +15658,Bircher Av,-93.05817090000001,44.9180755 +15659,Hwy 52 Ramp,-93.0693885,44.9273104 +15660,Belvidere St,-93.06240000000001,44.922206 +15661,Congress St,-93.07340450000001,44.9312334 +15662,Annapolis St,-93.0601961,44.919915700000004 +15663,Robie St,-93.0745088,44.929653800000004 +15664,Bancroft Av,-93.07346670000001,44.928522400000006 +15665,Kansas St,-93.06709950000001,44.9260011 +15666,Bancroft Av,-93.0730451,44.9284588 +15667,Page St,-93.0652642,44.9249474 +15668,Page St,-93.0646679,44.924773300000005 +15669,Fillmore Av (Bayfield),-93.0723832,44.9421685 +15670,Ridder Circle,-93.073891,44.9434862 +15671,Chester St,-93.07328030000001,44.941020900000005 +15672,Riverview PlazA,-93.0740985,44.9381983 +15673,#341 - Rear,-93.0720124,44.9364757 +15674,#341 - Front,-93.0731756,44.936507000000006 +15675,Earl St,-93.0555647,44.9487642 +15676,#261 - Fed Ex,-93.07200800000001,44.937524 +15677,Chester St,-93.0731815,44.9407872 +15678,Ridder Circle,-93.0735784,44.9435401 +15679,Bayfield (Fillmore),-93.0720017,44.942290400000005 +15680,3rd Street & Maria Avenue,-93.07032410000001,44.9550964 +15681,3rd Street & Maria Avenue,-93.07047680000001,44.954858900000005 +15682,Mounds Blvd,-93.06820210000001,44.9506784 +15683,Cherry St,-93.0652304,44.951525200000006 +15684,Suburban Av,-93.05577260000001,44.949774500000004 +15685,Mounds Blvd,-93.0683544,44.950709 +15686,Maria Av,-93.0668165,44.9515535 +15687,Earl St,-93.0560291,44.951374900000005 +15688,Mound St,-93.0629993,44.9515253 +15689,Cypress St,-93.05856650000001,44.9513936 +15690,Johnson Pkwy,-93.0478896,44.948770100000004 +15691,Forest St,-93.060905,44.951361000000006 +15692,Frank St,-93.0530341,44.948727700000006 +15693,Cypress St,-93.0584163,44.951292 +15694,English St,-93.0456024,44.9486889 +15695,Earl St,-93.05588920000001,44.9513041 +15696,Clarence St,-93.04381810000001,44.948668100000006 +15697,Mound St,-93.0631968,44.9515113 +15698,Frank St,-93.05397430000001,44.948683800000005 +15699,Forest St,-93.0610235,44.9513247 +15700,English St,-93.04538930000001,44.9488159 +15701,Mounds Blvd,-93.0489721,44.9486913 +15702,Birmingham St,-93.0394684,44.9488198 +15703,#1505,-93.03719240000001,44.9488229 +15704,Parkway Garden Apts,-93.05321070000001,44.9524288 +15705,HazElwood St,-93.03449060000001,44.948877100000004 +15706,Clarence St,-93.0433117,44.9488101 +15707,#1492,-93.0373768,44.948779 +15708,24 Av N,-93.5072466,45.005292100000005 +15709,Upper Afton Rd,-93.03923440000001,44.9487256 +15710,Lower Afton Park & Ride,-93.02276660000001,44.9280576 +15711,HazElwood St,-93.03461560000001,44.9487456 +15712,Larry Ho Dr,-93.0149616,44.942419900000004 +15713,Lower Afton Park & Ride,-93.0216793,44.9278246 +15714,North Park Dr,-93.01497880000001,44.944158300000005 +15715,White Bear Av,-93.0249077,44.9436782 +15716,Parkside Dr,-93.015023,44.9450408 +15717,Rowe Place,-93.02523690000001,44.9448608 +15718,Cutler St,-93.01265360000001,44.9410528 +15719,Battle Creek Pl,-93.0241379,44.943479 +15720,Battle Creek Rd,-93.02069580000001,44.942328200000006 +15721,North Park Dr,-93.01508000000001,44.9440296 +15722,Ruth St,-93.01519490000001,44.941008700000005 +15723,Larry Ho Dr,-93.0150895,44.942522000000004 +15724,Luella St,-93.0171244,44.9411202 +15725,Battle Creek Rd,-93.02040500000001,44.942315900000004 +15726,#1723,-93.0274942,44.9487789 +15727,Suburban Avenue & Burns Avenue,-93.02166390000001,44.9497571 +15728,Sandralee Dr W,-93.017475,44.9412718 +15729,Suburban Avenue & White Bear Avenue,-93.0245672,44.949765600000006 +15730,Ruth St,-93.0148343,44.9411241 +15731,Suburban Avenue & White Bear Avenue,-93.02479430000001,44.9495787 +15732,Cutler St,-93.0123339,44.9410995 +15733,Suburban Avenue & Burns Avenue,-93.0213344,44.9495961 +15734,Upper Afton Rd,-93.01507500000001,44.9412266 +15735,White Bear Avenue & Old Hudson Road,-93.0253562,44.9529379 +15736,Kennard St,-93.0302072,44.9488452 +15737,Burns Av,-93.0251353,44.948280100000005 +15738,Suburban Av,-93.0152257,44.9495293 +15739,Louise Av,-93.02512130000001,44.946476600000004 +15740,Ruth St,-93.01469580000001,44.948651000000005 +15741,Woodcrest Dr,-93.02511820000001,44.945295300000005 +15742,Pedersen St,-93.0123339,44.948570000000004 +15743,White Bear Av,-93.02539870000001,44.9487028 +15744,#1720,-93.0278713,44.948698 +15745,Pedersen St,-93.0128255,44.9487084 +15746,Louise Av,-93.02529100000001,44.9465931 +15747,Ruth St,-93.0149488,44.9487158 +15748,Kennard St,-93.0303985,44.9487807 +15749,Burns Av,-93.01516930000001,44.9482908 +15750,White Bear Avenue & Old Hudson Road,-93.025085,44.9525128 +15751,Pathways Dr,-93.01514180000001,44.946144100000005 +15752,White Bear Avenue & Wilson Avenue,-93.025159,44.953973500000004 +15753,Parkside Dr,-93.01512570000001,44.9454271 +15754,White Bear Avenue & Wilson Avenue,-93.02536160000001,44.9542421 +15755,Suburban Avenue & #1940,-93.0182941,44.949600100000005 +15756,McKnight Road & Upper Afton Road,-93.00503040000001,44.9412127 +15757,Suburban Avenue & Ruth Street,-93.01613680000001,44.949846 +15758,Suburban Avenue & #1959,-93.0178971,44.9497194 +15759,Ruth Street & Wilson Avenue,-93.0152494,44.9536279 +15760,Suburban Avenue & Ruth Street,-93.0159581,44.949987400000005 +15761,Suburban Av,-93.01507690000001,44.9494156 +15762,Pathways Dr,-93.0149918,44.9459122 +15763,Gate F,-93.01252190000001,44.9527322 +15764,Burns Av,-93.0150249,44.9485201 +15765,Wilson Avenue & Ruth Street,-93.0149784,44.954145100000005 +15766,Gate D,-93.01244530000001,44.9531064 +15767,Ruth Street & Old Hudson Road,-93.0150059,44.9523816 +15768,Gate A,-93.0125196,44.953108500000006 +15769,Gate B,-93.01252290000001,44.9532265 +15770,Gate G,-93.0127013,44.953059200000006 +15771,Old Hudson Road & Ruth Street,-93.0149116,44.952631000000004 +15772,McKnight Road & Edgebrook Avenue,-93.0047778,44.937778400000006 +15773,Ruth Street & Wilson Avenue,-93.0150558,44.953904 +15774,McKnight Road & Hillsdale Avenue,-93.0047277,44.9351355 +15775,Ruth Street & Conway Street,-93.0152535,44.9559833 +15776,McKnight Road & Edgebrook Avenue,-93.0049819,44.937858000000006 +15777,Ruth Street & Conway Street,-93.01506810000001,44.9557574 +15778,McKnight Road & Hillsdale Avenue,-93.0049611,44.9353962 +15779,East Parking Lot,-93.00617550000001,44.9449582 +15780,McKnight Road & Upper Afton Road,-93.004817,44.940868900000005 +15781,Mcknight Rd,-93.004665,44.9411569 +15782,North Park Dr,-93.00931130000001,44.945264 +15783,Winthrop St,-93.00986800000001,44.9410965 +15784,Kipling St,-93.0076111,44.941094500000005 +15785,Winthrop St,-93.01013110000001,44.941059 +15786,McKnight Road & McKnight Village,-93.00486160000001,44.9465736 +15787,Mcknight Rd,-93.00510990000001,44.9409871 +15788,Kipling St,-93.00777910000001,44.941067800000006 +15789,McKnight Road & McKnight Village,-93.0050908,44.946665100000004 +15790,Oday St,-92.99260120000001,44.9413375 +15791,Mcknight Rd,-93.0052601,44.945258700000004 +15792,Ferndale St,-92.9900544,44.9413886 +15793,East Parking Lot,-93.00627970000001,44.945072700000004 +15794,Oday St,-92.99274240000001,44.941307200000004 +15795,North Park / Burns,-93.00930690000001,44.946637900000006 +15796,Ferndale St,-92.99065560000001,44.941326000000004 +15797,Winthrop St,-93.00908120000001,44.9452306 +15798,Burns Av,-93.0092745,44.9483024 +15799,Burns Av,-93.0091118,44.9485073 +15800,Burns / North Park,-93.00941390000001,44.946682700000004 +15801,Mcknight Rd,-93.0052292,44.9451612 +15802,Conway Avenue & 5th Street,-92.99951270000001,44.9557741 +15803,McKnight Road & 1st Street,-93.0051335,44.951900800000004 +15804,Conway Street & Howard Street,-93.0078599,44.955926700000006 +15805,Howard Street & Conway Street,-93.00815080000001,44.9559518 +15806,McKnight Road & Innovation Boulevard,-93.0051042,44.9539004 +15807,Conway Street & Tower Street,-93.0059902,44.955795900000005 +15808,McKnight Road & 1st Street,-93.0047739,44.9518251 +15809,Hope St,-93.06832510000001,44.9606763 +15810,McKnight Road & Innovation Boulevard,-93.0047842,44.9539376 +15811,Conway Avenue & North McKnight Road,-93.00409350000001,44.9557359 +15812,Conway Street & Tower Street,-93.0056911,44.9559143 +15813,Conway Avenue & 17th Street,-92.9921303,44.955750800000004 +15814,Eichenwald St,-93.0694849,44.960109800000005 +15815,Conway Avenue & 17th Street,-92.9920678,44.956049400000005 +15816,Bates Av,-93.0720886,44.958967400000006 +15817,Bates Av,-93.0722782,44.9587602 +15818,Eichenwald St,-93.0697217,44.960140700000004 +15819,Hope St,-93.068156,44.9609235 +15820,3rd Street & Arcade Street,-93.0657542,44.956794200000004 +15821,Gillette Children's Specialty Healthcare,-93.0761045,44.9637839 +15822,3rd Street & Arcade Street,-93.066029,44.956681 +15823,Minnehaha Av,-93.0737356,44.963207700000005 +15824,Maria Av,-93.07390240000001,44.9579724 +15825,Reaney Av,-93.0736588,44.9640239 +15826,Maria Av,-93.073699,44.9582405 +15827,Edgerton St,-93.07593290000001,44.963051300000004 +15828,Reaney Av,-93.0735046,44.9638596 +15829,Reaney Av,-93.07603990000001,44.964044200000004 +15830,Preble St,-93.075305,44.963000400000006 +15831,Minnehaha Av,-93.0760372,44.9632864 +15832,Payne Av,-93.0741349,44.9630164 +15833,Arcade St,-93.0660878,44.9617231 +15834,Payne Av,-93.0737484,44.9666091 +15835,Whitall St,-93.07347700000001,44.9664189 +15836,Whitall St,-93.07364120000001,44.9668074 +15837,Reaney Av,-93.06615020000001,44.964120400000006 +15838,Arcade St,-93.0654026,44.962272600000006 +15839,Minnehaha Av,-93.06609710000001,44.9632188 +15840,Reaney Av,-93.0659531,44.9638232 +15841,7 St E,-93.0659854,44.962096900000006 +15842,Minnehaha Av,-93.06592450000001,44.962950600000006 +15843,#855,-93.0659344,44.9665691 +15844,Earl St,-93.05610010000001,44.963039200000004 +15845,#855,-93.06613870000001,44.9669183 +15846,Forest St,-93.0611346,44.9630122 +15847,Cypress St,-93.0585303,44.9630153 +15848,3rd Street & Forest Street,-93.0607624,44.9568079 +15849,Earl St,-93.05572000000001,44.9631029 +15850,3rd Street & Earl Street,-93.0555913,44.956819200000005 +15851,Forest St,-93.060803,44.963109100000004 +15852,3rd Street & Earl Street,-93.05603500000001,44.956702 +15853,Cypress St,-93.05827950000001,44.9631022 +15854,3rd Street & Forest Street,-93.0610728,44.9566941 +15855,York Av,-93.06611090000001,44.9682394 +15856,Mendota St,-93.0638002,44.962826 +15857,York Av,-93.0659237,44.9683605 +15858,Case Av,-93.07365010000001,44.9703918 +15859,Lawson Av,-93.07361230000001,44.9721588 +15860,Lawson Av,-93.07343320000001,44.972314100000006 +15861,Case Av,-93.07342580000001,44.970110500000004 +15862,York Av,-93.0734736,44.9683087 +15863,Lawson Av,-93.06606000000001,44.9721981 +15864,York Av,-93.0736191,44.968580100000004 +15865,Case Av,-93.0660045,44.9704166 +15866,Ocean St,-93.0468225,44.966787700000005 +15867,Case Av,-93.06589840000001,44.970174400000005 +15868,Lawson Av,-93.06590800000001,44.9719701 +15869,Magnolia Av,-93.0734515,44.9737136 +15870,Magnolia Av,-93.066035,44.9740368 +15871,Magnolia Av,-93.0736037,44.973456500000005 +15872,Magnolia Av,-93.0658992,44.973784200000004 +15873,Payne Av,-93.072766,44.9775518 +15874,Maryland Av,-93.0659165,44.9773383 +15875,Geranium Av,-93.0736219,44.9758196 +15876,Walsh St,-93.0692267,44.9775707 +15877,Greenbriar St,-93.0708541,44.977547900000005 +15878,Walsh St,-93.06953100000001,44.9774107 +15879,Arcade St,-93.06566790000001,44.977566200000005 +15880,Greenbriar St,-93.07121670000001,44.9774 +15881,Weide St,-93.06744210000001,44.9775518 +15882,Geranium Av,-93.07342720000001,44.9759569 +15883,Weide St,-93.0677459,44.9774979 +15884,Payne Av,-93.0728591,44.9773921 +15885,Arcade St,-93.066159,44.9774876 +15886,5 St E,-93.0150986,44.9593518 +15887,Maryland Av,-93.06605210000001,44.977673100000004 +15888,Forest St,-93.0605292,44.9776164 +15889,Geranium Av,-93.06604850000001,44.975826500000004 +15890,Geranium Av,-93.065904,44.975579 +15891,Mendota Av,-93.0632587,44.977572 +15892,Cypress St,-93.0581779,44.977597800000005 +15893,Earl St,-93.0556358,44.9776017 +15894,Mendota Av,-93.06365720000001,44.9775281 +15895,Johnson Pkwy,-93.0447989,44.966789600000006 +15896,Earl St,-93.0559712,44.977611100000004 +15897,Clarence St,-93.04380920000001,44.9667054 +15898,Johnson Pkwy,-93.04523060000001,44.9666639 +15899,Cypress St,-93.0584673,44.9775022 +15900,Ocean St,-93.04704910000001,44.9666592 +15901,Forest St,-93.0610422,44.9775148 +15902,Frank St,-93.05345460000001,44.9630273 +15903,3rd Street & Johnson Parkway,-93.0457296,44.956871500000005 +15904,Bush Av,-93.04819570000001,44.9648125 +15905,3rd Street & Hancock Street,-93.04971830000001,44.956837 +15906,7 St E,-93.04821510000001,44.966571300000005 +15907,3rd Street & Griffith Street,-93.0501315,44.9567203 +15908,Duluth St,-93.0508944,44.9630578 +15909,3rd Street & English Street,-93.04533980000001,44.9567319 +15910,Minnehaha Av,-93.04818610000001,44.9634556 +15911,3rd Street & Etna Street,-93.04112570000001,44.956731500000004 +15912,7 St E,-93.04832400000001,44.966391900000005 +15913,Frank St,-93.0531816,44.9631338 +15914,Duluth St,-93.0506285,44.9631684 +15915,Bush Av,-93.0482975,44.9650527 +15916,3rd Street & Barclay Street,-93.03760750000001,44.9567289 +15917,Minnehaha Av,-93.048315,44.963250200000004 +15918,3rd Street & Hazelwood Street,-93.03568460000001,44.9567367 +15919,3rd Street & Barclay Street,-93.03736140000001,44.9568701 +15920,3rd Street & Hazelwood Street,-93.0351208,44.9568754 +15921,HazElwood St,-93.03539140000001,44.966806500000004 +15922,3rd Street & Etna Street,-93.0413151,44.9568578 +15923,Birmingham St,-93.04016700000001,44.9666422 +15924,Germain St,-93.0327982,44.9667789 +15925,#1467,-93.0378977,44.9666629 +15926,Clarence St,-93.0424904,44.966771800000004 +15927,HazElwood St,-93.0356725,44.966702000000005 +15928,Birmingham St,-93.04049710000001,44.966779100000004 +15929,Germain St,-93.03306350000001,44.9666931 +15930,#1467,-93.03798920000001,44.966791300000004 +15931,HazElwood St,-93.0352276,44.9775962 +15932,Prosperity (Phalen),-93.0400881,44.977621400000004 +15933,Maryland Av,-93.04053610000001,44.9777514 +15934,Barclay Av,-93.0378256,44.9775973 +15935,HazElwood St,-93.03555820000001,44.9774946 +15936,Barclay Av,-93.03864130000001,44.9775426 +15937,Phalen (Prosperity),-93.0407753,44.9774467 +15938,Frank St,-93.05309530000001,44.9776217 +15939,Duluth St,-93.0504738,44.9775368 +15940,Maryland Av,-93.040245,44.9779126 +15941,Frank St,-93.0534434,44.977498100000005 +15942,Orange Av,-93.0660594,44.9794769 +15943,Wheelock Pkwy,-93.07611410000001,44.9862131 +15944,Johnson Pkwy,-93.0468828,44.9776681 +15945,Hoyt Av,-93.07614930000001,44.988176800000005 +15946,Clarence St,-93.0428955,44.9776219 +15947,Cottage Av,-93.0659476,44.9827619 +15948,Clarence St,-93.04333430000001,44.9774486 +15949,Wheelock Pkwy,-93.0659662,44.984565800000006 +15950,Johnson Pkwy,-93.0474542,44.9774486 +15951,Nebraska Av,-93.0658954,44.9865063 +15952,Duluth St,-93.05086560000001,44.9775008 +15953,Hoyt Av,-93.0659133,44.9883297 +15954,Ivy Av,-93.06609040000001,44.981292100000005 +15955,Orange Av,-93.0659258,44.9791934 +15956,Wheelock Pkwy,-93.066084,44.9849869 +15957,Ivy Av,-93.06590100000001,44.980994 +15958,Arlington Av,-93.0761114,44.984558400000004 +15959,Cottage Av,-93.0661111,44.9830644 +15960,Cottage Av,-93.07608900000001,44.982812700000004 +15961,Hoyt Av,-93.06614180000001,44.988481 +15962,Arcade / Parkway,-93.06699490000001,44.992041 +15963,Nebraska Av,-93.0661603,44.986722400000005 +15964,Edgerton St,-93.0760477,44.9920047 +15965,Hoyt Av,-93.0355262,44.9886367 +15966,Payne Av,-93.0738822,44.991912500000005 +15967,Nebraska Av,-93.0355208,44.986709600000005 +15968,Payne Av,-93.0734831,44.991983700000006 +15969,#1390,-93.03665190000001,44.982938000000004 +15970,Parkway Dr,-93.0692039,44.9919225 +15971,Nebraska Av,-93.0353961,44.986404300000004 +15972,Idaho Av,-93.06618110000001,44.9902941 +15973,Hoyt Av,-93.0353705,44.9882343 +15974,Idaho Av,-93.06594650000001,44.990125500000005 +15975,#701-739,-93.0696403,44.992046900000005 +15976,Arlington St,-93.0355012,44.984654500000005 +15977,Arcade St,-93.0663402,44.9919347 +15978,Clarence St,-93.04323550000001,44.9920138 +15979,Idaho Av,-93.07615080000001,44.9899849 +15980,Mcafee St,-93.0444617,44.991947800000005 +15981,Kingston Av,-93.076171,44.9935325 +15982,English St,-93.04550400000001,44.9920926 +15983,Ivy Av,-93.0380538,44.9809848 +15984,Frost Av,-93.04576870000001,44.998422100000006 +15985,Arlington Av,-93.035549,44.9848999 +15986,#1370,-93.0366927,44.9831853 +15987,Frisbie Av,-93.045636,44.996579800000006 +15988,Ivy Av,-93.0380382,44.981298200000005 +15989,Ripley Av,-93.0457645,44.995936900000004 +15990,3rd Street & White Bear Avenue,-93.0259977,44.9567196 +15991,Frisbie Av,-93.045776,44.9967393 +15992,Ripley Av,-93.04564470000001,44.9954757 +15993,Frost Av,-93.0456573,44.998345900000004 +15994,3rd Street & Van Dyke Street,-93.0230739,44.956708500000005 +15995,Birmingham St,-93.0404053,44.992047500000005 +15996,Barclay St,-93.0377778,44.9920277 +15997,3rd Street & Kennard Street,-93.03047690000001,44.956728600000005 +15998,Clarence St,-93.04300040000001,44.992052 +15999,3rd Street & White Bear Avenue,-93.0249766,44.9568662 +16000,Idaho Av,-93.0354131,44.9900413 +16001,Idaho Av,-93.0354762,44.9903728 +16002,3rd Street & Kennard Street,-93.0302221,44.9568773 +16003,Barclay St,-93.0381519,44.9919403 +16004,White Bear Avenue & 4th Street,-93.0251946,44.958511900000005 +16005,Prosperity Av,-93.03410930000001,44.9919285 +16006,White Bear Avenue & 6th Street,-93.0252111,44.9603448 +16007,Birmingham St,-93.04070220000001,44.9919955 +16008,3rd Street & Van Dyke Street,-93.022869,44.956861200000006 +16009,Prosperity Av,-93.0340415,44.9920611 +16010,White Bear Avenue & 6th Street,-93.0254082,44.960522000000005 +16011,3rd Street & White Bear Avenue,-93.02481590000001,44.9567143 +16012,White Bear Avenue & 7th Street,-93.0252157,44.966565700000004 +16013,White Bear Avenue & 4th Street,-93.02539230000001,44.9587006 +16014,3rd Street & White Bear Avenue,-93.02574460000001,44.956868300000004 +16015,Kennard St,-93.0302685,44.9667808 +16016,White Bear Avenue & Beech Street,-93.0252253,44.961984900000004 +16017,White Bear Avenue & 7th Street,-93.0254409,44.966878300000005 +16018,White Bear Avenue & Minnehaha Avenue,-93.02521340000001,44.962929100000004 +16019,Flandrau St,-93.0277125,44.9667747 +16020,White Bear Avenue & Minnehaha Avenue,-93.0254474,44.9633696 +16021,Kennard St,-93.03045230000001,44.9668142 +16022,White Bear Avenue & Bush Avenue,-93.0254122,44.9650161 +16023,Flandrau St,-93.02797430000001,44.9667283 +16024,White Bear Av,-93.0255417,44.966661 +16025,3rd Street & Hazel Street,-93.0203676,44.956699300000004 +16026,Van Dyke St,-93.0229041,44.966650800000004 +16027,3rd Street & #1956,-93.01770060000001,44.9566935 +16028,White Bear Av,-93.02509810000001,44.9667674 +16029,3rd Street & Ruth Street,-93.01533090000001,44.9566831 +16030,Van Dyke St,-93.02263760000001,44.966756200000006 +16031,3rd Street & #1961,-93.0177161,44.9568409 +16032,White Bear Avenue & Bush Avenue,-93.0252238,44.9648066 +16033,Margaret St,-93.01524020000001,44.961134200000004 +16034,#3900,-93.44870590000001,45.0268299 +16035,3rd Street & Pederson Street,-93.01275820000001,44.9566875 +16036,Fremont Av,-93.015085,44.957510600000006 +16037,White Bear Avenue & Stillwater Avenue,-93.02540250000001,44.9678686 +16038,Margaret St,-93.015107,44.961122100000004 +16039,5 St E,-93.01524330000001,44.9595975 +16040,Fremont Av,-93.01522890000001,44.9577637 +16041,3rd Street & Pederson Street,-93.0125055,44.9568303 +16042,White Bear Avenue & Ames Avenue,-93.02542290000001,44.9722518 +16043,3rd Street & Ruth Street,-93.0150084,44.956834900000004 +16044,White Bear Avenue & Case Avenue,-93.02539510000001,44.970414500000004 +16045,3rd Street & Hazel Street,-93.0199796,44.956853900000006 +16046,White Bear Avenue & York Avenue,-93.02520220000001,44.9686845 +16047,Minnehaha Av,-93.0153001,44.962926 +16048,White Bear Avenue & Case Avenue,-93.02519790000001,44.9701929 +16049,Winthrop St,-93.01030220000001,44.9630111 +16050,White Bear Avenue & Ames Avenue,-93.0252019,44.972014800000004 +16051,Pedersen St,-93.0126931,44.9630142 +16052,Pedersen St,-93.01241560000001,44.963072100000005 +16053,White Bear Avenue & Stillwater Avenue,-93.02521250000001,44.9676113 +16054,Minnehaha Av,-93.0151398,44.962924 +16055,Herbert St,-93.03216090000001,44.9775775 +16056,7 St E,-93.0203015,44.966840100000006 +16057,Herbert St,-93.0317644,44.977487800000006 +16058,White Bear Avenue & York Avenue,-93.0253986,44.968861600000004 +16059,Flandrau St,-93.02774240000001,44.977602700000006 +16060,Flandrau St,-93.0279792,44.9774819 +16061,White Bear Avenue & Maryland Avenue,-93.0254599,44.9776832 +16062,Manitou Av,-93.0139518,44.9690786 +16063,White Bear Avenue & Hazel Park Prep,-93.0254044,44.974918200000005 +16064,White Bear Avenue & Hazel Park Prep,-93.02521490000001,44.9758002 +16065,White Bear Avenue & Maryland Avenue,-93.02518500000001,44.977802800000006 +16066,7 St E,-93.0201691,44.967660800000004 +16067,Mohawk Av,-93.01262790000001,44.969226600000006 +16068,Mohawk Av,-93.0127138,44.9690491 +16069,Case Av,-93.0114406,44.9702138 +16070,Manitou Av,-93.0137737,44.9691933 +16071,Stillwater Av,-93.01156470000001,44.9693198 +16072,Iroquois Av,-93.016214,44.9689926 +16073,Case Av,-93.0115519,44.9703722 +16074,Algonquin Av,-93.0188662,44.968273200000006 +16075,Iroquois Av,-93.01648110000001,44.9688281 +16076,Nokomis Av,-93.0111263,44.9692917 +16077,Nokomis Av,-93.0114387,44.969092800000006 +16078,Algonquin Av,-93.0190731,44.968087700000005 +16079,Rose Av,-93.01115030000001,44.976137200000004 +16080,Maryland Av,-92.98987220000001,44.9778438 +16081,Rose Av,-93.01110510000001,44.976314900000006 +16082,Magnolia St,-93.0121963,44.9734313 +16083,Bush Av,-93.00271430000001,44.9650607 +16084,3rd Street & #2146,-93.0101501,44.9566801 +16085,#2339,-93.00111740000001,44.9668695 +16086,Mcknight Rd,-93.0049839,44.9631198 +16087,Bush Av,-93.0028753,44.964748400000005 +16088,Howard Street & 3rd Street,-93.0080125,44.9566243 +16089,#2339,-93.00097120000001,44.9667783 +16090,3rd Street & #2145,-93.01014550000001,44.9568172 +16091,Winthrop St,-93.01000020000001,44.9631155 +16092,3rd Street & Howard Street,-93.0082192,44.956667 +16093,#2244,-93.00598930000001,44.9629484 +16094,Lakewood Dr,-93.000685,44.977658700000006 +16095,#2380,-93.0012586,44.9690352 +16096,Waukon Av,-93.00945030000001,44.9691199 +16097,Mcknight Rd,-93.00526740000001,44.968522300000004 +16098,#2380,-93.00131920000001,44.969158300000004 +16099,Mcknight Rd,-93.00493580000001,44.9775951 +16100,Mcknight Rd,-93.00554190000001,44.9687378 +16101,Rose/Maryland,-93.0076444,44.976382 +16102,Waukon Av,-93.009364,44.969216700000004 +16103,Mcknight Rd,-93.0052598,44.977485200000004 +16104,Lakewood Dr,-93.0006415,44.977516 +16105,Nokomis Av,-93.00949820000001,44.9775651 +16106,Edgewater Blvd,-93.0058755,44.9775811 +16107,Maryland Av,-93.0096175,44.9774101 +16108,White Bear Avenue & Hoyt Avenue,-93.0251319,44.9885986 +16109,Edgewater Blvd,-93.0070876,44.9775264 +16110,White Bear Avenue & Arlington Avenue,-93.0253385,44.9848268 +16111,Ferndale St,-92.99003920000001,44.9776584 +16112,White Bear Avenue & Cottage Avenue,-93.0253691,44.9830283 +16113,Sterling St,-92.9950845,44.977593000000006 +16114,White Bear Avenue & Hoyt Avenue,-93.02538120000001,44.9884805 +16115,Beaverdale Rd,-92.9980716,44.977522900000004 +16116,White Bear Avenue & Nebraska Avenue,-93.0253364,44.9866249 +16117,Deerfield Dr,-92.9952976,44.9776655 +16118,White Bear Avenue & Ivy Avenue,-93.0253749,44.9813083 +16119,White Bear Avenue & Orange Avenue,-93.0253955,44.9794228 +16120,Beaverdale Rd,-92.9981516,44.977641000000006 +16121,White Bear Avenue & Orange Avenue,-93.02519790000001,44.979191300000004 +16122,White Bear Avenue & Nebraska Avenue,-93.0251461,44.986428800000006 +16123,White Bear Avenue & Ivy Avenue,-93.02518470000001,44.981006300000004 +16124,White Bear Avenue & Cottage Avenue,-93.0251623,44.9828306 +16125,White Bear Avenue & Arlington Avenue,-93.02514810000001,44.9845947 +16126,Van Dyke St,-93.0220221,44.9921218 +16127,White Bear Avenue & Larpenteur Avenue,-93.0250584,44.991466300000006 +16128,Van Dyke St,-93.02286720000001,44.9918818 +16129,White Bear Avenue & Idaho Avenue,-93.0251276,44.9898484 +16130,White Bear Avenue & Frost Avenue,-93.02508830000001,44.998925400000005 +16131,Hillcrest Transit Ctr,-93.0245434,44.9901451 +16132,White Bear Avenue & Frost Avenue,-93.0253952,44.999334000000005 +16133,White Bear Av,-93.0247423,44.9892691 +16134,White Bear Avenue & Aldrich Arena,-93.0254079,44.9970299 +16135,White Bear Avenue & Larpenteur Avenue,-93.0253732,44.9917184 +16136,White Bear Avenue & Ripley Avenue,-93.02539680000001,44.9956778 +16137,White Bear Avenue & Idaho Avenue,-93.0253428,44.989935100000004 +16138,HazEl St,-93.0153219,44.9919852 +16139,White Bear Avenue & Ripley Avenue,-93.02502960000001,44.9950684 +16140,Stanich Place,-93.0167718,44.992066400000006 +16141,Ruth St,-93.01502,44.992077300000005 +16142,White Bear Avenue & Aldrich Arena,-93.0251058,44.9970298 +16143,Moundspark Academy,-93.01353950000001,44.992064400000004 +16144,HazEl St,-93.0202302,44.9919245 +16145,Larpenteur Av,-93.01137820000001,44.9921226 +16146,Luella St,-93.0177541,44.9919469 +16147,Mounds Pk Academy,-93.0136032,44.991956300000005 +16148,Larpenteur Av E,-93.0112515,44.992229 +16149,Ruth St,-93.0152334,44.9919345 +16150,Mounds Pk Academy,-93.0122089,44.9954448 +16151,Mounds Pk Academy,-93.0123665,44.9955094 +16152,Maple Pond Homes,-93.01247090000001,44.997542900000006 +16153,Farrell St,-92.9876055,44.941396000000005 +16154,Maple Pond Homes,-93.0125893,44.9977449 +16155,Farrell St,-92.9875095,44.9414451 +16156,Holloway Av,-93.01248430000001,44.998988100000005 +16157,Hudson Boulevard & Highway 120,-92.9845291,44.9488752 +16158,Beebe Rd,-93.01278260000001,44.9991633 +16159,Hudson Boulevard & Highway 120,-92.9843951,44.9489655 +16160,7 Av (N St Paul Rd),-93.0141914,44.9993233 +16161,Greenway Avenue & Hudson Boulevard,-92.97281810000001,44.949074800000005 +16162,Ivy / Maryland,-92.9898684,44.9794647 +16163,Greenway Avenue & 1st Street,-92.9728243,44.9503943 +16164,Greenway Avenue & 2nd Street,-92.97282270000001,44.952738000000004 +16165,Ivy Av,-92.98987530000001,44.9809678 +16166,Greenway Avenue & 4th Street,-92.9716537,44.9545448 +16167,Indian Blvd Ct,-92.9323289,44.8440754 +16168,Conway Avenue & 24th Street,-92.9874724,44.955666900000004 +16169,Indian Blvd,-92.9152789,44.8409014 +16170,Pine Tree Dr,-92.9882216,44.981378400000004 +16171,Highway 120 & Fremont Avenue,-92.9846213,44.957765900000005 +16172,Conway Avenue & 24th Street,-92.98700190000001,44.955891400000006 +16173,Highway 120 & 7th Street,-92.9846272,44.958975800000005 +16174,Conway Avenue & Highway 120,-92.98573130000001,44.9558997 +16175,Highway 120 & 9th Street,-92.9846337,44.961216400000005 +16176,Dellwood Lane & Hudson Boulevard,-92.9769715,44.949026100000005 +16177,Greenway Avenue & Hudson Boulevard,-92.97267550000001,44.949142800000004 +16178,Highway 120 & 10th Street,-92.98492250000001,44.962318100000005 +16179,Greenway Avenue & 4th Street,-92.9716532,44.954321900000004 +16180,10th Street & Glenbrook Avenue,-92.9794141,44.963309200000005 +16181,Greenway Avenue & 1st Street,-92.97267570000001,44.950377 +16182,10th Street & Gershwin Avenue,-92.9810229,44.9633242 +16183,Greenway Avenue & 2nd Street,-92.9726636,44.9526673 +16184,Highway 120 & Fremont Avenue,-92.98485480000001,44.957888600000004 +16185,Highway 120 & 7th Street,-92.9848738,44.959102 +16186,12th Street & Gershwin Avenue,-92.9833504,44.9655957 +16187,10th Street & Gershwin Avenue,-92.98097480000001,44.9631558 +16188,Highway 120 & 10th Street,-92.9846358,44.963731 +16189,10th Street & Glenbrook Avenue,-92.97983020000001,44.9631532 +16190,10th Street & Holy Cross Church,-92.9772751,44.9631405 +16191,Greenway Avenue & Upper 5th Street,-92.96993590000001,44.956704800000004 +16192,10th Street & Greenway Avenue,-92.96994120000001,44.9630856 +16193,7th Street & Greenway Avenue,-92.9696576,44.959189900000005 +16194,Greenway Avenue & Upper 5th Street,-92.9699015,44.9565129 +16195,Greenway Avenue & 7th Street,-92.96971280000001,44.9590228 +16196,10th Street & Granada Avenue,-92.97478310000001,44.963133000000006 +16197,10th Street & Holy Cross Church,-92.9766488,44.9632984 +16198,10th Street & Greenway Avenue,-92.96953470000001,44.9632944 +16199,15th Street & Highway 120,-92.98428890000001,44.970596400000005 +16200,10th Street & Granada Avenue,-92.97451720000001,44.9632948 +16201,15th Street & Gershwin Avenue,-92.98153710000001,44.970536200000005 +16202,Cr 24,-93.4961526,45.0191481 +16203,15th Street & Goodwin Avenue,-92.97733930000001,44.9704123 +16204,15th Street & Gershwin Avenue,-92.981498,44.9704178 +16205,15th Street & Highway 120,-92.9844326,44.970418800000004 +16206,Highway 120 & Maryland Avenue,-92.9848444,44.977849500000005 +16207,Hwy 120 (Century),-92.985709,44.977694400000004 +16208,15th Street & Grospoint Avenue,-92.9679832,44.9703983 +16209,Geneva Avenue & 17th Street,-92.98468580000001,44.973662600000004 +16210,15th Street & Grenada Avenue,-92.97457490000001,44.9705182 +16211,Highway 120 & Stillwater Boulevard,-92.9846279,44.9755217 +16212,15th Street & Goodwin Avenue,-92.97736040000001,44.9705262 +16213,Highway 120 & Stillwater Boulevard,-92.9849166,44.9757331 +16214,15th Street & Grenada Avenue,-92.9748955,44.970409000000004 +16215,Hadley Avenue & 11th Street,-92.96439000000001,44.9648489 +16216,15th Street & Granite Avenue,-92.97188580000001,44.9704058 +16217,15th Street & Granite Avenue,-92.97179820000001,44.9705129 +16218,15th Street & Grospoint Avenue,-92.96774740000001,44.9705043 +16219,Hadley Avenue & 10th Street,-92.96418700000001,44.963613300000006 +16220,Hadley Avenue & 10th Street,-92.9644911,44.9634051 +16221,Highway 120 & Ivy Avenue,-92.9846376,44.981487200000004 +16222,Hadley Avenue & 11th Street,-92.96468370000001,44.9651104 +16223,7th Street & Guthrie Avenue,-92.96549800000001,44.9591578 +16224,Hadley Avenue & Hadley Lane,-92.9644985,44.9618642 +16225,Hadley Avenue & 13th Street,-92.9646891,44.9680759 +16226,Hadley Avenue & 10th Street,-92.9645029,44.9628583 +16227,Hadley Avenue & 19th Street,-92.9644272,44.9766326 +16228,Hadley Avenue & Hadley Lane,-92.9642037,44.9616588 +16229,Hadley Avenue & Upper 17th Street Park & Ride,-92.96378890000001,44.9744356 +16230,7th Street & Guthrie Avenue,-92.9657444,44.9590533 +16231,Hadley Avenue & 15th Street,-92.9647058,44.970632200000004 +16232,Hadley Avenue & 13th Street,-92.96449630000001,44.968056600000004 +16233,Hadley Avenue & 15th Street,-92.9644705,44.9702555 +16234,Hadley Avenue & Upper 17th Street Park & Ride,-92.9635119,44.9745694 +16235,Highway 120 & 25th Street Circle,-92.98457350000001,44.9850429 +16236,Hadley Avenue & 19th Street,-92.96410820000001,44.9764774 +16237,15th Street & Hadley Avenue,-92.96543310000001,44.970498600000006 +16238,Hwy 120 (Century),-92.9852116,44.9814215 +16239,Highway 120 & Ivy Avenue,-92.9848434,44.981594 +16240,Highway 120 & Ryan Drive,-92.9848324,44.9854452 +16241,Highway 120 & Upper 35th Street,-92.9845782,44.999369200000004 +16242,Hadley Avenue & 21st Street,-92.9647034,44.978958600000006 +16243,Highway 120 & Holloway Avenue,-92.98483180000001,44.9996433 +16244,Hadley Avenue & Hallmark Avenue,-92.96449960000001,44.9790028 +16245,Stillwater Boulevard & Hamlet Avenue,-92.959321,44.9882828 +16246,Hadley Avenue & Upper 22nd Street,-92.96448960000001,44.980420200000005 +16247,Hadley Avenue & 24th Street,-92.96450320000001,44.983555800000005 +16248,Stillwater Boulevard & Hale Avenue,-92.9636194,44.9859724 +16249,Hadley Avenue & Stillwater Boulevard,-92.9644962,44.9855108 +16250,Stillwater Boulevard & Hamlet Avenue,-92.95919070000001,44.9881625 +16251,Hadley Avenue & 24th Street,-92.9647061,44.9840455 +16252,Stillwater Boulevard & Hayward Avenue,-92.95721110000001,44.9891364 +16253,Stillwater Boulevard & Hale Avenue,-92.9637526,44.9860964 +16254,Hadley Avenue & Grospoint Avenue,-92.96468250000001,44.980710800000004 +16255,Stillwater Boulevard & Stillwater Way,-92.9498214,44.9908397 +16256,Stillwater Boulevard & Stillwater Way,-92.95341660000001,44.990472200000006 +16257,Stillwater Boulevard & Homestead Avenue,-92.94717510000001,44.991108000000004 +16258,Stillwater Boulevard & 31st Street,-92.9161598,44.995988700000005 +16259,Stillwater Boulevard & Helena Avenue,-92.9567004,44.989572 +16260,Stillwater Boulevard & Stillwater Lane,-92.90480620000001,44.996329100000004 +16261,Stillwater Boulevard & Hemingway Avenue,-92.9550207,44.9901915 +16262,Stillwater Boulevard & Ideal Avenue,-92.9450192,44.9913268 +16263,Stillwater Boulevard & Hemingway Avenue,-92.95479370000001,44.9900947 +16264,Stillwater Boulevard & 31st Street,-92.9165505,44.9958356 +16265,Stillwater Boulevard & Stillwater Way,-92.95363780000001,44.990305500000005 +16266,Stillwater Boulevard & Stillwater Lane,-92.9050108,44.9961369 +16267,Stillwater Boulevard & Henslow Avenue,-92.95247880000001,44.9904128 +16268,Stillwater Boulevard & Innsdale Avenue,-92.93612560000001,44.9922376 +16269,Stillwater Boulevard & Hilo Avenue,-92.9500792,44.990654400000004 +16270,Stillwater Boulevard & Inwood Avenue,-92.9337747,44.9923865 +16271,Stillwater Boulevard & 31st Street,-92.9247764,44.9938623 +16272,Stillwater Boulevard & Homestead Avenue,-92.9464559,44.991038100000004 +16273,Stillwater Boulevard & 34th Street,-92.9237439,44.9957264 +16274,Stillwater Boulevard & Helmo Avenue,-92.94446350000001,44.991228 +16275,Stillwater Boulevard & Klondike Avenue,-92.8883517,44.998135600000005 +16276,Stillwater Boulevard & 31st Street,-92.9244171,44.993899500000005 +16277,Stillwater Boulevard & Inwood Avenue,-92.93329370000001,44.9922399 +16278,Link Bus Stop,-93.73030870000001,45.3297139 +16279,Stillwater Boulevard & 34th Street,-92.9234974,44.9959738 +16280,Stillwater Boulevard & Innsdale Avenue,-92.9363967,44.992053600000006 +16281,Lincoln Av Se,-94.1248049,45.553899400000006 +16282,Stillwater Boulevard & Klondike Avenue,-92.8881202,44.998440900000006 +16283,Stillwater Boulevard & Kelvin Avenue,-92.8979056,44.9965978 +16284,720 - 4 Av S,-94.1530838,45.5526161 +16285,Stillwater Boulevard & Stillwater Lane,-92.8932571,44.9970374 +16286,Stillwater Boulevard & Kelvin Avenue,-92.8985074,44.9963836 +16287,Stillwater Boulevard & Stillwater Lane,-92.8935754,44.9968055 +16288,510 - 1 St S,-94.1578839,45.559890900000006 +16289,Queensland Ln,-93.507233,45.0064581 +16290,Merrimac Ln,-93.50424380000001,45.0018808 +16291,Medina Rd,-93.4949624,45.0196893 +16292,Merrimac Ln,-93.50418660000001,45.0020601 +16293,Medina Rd,-93.49526510000001,45.019772100000004 +16294,26 Av N,-93.50710860000001,45.0077238 +16295,Cr 24,-93.50717,45.0140888 +16296,28 Av N,-93.5071401,45.010139300000006 +16297,Olive Ln,-93.5053256,45.014524800000004 +16298,24 Av N,-93.5071001,45.0050436 +16299,30 Av N,-93.50723760000001,45.0122123 +16300,25 Av N,-93.50708630000001,45.006573800000005 +16301,30 Place N,-93.5072238,45.0133938 +16302,28 Av N,-93.50729360000001,45.010423100000004 +16303,32 Av N,-93.4988781,45.0168556 +16304,26 Av N,-93.5072403,45.007330800000005 +16305,30 Av N,-93.50238110000001,45.014781400000004 +16306,Olive Ln,-93.5049886,45.014670300000006 +16307,Cr 24,-93.4965301,45.0196556 +16308,30 Av N,-93.5074553,45.0124146 +16309,Kimberly Ln,-93.50086230000001,45.015676500000005 +16310,Lawndale Ln,-93.5022098,45.014912800000005 +16311,Lawndale Ln,-93.50311400000001,45.0219469 +16312,32 Av N,-93.4988436,45.017076800000005 +16313,Niagara Ln,-93.47172880000001,45.000990900000005 +16314,Polaris Ln,-93.47171780000001,45.004015100000004 +16315,25 Av N,-93.47172570000001,45.006394300000004 +16316,Ranchview Ln,-93.47697140000001,45.0163772 +16317,31 Av N,-93.47657120000001,45.014828 +16318,Vicksburg Ln,-93.48152750000001,45.016421300000005 +16319,31 Av N,-93.47670690000001,45.0150288 +16320,Vicksburg Ln,-93.4812366,45.0163194 +16321,Ranchview Ln,-93.4768238,45.016288800000005 +16322,Ranchview Ln,-93.47639790000001,45.0132397 +16323,Hwy 55,-93.48164580000001,45.018360900000005 +16324,Medina Rd,-93.47322390000001,45.012309200000004 +16325,Hwy 55,-93.481994,45.017952 +16326,Medina Rd,-93.4767075,45.013347700000004 +16327,Lawndale Ln,-93.50259550000001,45.0220798 +16328,28 Av N,-93.47344120000001,45.0122086 +16329,Hwy 55,-93.5075676,45.0315841 +16330,Niagara Ln,-93.4720205,45.0122854 +16331,Hwy 55,-93.5071606,45.0307405 +16332,Cr 101,-93.5067963,45.023923100000005 +16333,Medina Rd,-93.4732249,45.0123137 +16334,38 Av N,-93.50712130000001,45.025361800000006 +16335,Niagara Ln,-93.47188360000001,45.012185 +16336,38 Av N,-93.50744660000001,45.0250981 +16337,Old Rockford Rd,-93.5073011,45.035459 +16338,Cr 101,-93.5066513,45.0236061 +16339,27 Av N,-93.46520530000001,45.009509800000004 +16340,Old Rockford Rd,-93.50758520000001,45.0359355 +16341,Old Rockford Rd,-93.50731710000001,45.035471 +16342,Jewel Ln,-93.499796,45.0344539 +16343,Lawndale Ln,-93.50292780000001,45.0346728 +16344,Old Rockford Rd,-93.5075623,45.0352441 +16345,Fountain Ln,-93.4947006,45.0343813 +16346,Olive Ln,-93.50566780000001,45.0433609 +16347,Holly Ln,-93.49735740000001,45.0344306 +16348,Schmidt Lake Rd,-93.5072487,45.043047400000006 +16349,Holly Ln,-93.4977353,45.0439141 +16350,Schmidt Lake Rd,-93.50756600000001,45.0432397 +16351,Dunkirk Ln,-93.48905690000001,45.0241666 +16352,Olive Ln,-93.50549720000001,45.0435601 +16353,39 Av N,-93.49198080000001,45.0267661 +16354,Holly Ln,-93.4969523,45.0344873 +16355,39 Av N,-93.4920908,45.0270073 +16356,Fountain Ln,-93.49450230000001,45.0344551 +16357,Dunkirk Ln,-93.4884468,45.024229600000005 +16358,42 Av N,-93.4919998,45.031600100000006 +16359,Lawndale Ln,-93.5027123,45.034729600000006 +16360,40 Av N,-93.49210280000001,45.0286448 +16361,Jewel Ln,-93.4998693,45.034539300000006 +16362,41 Av N,-93.4921006,45.0308696 +16363,Merrimac Ln,-93.50413560000001,45.034949600000004 +16364,40 Av N,-93.49197910000001,45.0284459 +16365,Merrimac Ln,-93.5036726,45.0349336 +16366,40 Av N,-93.4919888,45.0292648 +16367,41 Av N,-93.48168360000001,45.0306191 +16368,41 Av N,-93.49200610000001,45.0306736 +16369,Dunkirk Ln,-93.4925881,45.034434000000005 +16370,42 Av N,-93.49210740000001,45.031823 +16371,43 Av N,-93.4920026,45.0334748 +16372,Cr 9 (Rockford),-93.48187490000001,45.027100600000004 +16373,43 Av N,-93.49209130000001,45.033694800000006 +16374,Cr 9 (Rockford),-93.4785415,45.0271604 +16375,Dunkirk Ln,-93.49228280000001,45.034341600000005 +16376,Creek Pl Condos,-93.47777980000001,45.0261999 +16377,37 Av N,-93.4772482,45.024633200000004 +16378,Plymouth Covenant,-93.48170130000001,45.0333345 +16379,Cr 9 (Rockford),-93.4787096,45.0269464 +16380,43 Av N,-93.48184180000001,45.0335173 +16381,Creek Pl Condos,-93.4782569,45.0263859 +16382,Plymouth Covenant,-93.4818446,45.033001000000006 +16383,37 Av N,-93.47752030000001,45.024545800000006 +16384,46 Av N,-93.48172600000001,45.038209800000004 +16385,Old Rockford,-93.474124,45.029179400000004 +16386,43 Av N,-93.4817215,45.0336793 +16387,Old Rockford Rd,-93.4818326,45.0323731 +16388,41 Av N,-93.4818618,45.0309704 +16389,Orchid Ln,-93.47228390000001,45.0435369 +16390,Polaris Ln,-93.4748706,45.0288156 +16391,Quantico Ln,-93.47586770000001,45.0438416 +16392,Old Rockford Rd,-93.48167330000001,45.032018300000004 +16393,Terraceview Ln,-93.4785933,45.043888800000005 +16394,Schmidt Lake Rd,-93.4818108,45.043152600000006 +16395,19 Av N,-93.4616311,45.0003023 +16396,48 Av N,-93.48183660000001,45.0412356 +16397,46 Av N,-93.48182800000001,45.038493300000006 +16398,Vicksburg Ln,-93.4822274,45.043654700000005 +16399,Glacier Ln,-93.4624641,45.0002444 +16400,Vicksburg Ln,-93.4811629,45.043943000000006 +16401,20 Av N,-93.470319,45.0001899 +16402,48 Av N,-93.4817026,45.0409931 +16403,21 Av N,-93.4703384,45.0007627 +16404,Schmidt Lake Rd,-93.4816383,45.043387 +16405,23 Av N,-93.4715774,45.003771400000005 +16406,Terraceview Ln,-93.47921090000001,45.0436885 +16407,Niagara Ln,-93.4715949,45.000890000000005 +16408,Quantico Ln,-93.4759724,45.0436776 +16409,Orchid Ln,-93.4717595,45.043298500000006 +16410,19 Av N,-93.47047660000001,45.000820700000006 +16411,23 Av N,-93.46144290000001,45.0038117 +16412,20 Av N,-93.47038880000001,45.0003067 +16413,21 Av N,-93.4614873,45.0013725 +16414,Fernbrook Ln,-93.46181870000001,45.0001179 +16415,19 Av N,-93.46146850000001,45.0001934 +16416,Glacier Ln,-93.4625781,45.000169400000004 +16417,23 Av N,-93.4616295,45.0040728 +16418,25 Av N,-93.46145170000001,45.006545 +16419,21 Av N,-93.4616161,45.0015803 +16420,28 Av N,-93.4650141,45.009410900000006 +16421,Glacier Ln,-93.4632983,45.009494600000004 +16422,Fernbrook Ln,-93.4622219,45.009516100000006 +16423,Glacier Ln,-93.46356460000001,45.009377 +16424,Fernbrook Ln,-93.4621855,45.009405 +16425,25 Av N,-93.46162980000001,45.0067327 +16426,25 Av N,-93.4715867,45.006195000000005 +16427,27 Av N,-93.47151910000001,45.0092191 +16428,Annapolis Circle,-93.45118950000001,45.010755100000004 +16429,27 Av N,-93.4716739,45.0094318 +16430,Industrial Park Blvd,-93.4514733,45.002641100000005 +16431,Center Circle E,-93.45143820000001,45.0009686 +16432,Center Circle E,-93.45127620000001,45.000857200000006 +16433,Niagara Ln,-93.4713141,45.0122711 +16434,Industrial Park Blvd,-93.4513074,45.0022503 +16435,Harbor Ln,-93.4613676,45.0144658 +16436,24 Av N,-93.4513421,45.005719600000006 +16437,Harbor Ln,-93.46158430000001,45.0143563 +16438,26 Av N,-93.4515885,45.0076241 +16439,24 Av N,-93.4516061,45.005811800000004 +16440,Fernbrook Ln,-93.46174300000001,45.014136900000004 +16441,Annapolis Circle,-93.4508871,45.0106831 +16442,Regency Pt Apts #3,-93.4641715,45.0153146 +16443,Regency Pt Apts #2,-93.46415110000001,45.0162473 +16444,Fernbrook Ln,-93.4619239,45.014193600000006 +16445,Regency Pt Apts #1,-93.4640356,45.0151532 +16446,34 Av N,-93.46378820000001,45.0184738 +16447,Regency Pt Apts #2,-93.46400530000001,45.0161133 +16448,Fernbrook Ln,-93.4618387,45.018435100000005 +16449,Regency Pt Apts #3,-93.46396250000001,45.017217800000005 +16450,34 Av N,-93.46128750000001,45.0182158 +16451,Fernbrook Ln,-93.46168700000001,45.0183173 +16452,Fernbrook Ln,-93.46107780000001,45.018450800000004 +16453,34 Av N,-93.4636325,45.0185066 +16454,35 Av N,-93.46148880000001,45.021411300000004 +16455,35 Av N,-93.4613209,45.021154200000005 +16456,Regency Pt Apts #1,-93.46403160000001,45.017499 +16457,Campus Dr,-93.4515346,45.0149102 +16458,35 Place N,-93.4514891,45.0214992 +16459,#2955,-93.45098630000001,45.0130746 +16460,#3033,-93.4533165,45.0138613 +16461,Xenium Ln,-93.4517733,45.0146594 +16462,#3000,-93.45333670000001,45.012805900000004 +16463,32 Av N,-93.451514,45.0170155 +16464,#3000,-93.45343600000001,45.013094200000005 +16465,#3500,-93.4584358,45.0207093 +16466,#3501,-93.4514912,45.020729800000005 +16467,#3500,-93.4582731,45.0208681 +16468,34 Av N,-93.4514929,45.019645600000004 +16469,#3550,-93.4573536,45.0212501 +16470,32 Av N,-93.4514061,45.016803700000004 +16471,34 Av N,-93.45139,45.0193717 +16472,Campus Dr,-93.44936000000001,45.0109196 +16473,35 Av N,-93.45137460000001,45.0204815 +16474,23 Av N,-93.43062090000001,45.003645600000006 +16475,35 Place N,-93.451357,45.0213788 +16476,Cr 61-Nw Blvd,-93.44905080000001,45.0125751 +16477,Center Circ E,-93.449016,45.002371200000006 +16478,Medicine Lk Dr,-93.4423136,45.017138900000006 +16479,32 Av N,-93.4435141,45.015980500000005 +16480,Hwy 55 Svc,-93.444923,45.0024388 +16481,32 Av N,-93.4404222,45.016212800000005 +16482,Center Circ,-93.4486566,45.0025093 +16483,30 Av N,-93.4387652,45.013980600000004 +16484,Hwy 55,-93.4458675,45.0025379 +16485,32 Av N,-93.4434782,45.0161584 +16486,23 Av N,-93.4306772,45.0038646 +16487,Cr 61-Nw Blvd,-93.44178930000001,45.0171227 +16488,39 Av N,-93.4613132,45.026350900000004 +16489,Xenium Ln,-93.4487721,45.0127314 +16490,32 Av N,-93.44020830000001,45.016007900000005 +16491,Dallas Ln,-93.461461,45.0227117 +16492,38 Av N,-93.4612865,45.0252585 +16493,38 Av N,-93.46142370000001,45.025510700000005 +16494,39 Av N,-93.461415,45.0265904 +16495,40 Av N,-93.46129490000001,45.0274009 +16496,Dallas Ln,-93.4613094,45.0225553 +16497,42 Av N,-93.46141250000001,45.032215900000004 +16498,Glacier Ln,-93.46343730000001,45.029072500000005 +16499,Minnesota Ln,-93.4693175,45.029274300000004 +16500,Juneau Ln,-93.4666512,45.0291743 +16501,40 Av N,-93.46143740000001,45.027668500000004 +16502,Minnesota Ln,-93.469795,45.0290905 +16503,Xenium Court,-93.4504533,45.025190900000005 +16504,Fernbrook Ln,-93.46178110000001,45.029107200000006 +16505,37 Av N,-93.45139970000001,45.024168 +16506,36 Av N,-93.45151460000001,45.0227664 +16507,Fernbrook Ln,-93.4619648,45.029326600000005 +16508,#3900,-93.45689630000001,45.026017100000004 +16509,Empire Ln #1,-93.4612965,45.032031200000006 +16510,#3850,-93.45729680000001,45.0245338 +16511,Juneau Ln,-93.4662009,45.0293762 +16512,#3750,-93.4570178,45.0238663 +16513,Cr 9 (Rockford),-93.461212,45.029935800000004 +16514,#3650,-93.456615,45.022016300000004 +16515,Glacier Ln,-93.46302340000001,45.029273 +16516,#3650,-93.4567033,45.0222041 +16517,36 Av N,-93.4513635,45.022583000000004 +16518,#3850,-93.4573988,45.0247228 +16519,#3750,-93.45720460000001,45.024011800000004 +16520,#3900,-93.45683910000001,45.026246300000004 +16521,37 Av N,-93.45132480000001,45.0239405 +16522,Cr 9,-93.45616700000001,45.0283766 +16523,Cr 9,-93.4574498,45.028598300000006 +16524,#3955 (#1),-93.4563806,45.028321600000005 +16525,Fernbrook Ln,-93.46041050000001,45.029118700000005 +16526,44 Place N,-93.46135890000001,45.0371855 +16527,44 Av N,-93.46148050000001,45.0357402 +16528,Annapolis Ln,-93.4576172,45.029090200000006 +16529,43 Av N,-93.4614537,45.0345962 +16530,#4000,-93.45457230000001,45.028155000000005 +16531,Minnesota Ln,-93.47011180000001,45.0431224 +16532,#3955 (#2),-93.4542516,45.027641 +16533,48 Av N,-93.4615868,45.0416475 +16534,Berkshire Ln,-93.4571863,45.0293219 +16535,46 Av N,-93.46138420000001,45.038609 +16536,45 Av N,-93.4615029,45.037817800000006 +16537,Empire Ln #2,-93.46143070000001,45.0408464 +16538,44 Av N,-93.46134640000001,45.035565500000004 +16539,46 Place N,-93.46140510000001,45.0395424 +16540,43 Av N,-93.4613231,45.034433400000005 +16541,Fernbrook Ln,-93.4619225,45.043831000000004 +16542,Empire Ln #3,-93.46141680000001,45.042871600000005 +16543,47 Av N,-93.46154250000001,45.040597000000005 +16544,Minnesota Ln,-93.469589,45.0432659 +16545,Harbor Ln,-93.4629465,45.0438604 +16546,Harbor Ln,-93.4631555,45.0436555 +16547,Fernbrook Ln,-93.4618586,45.0436053 +16548,46 Av N,-93.4615174,45.0387599 +16549,Ives Ln,-93.4317668,45.029465 +16550,Forestview Ln,-93.42941850000001,45.0304282 +16551,Forestview Ln,-93.42917390000001,45.0306633 +16552,39 Av N,-93.4493413,45.0255317 +16553,Larch Ln,-93.43311340000001,45.029106600000006 +16554,Norwood Ln,-93.4389654,45.0438236 +16555,Pineview Ln,-93.4407659,45.043796900000004 +16556,Goldenrod Ln,-93.43077960000001,45.0297569 +16557,Schmidt Lake Rd,-93.44121770000001,45.0438902 +16558,42 Av N,-93.433839,45.030666100000005 +16559,Norwood Ln,-93.4393155,45.043662100000006 +16560,43 Av N,-93.4359251,45.0344223 +16561,Kirkwood Ln,-93.43523210000001,45.033703900000006 +16562,45 Av N,-93.4362523,45.0369436 +16563,Rockford Rd,-93.44885520000001,45.027410700000004 +16564,Cr 9 (Rockford),-93.43451180000001,45.0329683 +16565,39 Av N,-93.44923840000001,45.0257639 +16566,43 Av N,-93.4356692,45.0343141 +16567,Cr 9 (Rockford),-93.4339915,45.0320984 +16568,45 Av N,-93.4361047,45.0367339 +16569,Kirkwood Ln,-93.43497520000001,45.033631 +16570,42 Av N,-93.4337199,45.030458100000004 +16571,Schmidt Lake Rd,-93.4361248,45.043861500000006 +16572,Larch Ln,-93.4333314,45.0291737 +16573,49 Av N,-93.4361441,45.042518400000006 +16574,Goldenrod Ln,-93.43049180000001,45.030018000000005 +16575,Cr 47,-93.48189160000001,45.063462900000005 +16576,48 Av N,-93.4361903,45.0410416 +16577,47 Av N,-93.43624580000001,45.0397072 +16578,48 Av N,-93.43607630000001,45.0408513 +16579,Cr 47,-93.4817288,45.0639041 +16580,47 Av N,-93.4361325,45.0394762 +16581,60 Av N,-93.4819133,45.061868800000006 +16582,Schmidt Lake Rd,-93.43603350000001,45.0435518 +16583,60 Av N,-93.481718,45.0617073 +16584,49 Av N,-93.4360324,45.042312 +16585,Cheshire Ln,-93.45662320000001,45.0503318 +16586,Jonquil Ln,-93.43379970000001,45.043938000000004 +16587,Annapolis Ln,-93.45728360000001,45.052428500000005 +16588,Larch Ln,-93.4359246,45.0437391 +16589,52 Av N,-93.4546452,45.049069 +16590,Larch Ln,-93.4362981,45.0436287 +16591,53 Av N,-93.4410392,45.047758800000004 +16592,Jonquil Ln,-93.4341471,45.043705200000005 +16593,Comstock Ln,-93.49107020000001,45.0448844 +16594,54 Av #1,-93.441012,45.0486662 +16595,Yuma Ln (W),-93.48533880000001,45.044170300000005 +16596,50 Av N,-93.4410589,45.0448035 +16597,Comstock Ln,-93.4909837,45.0450342 +16598,52 Av N,-93.44105970000001,45.046389000000005 +16599,Holly Ln,-93.4976661,45.044126000000006 +16600,50 Av N,-93.4412269,45.045032000000006 +16601,54 Av #3,-93.4411764,45.048835200000006 +16602,53 Av N,-93.4412085,45.047906700000006 +16603,52 Av N,-93.4412063,45.046587 +16604,50 Av N,-93.432721,45.0449983 +16605,54 Av #3,-93.4410089,45.0522122 +16606,55 Av N,-93.44115140000001,45.053944800000004 +16607,54 Av #2,-93.44100420000001,45.0498412 +16608,49 Place N,-93.4331365,45.044242700000005 +16609,55 Av N,-93.441168,45.054177300000006 +16610,Forestview Ln,-93.42810610000001,45.046489300000005 +16611,54 Av #1,-93.4411723,45.052445000000006 +16612,54 Av #2,-93.4411149,45.050032800000004 +16613,Goldenrod Ln,-93.43052300000001,45.0464445 +16614,50 Av N,-93.4328277,45.0452341 +16615,Hemlock Ln,-93.431477,45.046359200000005 +16616,49 Place N,-93.4330963,45.0444824 +16617,Oakview Ln,-93.4414811,45.056812400000005 +16618,Hemlock Ln,-93.43131310000001,45.046541100000006 +16619,Quinwood Ln,-93.44113200000001,45.055000500000006 +16620,Ives Ln,-93.43221890000001,45.0461557 +16621,58 Av N,-93.4412563,45.0587565 +16622,Forestview Ln,-93.4277533,45.046632300000006 +16623,58 Av N,-93.4413493,45.0590277 +16624,Goldenrod Ln,-93.4302243,45.0465821 +16625,Ives Ln,-93.43228690000001,45.0458999 +16626,Oakview Ln,-93.44159160000001,45.057011 +16627,Quinwood Ln,-93.4412932,45.0552039 +16628,Cr 61 (Nw Blvd),-93.4420065,45.0601349 +16629,Bass Lk/ 62 Place,-93.44002230000001,45.064694100000004 +16630,Bass Lake Rd,-93.4397637,45.065156 +16631,Quinwood Ln,-93.44084020000001,45.0645856 +16632,Cr 61 (Nw Blvd),-93.44235350000001,45.060511600000005 +16633,Hemlock Ln,-93.4314186,45.0603599 +16634,62 Place N,-93.43958280000001,45.067649800000005 +16635,Gramercy/ 62 Pl,-93.43333790000001,45.065188000000006 +16636,Gramercy Park,-93.43586140000001,45.064182200000005 +16637,62 Place N,-93.4397201,45.067649800000005 +16638,Gramercy Park,-93.43539770000001,45.0641929 +16639,Kirkwood Ln,-93.4346783,45.061776200000004 +16640,62 Place N,-93.43958140000001,45.067461800000004 +16641,Bass Lake Rd,-93.4385074,45.0626388 +16642,Quinwood Ln,-93.43949160000001,45.0676715 +16643,Jonquil Ln,-93.433248,45.0613266 +16644,Meadowlark Ln,-93.43269710000001,45.0668942 +16645,Jonquil Ln,-93.4324297,45.0610948 +16646,Magnolia Ln,-93.4369695,45.067236300000005 +16647,Kirkwood Ln,-93.43425660000001,45.061844900000004 +16648,Cr 61 (Nw Blvd),-93.4322686,45.066795400000004 +16649,Bass Lake Rd,-93.4382841,45.0629956 +16650,Hemlock Ln,-93.4315921,45.0606128 +16651,Kirkwood Ln,-93.4344207,45.0667896 +16652,Norwood Ln,-93.4377606,45.067474700000005 +16653,Larch Ln,-93.4354816,45.067073400000005 +16654,Revere Ln,-93.4104786,45.009219 +16655,27 Av N,-93.41104650000001,45.0097694 +16656,Pilgrim Ln,-93.40721450000001,45.007526000000006 +16657,28 Av N,-93.41170810000001,45.010604400000005 +16658,Pilgrim Ln,-93.40759270000001,45.0074577 +16659,Medicine Ridge Rd,-93.40826840000001,45.007565400000004 +16660,28 Av N,-93.41204830000001,45.0107269 +16661,29 Av N,-93.4133091,45.011990600000004 +16662,32 Av N,-93.4187584,45.016164 +16663,36 Av N,-93.42070000000001,45.0218658 +16664,36 Av N,-93.42083740000001,45.0217971 +16665,Wellington Ln,-93.417861,45.021910600000005 +16666,30 Av N,-93.4157182,45.013414100000006 +16667,Mission En,-93.4206743,45.0183866 +16668,29 Av N,-93.4135284,45.0120353 +16669,34 Av N,-93.4195261,45.016783000000004 +16670,30 Av N,-93.4159317,45.0135269 +16671,Ximines Ln,-93.4189333,45.0219077 +16672,Medicine Lk Blv,-93.4145507,45.0124816 +16673,36 Av N,-93.4207384,45.0218101 +16674,Pilgrim Ln #2,-93.4083633,45.021957300000004 +16675,Mission En,-93.42080680000001,45.019660900000005 +16676,Medicine Lk Blvd,-93.41459350000001,45.0126405 +16677,Pilgrim Ln #1,-93.4096427,45.021961600000004 +16678,Union Terrace Ln,-93.41402000000001,45.021904600000006 +16679,Armstrong High School,-93.4158017,45.021917800000004 +16680,Kings Valley Rd,-93.4005085,45.0040655 +16681,Saratoga Ln,-93.4114761,45.021964800000006 +16682,Earl St,-93.4005099,45.0001351 +16683,Trenton Ln,-93.4127742,45.021949 +16684,Kings Valley Rd,-93.4006284,45.0041607 +16685,34 Av / 36 Av N,-93.40900420000001,45.0196685 +16686,Earl St,-93.4006439,45.0002793 +16687,Pilgrim Ln,-93.4064865,45.0185012 +16688,Mendelssohn Ln,-93.39911670000001,45.005946200000004 +16689,34 Av N,-93.4066798,45.018573700000005 +16690,Medicine Lake Rd,-93.3980504,45.0070822 +16691,Mendelssohn Ln,-93.39880930000001,45.006061200000005 +16692,Flag Av,-93.39573150000001,45.0074057 +16693,Nathan Ln,-93.40553290000001,45.007541700000004 +16694,Kilmer Ln,-93.40265090000001,45.007537400000004 +16695,Lancaster Ln,-93.4031195,45.007505900000005 +16696,Flag Av,-93.39536070000001,45.007505 +16697,Kilmer Ln,-93.40243530000001,45.0074272 +16698,26 Av N,-93.40236660000001,45.007892600000005 +16699,Lancaster Ln,-93.4032897,45.007434800000006 +16700,Medicine Lake Rd,-93.3981696,45.0068691 +16701,Aquila Av N,-93.3887787,45.0073966 +16702,ZEaland Av,-93.38764400000001,45.007496 +16703,34 Av N,-93.4024581,45.018547000000005 +16704,Xylon Av N,-93.3859147,45.0073613 +16705,35 Av N,-93.4024734,45.0205039 +16706,Boone Av,-93.39008790000001,45.0075291 +16707,36 Av N,-93.4024887,45.021930600000005 +16708,28 Av N,-93.3903638,45.009546 +16709,36 Av N,-93.3999703,45.0218098 +16710,36 Av N,-93.4023846,45.021901 +16711,Decatur Av,-93.39296200000001,45.007421 +16712,Kilmer Ln,-93.40254230000001,45.0184465 +16713,Medicine Lake Rd,-93.39025290000001,45.0078545 +16714,33 Av N,-93.3908712,45.0164245 +16715,Ensign Av,-93.39401090000001,45.0074132 +16716,32 Av N,-93.39089890000001,45.0145914 +16717,Ensign Av,-93.39415650000001,45.0075225 +16718,31 Av N,-93.39089890000001,45.012711100000004 +16719,30 Av N,-93.39081200000001,45.010273500000004 +16720,31 Av N,-93.3910879,45.0128762 +16721,Decatur Av,-93.39248830000001,45.007508 +16722,32 Av N,-93.3911028,45.0147871 +16723,Medicine Lake Rd,-93.3904188,45.0078583 +16724,36 Av N,-93.39032370000001,45.0218544 +16725,33 Av N,-93.39099630000001,45.016490100000006 +16726,34 Av N,-93.3903028,45.0183951 +16727,Aquila Av,-93.39030070000001,45.0209508 +16728,34 Av N,-93.3904835,45.0188907 +16729,Aquila Av,-93.3904995,45.0209812 +16730,ZAchary Ln,-93.42090750000001,45.0313208 +16731,ZAchary Ln,-93.42055590000001,45.022012700000005 +16732,Balsam Ln,-93.42299200000001,45.031027300000005 +16733,Balsam Ln,-93.4229102,45.0311432 +16734,Ximines Ln,-93.41864000000001,45.022042600000006 +16735,ZAchary Ln,-93.4213551,45.031379 +16736,Wellington Ln,-93.4172971,45.022044900000004 +16737,40 Av N,-93.4207904,45.028493700000006 +16738,37 Av N,-93.4208818,45.023619800000006 +16739,40 Av N,-93.42089680000001,45.0286952 +16740,39 Av N,-93.42073780000001,45.0259073 +16741,Armstrong High School,-93.4152162,45.022040600000004 +16742,39 Av N,-93.42085700000001,45.0261116 +16743,Union Terrace Ln,-93.4138298,45.0221056 +16744,37 Av N,-93.4207641,45.0233949 +16745,Trenton Ln,-93.4125595,45.0220811 +16746,Saratoga Ln,-93.41126390000001,45.0221097 +16747,Evergreen Ln,-93.4276366,45.030957300000004 +16748,36 Place N,-93.40814470000001,45.022536200000005 +16749,Cottonwood Ln,-93.4245269,45.0311126 +16750,36 Av N,-93.4081658,45.0221535 +16751,Deerwood Ln,-93.42572530000001,45.031119100000005 +16752,37 Av N,-93.40741440000001,45.0236011 +16753,37 Place N,-93.40729560000001,45.0244476 +16754,Evergreen Ln,-93.4273307,45.0310707 +16755,39 Av N,-93.4085404,45.027954900000005 +16756,36 Av N,-93.40838690000001,45.022148900000005 +16757,36 Place N,-93.4082376,45.0227323 +16758,37 Av N,-93.4074538,45.0239203 +16759,37 Place N,-93.40743350000001,45.0246676 +16760,Orleans Ln (N),-93.4085603,45.027339600000005 +16761,38 Av N,-93.4082334,45.025803800000006 +16762,Orleans Ln (S),-93.4084528,45.026126600000005 +16763,40 Av N,-93.4082643,45.028824900000004 +16764,38 Court N,-93.4086358,45.027192500000005 +16765,38 Av N,-93.4084158,45.0259232 +16766,Orleans Ln #3,-93.4070597,45.0295714 +16767,#10705,-93.41618340000001,45.032886500000004 +16768,#10705,-93.4161682,45.0327835 +16769,Orleans Ln N,-93.4072608,45.0295909 +16770,Quaker Ln,-93.4094924,45.029155700000004 +16771,Nathan Ln,-93.40597790000001,45.030101200000004 +16772,Pilgrim Ln,-93.40842430000001,45.0288848 +16773,Nathan Ln,-93.4061825,45.0298559 +16774,Trenton Ln,-93.4126205,45.0329551 +16775,40 Av N,-93.40830410000001,45.0291207 +16776,39 Av N,-93.4086257,45.0282136 +16777,48 Av N #2,-93.42105830000001,45.0420773 +16778,48 Av N #1,-93.421036,45.0412812 +16779,Rockford Rd,-93.4075414,45.032656700000004 +16780,49 Av N,-93.4210012,45.0436629 +16781,Rockford Rd,-93.4073889,45.0324754 +16782,48 Av N #2,-93.4211856,45.0413902 +16783,48 Av N #1,-93.42112230000001,45.0423628 +16784,Yorktown Ln,-93.4196654,45.0382255 +16785,Cub Foods P&R,-93.41003830000001,45.036631500000006 +16786,ZAchary Ln,-93.42068640000001,45.0381694 +16787,Cub Foods P&R,-93.41034180000001,45.036740300000005 +16788,Valley Forge Ln,-93.41615850000001,45.038198 +16789,Yorktown Ln,-93.4199102,45.0380915 +16790,Trenton Circle #2,-93.4155508,45.0376654 +16791,49 Av N,-93.4209172,45.043439600000006 +16792,Trenton Circle #1,-93.41460550000001,45.036711100000005 +16793,Revere Ln,-93.4110711,45.0367175 +16794,Valley Forge Ln,-93.4163924,45.038135600000004 +16795,Nathan Ln,-93.40826700000001,45.036606500000005 +16796,Cub Foods,-93.4085663,45.0351234 +16797,45 Av N,-93.4078867,45.0365089 +16798,45 Av N,-93.4078216,45.0368821 +16799,Manor Royal Apts,-93.4023361,45.0281703 +16800,Revere Ln,-93.4111075,45.036636900000005 +16801,4 Seasons Mall,-93.40359790000001,45.0300233 +16802,The Place Apts,-93.4024203,45.0274931 +16803,Nathan Ln,-93.4083099,45.036743 +16804,Northwood Pkwy,-93.3903597,45.023403800000004 +16805,45 Av N,-93.41543300000001,45.0372898 +16806,Boone Circle #2,-93.3903336,45.0254586 +16807,39 Av N,-93.3903592,45.0269363 +16808,Trenton Ln,-93.41495850000001,45.036802400000006 +16809,36 Av N,-93.3904748,45.0221384 +16810,Northwood Pkwy,-93.39050920000001,45.0240493 +16811,Cub Foods,-93.4089027,45.035070700000006 +16812,Ensign Av,-93.3905344,45.0271552 +16813,37 Place N,-93.40223900000001,45.024865500000004 +16814,40 Av N,-93.39033520000001,45.028657200000005 +16815,41 Av N,-93.3903341,45.0314612 +16816,Lancaster Village,-93.40278690000001,45.0233956 +16817,40 Av N,-93.39054270000001,45.0288799 +16818,36 Av N,-93.40277060000001,45.0223164 +16819,41 Av N,-93.39052670000001,45.0316501 +16820,42 Av N,-93.39052670000001,45.032746700000004 +16821,36 Av N,-93.4029359,45.022325800000004 +16822,37 Place N,-93.4018638,45.0255171 +16823,Gettysburg Av,-93.3951926,45.033612600000005 +16824,Four Seasons Villa,-93.4029378,45.023743100000004 +16825,Flag Av N,-93.3951035,45.033412600000005 +16826,4 Seasons Mall,-93.4037411,45.0303465 +16827,Schmidt Lake Rd,-93.40574690000001,45.0435479 +16828,Schmidt Lake Rd,-93.4055723,45.0435887 +16829,42 Av N,-93.3903509,45.0330947 +16830,Nathan Ln,-93.40547140000001,45.0438654 +16831,Hwy 169,-93.4025445,45.0439099 +16832,Nathan Ln,-93.4053363,45.0437705 +16833,Hwy 169,-93.40194650000001,45.0438361 +16834,45 Av N,-93.38503610000001,45.036309800000005 +16835,Xylon Av N,-93.38476650000001,45.036532900000005 +16836,42 Av N,-93.38543600000001,45.033016700000005 +16837,ZEaland Av,-93.38803610000001,45.033015000000006 +16838,Aquila Av,-93.3892864,45.0331108 +16839,42 Av / 45 Av N,-93.38529980000001,45.0338988 +16840,45 Av / 42 Av N,-93.38546570000001,45.0344082 +16841,Virginia/Winnetka,-93.3828003,45.007355800000006 +16842,46 Av N,-93.3904062,45.037587800000004 +16843,Nw Entrance,-93.3672054,45.0027709 +16844,West Entrance,-93.3671917,45.0009668 +16845,45 Av N,-93.39040560000001,45.0364456 +16846,Winnetka Hts Dr,-93.3802314,45.0017195 +16847,23 Av N,-93.3802244,45.003493500000005 +16848,46 Av N,-93.39051110000001,45.0377699 +16849,Dover Hills Apts,-93.3779167,45.006756900000006 +16850,45 Av N,-93.3905369,45.036611900000004 +16851,Medicine Lake Rd,-93.38020540000001,45.0071651 +16852,Terra Linda Dr,-93.38019410000001,45.009071500000005 +16853,ZEaland Av N,-93.38760660000001,45.0331077 +16854,29 Av N,-93.38015920000001,45.010524200000006 +16855,23 Av N,-93.3804202,45.0038002 +16856,Aquila Av,-93.38904620000001,45.033261100000004 +16857,Winnetka Hts Dr,-93.38040670000001,45.001896200000004 +16858,49 Av N,-93.3904957,45.0436629 +16859,Duluth St N,-93.38041700000001,45.0001541 +16860,29 Av N,-93.3804566,45.010678600000006 +16861,Decatur Av,-93.3904699,45.041763800000005 +16862,Medicine Lake Rd,-93.38042540000001,45.0079062 +16863,47 Av N,-93.3904203,45.0400414 +16864,47 Av N,-93.3905416,45.0398474 +16865,Pennsylvania Av,-93.37539000000001,45.0145794 +16866,Decatur Av,-93.390624,45.0418512 +16867,Sumter Av,-93.3779925,45.014556000000006 +16868,32 Av N,-93.3802096,45.014469500000004 +16869,Virginia Av,-93.3837792,45.007468800000005 +16870,30 Av N,-93.3802057,45.011722600000006 +16871,33 Place,-93.3801737,45.0172419 +16872,32 Place,-93.38018840000001,45.016004800000005 +16873,32 Place,-93.3803939,45.015948200000004 +16874,32 Av N,-93.3803953,45.0147403 +16875,30 Av N,-93.38040020000001,45.011535300000006 +16876,Pennsylvania Av,-93.375134,45.014686000000005 +16877,Winnetka Av N,-93.3798268,45.0146893 +16878,Winpark Dr,-93.3775974,45.0146719 +16879,36 Av N,-93.3801069,45.021648400000004 +16880,Emerald Point Apts,-93.3775509,45.0218362 +16881,Winpark Dr,-93.3801837,45.019441 +16882,Winnetka Village Apts,-93.3773484,45.021959100000004 +16883,Nevada Av,-93.37297650000001,45.021962200000004 +16884,35 Av N,-93.38036020000001,45.0197737 +16885,33 Place,-93.3803745,45.0174943 +16886,Winnetka Av N,-93.3798015,45.0218178 +16887,Valley Place,-93.3701412,45.0172667 +16888,Nevada Av,-93.3729035,45.0218432 +16889,34 Av N,-93.370113,45.018182100000004 +16890,Hill Place,-93.3701777,45.0190573 +16891,33 Av N,-93.37016600000001,45.016296700000005 +16892,35 Av N,-93.3701832,45.020003100000004 +16893,Nevada Av N,-93.37262120000001,45.0145914 +16894,35 Place,-93.37012100000001,45.020899 +16895,36 Av N,-93.3701096,45.0217351 +16896,Maryland Av N,-93.371532,45.0145818 +16897,Maryland Av,-93.37164510000001,45.021948900000005 +16898,33 Av N,-93.37028670000001,45.0165457 +16899,Louisiana Av,-93.37051720000001,45.0145393 +16900,Valley Place,-93.37030610000001,45.0174466 +16901,Maryland Av N,-93.37127690000001,45.014700000000005 +16902,Louisiana Av,-93.37040760000001,45.021826600000004 +16903,Maryland Av,-93.3717029,45.0218423 +16904,32 Av N,-93.3702875,45.0148026 +16905,35 Av N,-93.37024790000001,45.0202047 +16906,35 Place N,-93.37028430000001,45.0209101 +16907,Nevada Av N,-93.37255610000001,45.014677500000005 +16908,34 Av N,-93.37027610000001,45.018223400000004 +16909,30 Av N,-93.36002420000001,45.011095600000004 +16910,Hill Place,-93.37025270000001,45.0192722 +16911,Sandburg Rd,-93.3600942,45.003291600000004 +16912,Wynnwood Rd,-93.36005560000001,45.004413500000005 +16913,30 Av N,-93.360135,45.011326800000006 +16914,Wynnwood Rd,-93.36023010000001,45.0045724 +16915,Sandburg Rd,-93.3603214,45.0037437 +16916,31 Av N,-93.36010540000001,45.0128587 +16917,Medicine Lk Rd,-93.3602204,45.007547300000006 +16918,Medicine Lk Rd,-93.3600813,45.0071298 +16919,31 Av N,-93.3599913,45.0127649 +16920,29 Place N,-93.3600433,45.0087114 +16921,32 Av N,-93.35995170000001,45.014347300000004 +16922,29 Place N,-93.3601764,45.0088595 +16923,29 Av N,-93.36013870000001,45.009872200000004 +16924,32 Av N,-93.36008790000001,45.0148038 +16925,29 Av N,-93.3600191,45.0098075 +16926,Douglas Dr N,-93.35949120000001,45.000038800000006 +16927,34 Av N,-93.35998040000001,45.0179545 +16928,Douglas Dr,-93.35954960000001,45.0001898 +16929,34 Av N,-93.36013530000001,45.0183856 +16930,#3317,-93.36012410000001,45.016791000000005 +16931,Douglas / Colorado,-93.3592071,45.0218125 +16932,#3310,-93.35996030000001,45.016739900000005 +16933,36 Av N,-93.3599681,45.021669700000004 +16934,Adair Av N,-93.35632530000001,45.021767100000005 +16935,Yates Av,-93.3537694,45.021739700000005 +16936,Yates Av,-93.35347920000001,45.0218458 +16937,Brunswick Av,-93.3577606,45.0217569 +16938,ZAne Av,-93.354743,45.0218811 +16939,ZAne Av,-93.3552391,45.021752400000004 +16940,Colorado Av,-93.3585949,45.021934900000005 +16941,Adair Av N,-93.356069,45.021934400000006 +16942,Quail Av N,-93.3429351,45.0204814 +16943,Xenia Av,-93.35246980000001,45.021708700000005 +16944,Xenia Av,-93.3519382,45.0218403 +16945,Welcome Av,-93.35107980000001,45.021711200000006 +16946,Orchard Av,-93.3399942,45.020588800000006 +16947,Welcome Av,-93.35059000000001,45.021795600000004 +16948,Quail Av N,-93.34261620000001,45.020586400000006 +16949,Cub Foods,-93.3451438,45.0206156 +16950,Regent Av,-93.34422640000001,45.0204302 +16951,Orchard Av N,-93.3403474,45.020452600000006 +16952,Winnetka Av N,-93.3798897,45.0219747 +16953,Quebec / Winnetka,-93.3774765,45.032909000000004 +16954,38 1/2 Av N,-93.38017190000001,45.0259103 +16955,42 Av N,-93.38015180000001,45.032555800000004 +16956,37 Av N,-93.3801821,45.025078300000004 +16957,40 Av N,-93.38018120000001,45.029077 +16958,40 Av N,-93.380364,45.028876100000005 +16959,36 Av N,-93.3803527,45.022204 +16960,Louisiana Av,-93.3704721,45.032732200000005 +16961,Kentucky Av,-93.3689813,45.032764300000004 +16962,37 Av N,-93.38034230000001,45.025198700000004 +16963,Louisiana Av,-93.3701271,45.0328679 +16964,38 1/2 Av N,-93.3803295,45.0260442 +16965,Maryland Av,-93.37176520000001,45.0328152 +16966,Georgia Av,-93.3637769,45.032856800000005 +16967,Nevada Av,-93.3732028,45.032827600000005 +16968,Florida Av,-93.3624406,45.0327004 +16969,Florida Av,-93.3625119,45.032862300000005 +16970,Kentucky Av,-93.36886600000001,45.032856100000004 +16971,Hampshire Av,-93.36547470000001,45.0327603 +16972,Hampshire Av,-93.36497890000001,45.0328523 +16973,Quebec Av,-93.3768709,45.032789400000006 +16974,Georgia Av,-93.363786,45.0326948 +16975,44 Av N,-93.38046340000001,45.035814300000006 +16976,Oregon Av,-93.37429320000001,45.0328383 +16977,Winnetka Ave N,-93.381251,45.036390000000004 +16978,Oregon Av,-93.3740743,45.032997900000005 +16979,Quebec Av,-93.37632860000001,45.0329314 +16980,Winnetka Av,-93.38004380000001,45.0329643 +16981,Winnetka Av,-93.37979960000001,45.032732800000005 +16982,New Hope Ctr,-93.3804473,45.0341024 +16983,44 Av N,-93.3802964,45.0356663 +16984,46 Av N,-93.3804434,45.0383713 +16985,45 Av N,-93.3802821,45.0363143 +16986,#4220,-93.3802567,45.034380600000006 +16987,Winnetka Av N,-93.38113940000001,45.0364919 +16988,45 Av N,-93.38045170000001,45.0366026 +16989,45 1/2 Av N,-93.38026590000001,45.037235300000006 +16990,42 Av N,-93.38046290000001,45.0330188 +16991,46 Av N,-93.3802816,45.0381185 +16992,48 Av N,-93.38027170000001,45.0422163 +16993,48 Av N,-93.38044830000001,45.0419501 +16994,37 Av N,-93.3599858,45.0234521 +16995,37 Av N,-93.3601745,45.023679400000006 +16996,49 Av N,-93.3802545,45.0435578 +16997,38 Av N,-93.36016020000001,45.024528200000006 +16998,38 Av N,-93.3600019,45.024205200000004 +16999,49 Av N,-93.3804982,45.0438142 +17000,39 Av N,-93.36017120000001,45.0265354 +17001,47 Av N,-93.3802787,45.039873400000005 +17002,39 Av N,-93.3600093,45.026318100000005 +17003,Yates Av N,-93.3539094,45.031744800000006 +17004,47 Av N,-93.38044230000001,45.0402186 +17005,Yates Av,-93.3534923,45.0319135 +17006,Xenia Av N,-93.35256890000001,45.031616500000005 +17007,47 1/2 Av N,-93.38028870000001,45.0407783 +17008,Welcome Av,-93.3512348,45.0316081 +17009,47 1/2 Av N,-93.380457,45.0409844 +17010,Brunswick Av,-93.3577381,45.0324132 +17011,Brunswick Av,-93.3578557,45.0325657 +17012,Maryland Av,-93.3718302,45.032966 +17013,Adair Av,-93.3564707,45.032156300000004 +17014,Adair Av,-93.35610240000001,45.0322759 +17015,Nevada Av,-93.3727616,45.0329957 +17016,36 Av N,-93.3601613,45.0220709 +17017,Douglas Dr,-93.35983010000001,45.0328254 +17018,Regent Av,-93.34416970000001,45.0314862 +17019,Douglas Dr,-93.35967520000001,45.0326463 +17020,41 Av N,-93.3599959,45.0294341 +17021,42 Av N,-93.3599726,45.032476300000006 +17022,40 Av N,-93.3600157,45.0282901 +17023,40 Av N,-93.360178,45.0283272 +17024,Regent Av,-93.34452320000001,45.031278500000006 +17025,41 Av N,-93.3601721,45.0297403 +17026,41 Av N,-93.3442108,45.029488 +17027,42 Av / 41 Av,-93.3601891,45.031883 +17028,Perry Av N,-93.3414061,45.025976 +17029,42 Av N,-93.34421060000001,45.0309419 +17030,Perry Av N,-93.3418125,45.025842700000005 +17031,Regent Av N,-93.34397700000001,45.0259866 +17032,40 Av N,-93.3442208,45.027607800000006 +17033,39 Av N,-93.3442258,45.026112100000006 +17034,40 Av N,-93.3442771,45.027849800000006 +17035,Railroad Av,-93.34187390000001,45.0314695 +17036,Railroad Av,-93.3420215,45.031275 +17037,42 Av N,-93.3443433,45.031114200000005 +17038,41 Av N,-93.34434180000001,45.0297059 +17039,47 Av N,-93.3602501,45.0401972 +17040,Welcome / Hwy 100,-93.35037220000001,45.031280100000004 +17041,48 Av N,-93.3600918,45.041777700000004 +17042,Fairview Dr N,-93.3602652,45.043809800000005 +17043,46 Av N,-93.3600425,45.0381201 +17044,Fairview Dr N,-93.3601246,45.043524000000005 +17045,45 Av N,-93.36019300000001,45.0365124 +17046,43 Av N,-93.3600129,45.0341754 +17047,44 Av N,-93.3600461,45.0354888 +17048,47 Av N,-93.36006900000001,45.039784000000004 +17049,43 Av N,-93.3601745,45.0343352 +17050,45 Av N,-93.36002950000001,45.036300100000005 +17051,46 Av N,-93.36020470000001,45.038324800000005 +17052,44 Av N,-93.3601761,45.035535700000004 +17053,48 Av N,-93.36023320000001,45.0419764 +17054,Balsam Ln,-93.4241592,45.0469446 +17055,Arrowwood Ln,-93.4221595,45.0473901 +17056,50 Av N,-93.4210025,45.0448163 +17057,ZAchary Ln,-93.4213764,45.047341700000004 +17058,50 Av N,-93.4208699,45.044592900000005 +17059,Balsam Ln,-93.4244931,45.0467688 +17060,ZAchary Ln,-93.4213864,45.0472337 +17061,#6055,-93.4088552,45.061968400000005 +17062,Arrowwood Ln,-93.42241960000001,45.0472362 +17063,#5905,-93.41272020000001,45.0608072 +17064,51 Av N,-93.40577590000001,45.047202000000006 +17065,Nathan Ln,-93.41162580000001,45.062539400000006 +17066,Trenton Ln,-93.4112523,45.0627131 +17067,55 Av N,-93.40604350000001,45.053570900000004 +17068,51 Av N,-93.4011591,45.047814 +17069,51 Av N,-93.40565930000001,45.0473335 +17070,55 Av N,-93.40581680000001,45.053321100000005 +17071,51 Av N,-93.40125250000001,45.0476843 +17072,#5905,-93.41268840000001,45.0602931 +17073,#5420,-93.40058710000001,45.052378100000006 +17074,#9401,-93.39758950000001,45.0506504 +17075,Bass Lake Rd,-93.41359340000001,45.059055300000004 +17076,#9440,-93.3997051,45.0508206 +17077,Research Ctr,-93.39673060000001,45.054240400000005 +17078,Bass Lake Rd,-93.40831250000001,45.0587527 +17079,#5440,-93.40049470000001,45.0521959 +17080,Bass Lake Rd,-93.41390080000001,45.0587652 +17081,#9210,-93.3974537,45.0507982 +17082,International Pkwy,-93.39703850000001,45.0541874 +17083,56 Av N,-93.4077331,45.055396 +17084,Bass Lake Rd,-93.4080407,45.0589424 +17085,56 Av N,-93.40797950000001,45.0557054 +17086,Hw 169 Svc Rd E,-93.3995543,45.0542263 +17087,Hwy 169 Svc Rd,-93.3998102,45.050682300000005 +17088,#6055,-93.40960070000001,45.0626933 +17089,Hw 169 Svc Rd E,-93.39947020000001,45.054324300000005 +17090,Boone Av N,-93.39140610000001,45.050724300000006 +17091,Hwy 169 Svc Rd,-93.4016825,45.0511263 +17092,Nathan Ln,-93.4050627,45.0511464 +17093,Nathan Ln,-93.4052652,45.051091400000004 +17094,Hwy 169 Svc Rd,-93.4018003,45.0510746 +17095,50 Av N,-93.3905459,45.0462769 +17096,Boone Av N,-93.39022460000001,45.051016000000004 +17097,49 Av N,-93.39060740000001,45.0439571 +17098,50 Av N,-93.3906754,45.0464502 +17099,Boone Av N,-93.3911389,45.0505818 +17100,Science Ctr / 54 Av,-93.3906231,45.0508923 +17101,ZEaland / Boone,-93.3901682,45.0510747 +17102,International Pwy,-93.3938078,45.050608700000005 +17103,International Pwy,-93.3936874,45.050757100000006 +17104,Science Ctr Dr,-93.39077,45.0507708 +17105,56 Av N,-93.3906161,45.054615500000004 +17106,ZEaland Av N,-93.38822010000001,45.051024000000005 +17107,Research Ctr Rd E,-93.39072580000001,45.054549900000005 +17108,Wisconsin Av N,-93.38421840000001,45.050973500000005 +17109,Xylon Av N,-93.38613020000001,45.0509714 +17110,Pheasant Park Apts,-93.39070980000001,45.0559396 +17111,Bass Lake Rd,-93.39067630000001,45.057057400000005 +17112,#5632A,-93.39057670000001,45.0557637 +17113,Boone Place,-93.3905294,45.058613400000006 +17114,International Pkwy,-93.39421420000001,45.0537464 +17115,Boone Place,-93.3904004,45.058331800000005 +17116,Bass Lake Rd,-93.39052980000001,45.057143200000006 +17117,Boone Av N,-93.3909649,45.0543283 +17118,Xylon Av,-93.3864621,45.056786900000006 +17119,Wisconsin Av,-93.3848571,45.0565622 +17120,Wisconsin Av N,-93.38393190000001,45.051052000000006 +17121,Boone Av,-93.39012740000001,45.0575154 +17122,Xylon Av N,-93.3855025,45.051053800000005 +17123,Yukon Av N,-93.3866854,45.0510585 +17124,ZEaland Av,-93.3881698,45.0571448 +17125,ZEaland Av N,-93.3879555,45.051058100000006 +17126,Wisconsin Av,-93.3846903,45.056646900000004 +17127,Yukon Av N,-93.3869538,45.0509786 +17128,Yukon Av,-93.38699240000001,45.0569952 +17129,Boone Av,-93.3902908,45.0577533 +17130,Edgemont Blvd N,-93.39833780000001,45.069393600000005 +17131,60 1/2 Av N,-93.3906352,45.0632802 +17132,62 Av N,-93.39055090000001,45.0654119 +17133,60 Av N,-93.39062100000001,45.062091200000005 +17134,62 Av N,-93.39045080000001,45.0654727 +17135,60 1/2 Av N,-93.3904626,45.0630788 +17136,63 Av N,-93.40253600000001,45.0694839 +17137,Meadow Lake Rd,-93.3904859,45.061413200000004 +17138,Eagle Ridge (67 Av),-93.40590920000001,45.0765442 +17139,Edgemont Blvd,-93.3988322,45.0692919 +17140,67 Av N (Eagle Ridge),-93.40568680000001,45.076153500000004 +17141,Decatur Av,-93.3973309,45.0692723 +17142,#332,-93.42362870000001,45.077198300000006 +17143,Lancaster Ln,-93.4022443,45.069427700000006 +17144,Decatur Av,-93.39700950000001,45.069409500000006 +17145,64 Av N,-93.39102240000001,45.071037800000006 +17146,63 Av N,-93.3909972,45.069537100000005 +17147,Lancaster Ln,-93.4025996,45.0714033 +17148,North Brook Av,-93.3907743,45.0675967 +17149,64 Av (Lancaster),-93.4028797,45.071489500000006 +17150,63 Av N,-93.3906523,45.068989 +17151,North Brook Av,-93.39058650000001,45.067497 +17152,65 Av N,-93.4045758,45.0732135 +17153,64 Av N,-93.39089770000001,45.071014600000005 +17154,Cherokee Dr,-93.3911891,45.0730633 +17155,65 Av N,-93.40429590000001,45.073091600000005 +17156,Cherokee Dr,-93.3910185,45.072807100000006 +17157,Cavell Av N,-93.39372750000001,45.069255600000005 +17158,Northland Inn #2,-93.39321910000001,45.0821533 +17159,Magda Dr,-93.403462,45.0802028 +17160,Boone Av N,-93.391073,45.0691628 +17161,69 Av N,-93.40560450000001,45.079851500000004 +17162,Cavell Court N,-93.3927553,45.069350400000005 +17163,73 Av N,-93.3956141,45.0871403 +17164,#7024,-93.3954166,45.082439300000004 +17165,Boone Av N,-93.3911485,45.0693855 +17166,Winnetka Av N,-93.3807027,45.0509502 +17167,Northland Inn,-93.3942758,45.082407100000005 +17168,Modern Rd,-93.3918933,45.0777571 +17169,Northland Inn,-93.39469100000001,45.082300100000005 +17170,73 Av N,-93.3958003,45.0871134 +17171,Utah Av N,-93.3811371,45.0510461 +17172,Boone Av N,-93.3925701,45.082366500000006 +17173,Modern Rd,-93.3915654,45.0775279 +17174,Virginia Av N,-93.3828101,45.051049500000005 +17175,Northland Terrace,-93.39605590000001,45.0838046 +17176,Northland Terrace,-93.3959373,45.083648100000005 +17177,54 Av N,-93.38052780000001,45.0511478 +17178,Angeline Dr,-93.3805315,45.049291000000004 +17179,54 Av N,-93.3803745,45.0509216 +17180,Angeline Dr,-93.38034520000001,45.048934200000005 +17181,50 Av N,-93.38029820000001,45.0457759 +17182,53 Av N,-93.380375,45.050111900000005 +17183,50 Av N,-93.3804946,45.0460708 +17184,Utah Av N,-93.3817885,45.0509501 +17185,51 Av N,-93.3803166,45.046865100000005 +17186,51 Av N,-93.3805186,45.047057800000005 +17187,Virginia Av N,-93.3831363,45.050972300000005 +17188,55 Av N,-93.3805365,45.053035400000006 +17189,Sumter Av,-93.37837490000001,45.0547836 +17190,Nevada Av,-93.3729593,45.054646600000005 +17191,Pennsylvania,-93.37462380000001,45.0547686 +17192,55 Av N,-93.38037700000001,45.052798100000004 +17193,Rhode Island,-93.3770468,45.054778500000005 +17194,54 Av N,-93.3619345,45.0511501 +17195,Sumter Av,-93.3786657,45.054569300000004 +17196,55 Av N,-93.3626945,45.051935900000004 +17197,Rhode Island,-93.37737580000001,45.0546689 +17198,#5537 - Target,-93.3638473,45.0529445 +17199,#5537 - Target,-93.3643741,45.053152100000005 +17200,Pennsylvania,-93.3747391,45.0546438 +17201,55 Av N,-93.3632719,45.052123800000004 +17202,Jersey Av,-93.36819770000001,45.0548014 +17203,Jersey Av,-93.3686655,45.054552 +17204,W Broadway,-93.36622030000001,45.054587100000006 +17205,Maryland Av,-93.37158260000001,45.054635100000006 +17206,Sherburne Av,-93.3620125,45.0547704 +17207,W Broadway,-93.3651798,45.0547796 +17208,Maryland Av,-93.3707833,45.0547808 +17209,Nevada Av,-93.3721091,45.0547813 +17210,59 1/2 Av N,-93.3803749,45.061556100000004 +17211,Sherburne Av,-93.3628048,45.054570500000004 +17212,62 Av N,-93.3752748,45.065533900000005 +17213,#6007-6051,-93.37439880000001,45.0634184 +17214,St Therese Home,-93.3805576,45.057675 +17215,Broadway Vlg,-93.37391410000001,45.063170400000004 +17216,Wincrest Apts,-93.38039900000001,45.0576961 +17217,60 Av N,-93.3729775,45.0621613 +17218,60 Av N,-93.38037010000001,45.0624684 +17219,59 Av N,-93.3803802,45.060097600000006 +17220,59 1/2 Av N,-93.3804894,45.0616849 +17221,Bass Lake Rd,-93.38054500000001,45.055381600000004 +17222,61 Av N,-93.3803474,45.063855800000006 +17223,60 1/2 Av N,-93.38049570000001,45.063523700000005 +17224,Bass Lake Rd,-93.3803568,45.055524600000005 +17225,60 Av N,-93.38048260000001,45.0625901 +17226,#8109,-93.3829942,45.0559771 +17227,59 Av N,-93.3805239,45.0607971 +17228,62 Av N,-93.3804856,45.065488900000005 +17229,Winnetka Av,-93.38075210000001,45.0550821 +17230,61 Av N,-93.3804886,45.064430800000004 +17231,Winnetka Av,-93.38026260000001,45.0551297 +17232,St Therese,-93.38270800000001,45.0559973 +17233,62 Av N,-93.3803257,45.0655629 +17234,Cloverdale Av,-93.36774360000001,45.0569634 +17235,60 Av N,-93.3724504,45.0618135 +17236,Bass Lake Rd,-93.36587200000001,45.055088000000005 +17237,Bass Lake Rd,-93.3662781,45.0551003 +17238,Dudley Av N,-93.3698852,45.0591371 +17239,Kentucky Av N,-93.3693094,45.0582979 +17240,Corvallis Av N,-93.3601392,45.0455538 +17241,58 Av N,-93.36885070000001,45.0580609 +17242,Corvallis Av N,-93.36028470000001,45.045618000000005 +17243,Cloverdale Av,-93.36833130000001,45.0573503 +17244,59 Av N,-93.3712328,45.060331100000006 +17245,59 Av N,-93.3707212,45.060010600000005 +17246,58 Av N,-93.3699084,45.0589564 +17247,57 Av N,-93.36690010000001,45.0560995 +17248,57 Av N,-93.36725560000001,45.056129600000006 +17249,50 Av N,-93.3600991,45.044547300000005 +17250,Douglas Dr,-93.3604569,45.0500387 +17251,Elmhurst Av,-93.3602278,45.0545108 +17252,50 Av N,-93.360257,45.0447179 +17253,Elmhurst Av,-93.35995600000001,45.0547953 +17254,52 Av N,-93.36011880000001,45.0481284 +17255,Brunswick Av,-93.35717430000001,45.0547179 +17256,Adair Av,-93.35634130000001,45.0545768 +17257,52 Av N,-93.36033250000001,45.0482959 +17258,Xenia Av,-93.35247050000001,45.0546924 +17259,ZAne Av,-93.3549644,45.0547194 +17260,51 Place N,-93.3601335,45.0471252 +17261,ZAne Av,-93.3553231,45.0545946 +17262,51 Place N,-93.3603513,45.0473167 +17263,Welcome Av,-93.3511033,45.0546151 +17264,Yates Av,-93.3536541,45.0547136 +17265,53 Av N,-93.36012500000001,45.0492944 +17266,Adair Av,-93.35615750000001,45.054726800000005 +17267,Welcome Av,-93.3514145,45.054536600000006 +17268,54 Av N,-93.3614988,45.0510905 +17269,Xenia Av,-93.35266410000001,45.0545951 +17270,53 Av N,-93.3603623,45.049556900000006 +17271,Douglas Dr,-93.36046850000001,45.0503109 +17272,Yates Av,-93.35394930000001,45.0545933 +17273,Quail Av,-93.34388410000001,45.053595300000005 +17274,Toledo Av,-93.3476289,45.0540479 +17275,Quail Av,-93.34343430000001,45.053663400000005 +17276,Unity Av,-93.3486196,45.054252500000004 +17277,#5607,-93.3412571,45.0544456 +17278,Regent Av,-93.3440451,45.0537511 +17279,Perry Av,-93.3422661,45.0535701 +17280,Unity Av,-93.3489411,45.054166 +17281,Vera Cruz Av,-93.34987770000001,45.0543915 +17282,Toledo Av,-93.34727430000001,45.054140100000005 +17283,58 Av N,-93.3404469,45.0583806 +17284,Perry Av,-93.3428305,45.0534331 +17285,Regent Av,-93.34509080000001,45.053772800000004 +17286,57 Av N,-93.3408101,45.0566526 +17287,#5607,-93.34114410000001,45.0542673 +17288,58 Av N,-93.3403231,45.0581966 +17289,Vera Cruz Av,-93.3501861,45.054318300000006 +17290,57 Av N,-93.3407689,45.055996 +17291,62 Av N,-93.37545270000001,45.0659251 +17292,Iris Dr,-93.3812714,45.076180300000004 +17293,Noid Dr,-93.3812144,45.075277500000006 +17294,63 Av N,-93.3756807,45.069137000000005 +17295,Iris Dr,-93.38116210000001,45.0759227 +17296,66 Av N,-93.38115540000001,45.0743765 +17297,63 Av N,-93.37555680000001,45.069083500000005 +17298,Noid Dr,-93.3811048,45.0750175 +17299,63 Av N,-93.38081150000001,45.069496900000004 +17300,Aster Dr,-93.3811165,45.0734453 +17301,66 Av N,-93.3810629,45.0741096 +17302,64 Av N,-93.3808716,45.071344100000005 +17303,65 Av N,-93.3810668,45.0724983 +17304,Aster Dr,-93.38101040000001,45.0732015 +17305,63 Av N,-93.38067000000001,45.0689713 +17306,64 Av N,-93.3809796,45.0715822 +17307,67 Av N,-93.3812072,45.076812000000004 +17308,65 Av N,-93.3809643,45.0722857 +17309,Florida Av N,-93.36273770000001,45.0693871 +17310,64 Av N #2,-93.3656809,45.0706426 +17311,Hwy 81 / Hampshire Av,-93.36615830000001,45.0691405 +17312,#6550,-93.3646695,45.0764421 +17313,Hampshire Av / Hwy 81,-93.3665588,45.0693804 +17314,#6400,-93.3619764,45.076113500000005 +17315,64 Av N #1,-93.3657445,45.0721106 +17316,Louisiana Av N,-93.3702695,45.0693725 +17317,65 Av N,-93.36583780000001,45.073143200000004 +17318,Louisiana Av N,-93.3707102,45.0691806 +17319,Dutton Av N,-93.36588180000001,45.0739217 +17320,#6550,-93.3645599,45.076331100000004 +17321,Gate D,-93.3700135,45.071093700000006 +17322,#6400,-93.36206750000001,45.076001700000006 +17323,65 Av N,-93.36568600000001,45.072748600000004 +17324,63 Av N,-93.3655353,45.0694455 +17325,64 Av N #2,-93.3656227,45.071742 +17326,Florida Av,-93.3630875,45.069224500000004 +17327,Idaho Av,-93.3663841,45.075230100000006 +17328,Dutton Av N,-93.3657632,45.0737478 +17329,Forest Av,-93.36478140000001,45.069208 +17330,73 Av N,-93.37671300000001,45.0875183 +17331,73 Av N,-93.3764838,45.0871427 +17332,63 Av N,-93.3654296,45.0695405 +17333,64 Av N #1,-93.36554500000001,45.0707211 +17334,72 Ln / 71 Av,-93.37573610000001,45.0845366 +17335,Hampshire Av N,-93.3660155,45.0751793 +17336,72 Ln N,-93.3757597,45.0847478 +17337,69 Av N,-93.37651480000001,45.080764900000005 +17338,Idaho Av N,-93.3662738,45.0765344 +17339,69 Av N,-93.3763687,45.080566000000005 +17340,72 Ln N,-93.3763186,45.0850535 +17341,Myers Av,-93.3764683,45.0798082 +17342,Myers Av,-93.3763358,45.0797151 +17343,ZAne Av N,-93.35437370000001,45.0694445 +17344,68 Av N,-93.3764062,45.0788917 +17345,68 Av N,-93.37627300000001,45.078948000000004 +17346,West Broadway,-93.37646760000001,45.077611700000006 +17347,Quebec Av N,-93.3776014,45.0779031 +17348,Quebec Av N,-93.3777015,45.0777992 +17349,Modern Rd,-93.3812563,45.0776119 +17350,Douglas Dr N,-93.3600856,45.069394800000005 +17351,67 Av N,-93.38132540000001,45.077091900000006 +17352,Douglas Dr,-93.36049320000001,45.069243400000005 +17353,71 Av N,-93.35595,45.082173600000004 +17354,Edgewood Av,-93.361728,45.069259300000006 +17355,Brunswick Av,-93.3579703,45.069266500000005 +17356,65 Av N,-93.35550090000001,45.072989400000004 +17357,ZAne Av N,-93.3555068,45.072830200000006 +17358,63 Av N,-93.35457120000001,45.069666000000005 +17359,Douglas Dr,-93.3610635,45.075827000000004 +17360,65 Av N,-93.3607379,45.073028900000004 +17361,Welcome Av N,-93.3513643,45.0693987 +17362,Perry Av N,-93.34233280000001,45.0693713 +17363,ZAne Av N,-93.3542625,45.0692414 +17364,Scott Av N,-93.34599870000001,45.0693635 +17365,Unity Av N,-93.34933740000001,45.069346800000005 +17366,Welcome Av N,-93.3515699,45.0692492 +17367,Scott Av N,-93.3464917,45.069272000000005 +17368,Perry Av N,-93.3427405,45.0692819 +17369,67 Av N,-93.36079050000001,45.0756251 +17370,Unity Av N,-93.34973140000001,45.0692602 +17371,Douglas Dr,-93.360228,45.0729939 +17372,69 Av N,-93.3558581,45.0797399 +17373,69 Av N,-93.35603210000001,45.079791300000004 +17374,ZAne Av N,-93.3562517,45.072962700000005 +17375,Bethia Lane,-93.3559108,45.0809227 +17376,65 Av N,-93.3553753,45.0734435 +17377,Woodbine Ln,-93.34100400000001,45.086693700000005 +17378,Bethia Lane,-93.35611420000001,45.0811482 +17379,Unity Av N,-93.3510595,45.087628 +17380,#5700,-93.35306440000001,45.0873013 +17381,#5880,-93.35524550000001,45.0873082 +17382,73 Av N,-93.35611490000001,45.086836500000004 +17383,Noble Av N,-93.34111820000001,45.084224600000006 +17384,#5805,-93.35316610000001,45.087199000000005 +17385,#5849,-93.35538770000001,45.087210400000004 +17386,Unity Av N,-93.35139960000001,45.0873354 +17387,Colorado Av N,-93.3561361,45.084217100000004 +17388,71 Av N,-93.35608660000001,45.0825739 +17389,Colorado Av N,-93.3562732,45.084745500000004 +17390,Noble Av N,-93.3407471,45.0868819 +17391,ZAne Court,-93.3562983,45.0860697 +17392,Woodbine Ln,-93.34117930000001,45.0866266 +17393,Noble Av N,-93.34066290000001,45.0868351 +17394,Brooklyn Blvd,-93.34108090000001,45.0849205 +17395,Main Entrances,-93.3858072,45.100256300000005 +17396,Walmart,-93.38645860000001,45.099127800000005 +17397,Main En,-93.3984193,45.095832 +17398,96 Av N,-93.4250162,45.1294777 +17399,79 Av N,-93.38503800000001,45.098419 +17400,Xylon Court,-93.3869379,45.1116095 +17401,85 Av N,-93.3869341,45.1094473 +17402,ZEaland Av N,-93.38689600000001,45.114205000000005 +17403,85 Av N,-93.38709460000001,45.110200000000006 +17404,75 Av N,-93.3958271,45.090301200000006 +17405,Xylon Court,-93.38705470000001,45.1118364 +17406,ZEaland Av N,-93.387005,45.114428000000004 +17407,75 Av N,-93.3956785,45.089896 +17408,89 Av N,-93.3868692,45.115962800000005 +17409,Xylon Av N,-93.38641240000001,45.1088615 +17410,89 Av N,-93.3843195,45.116434600000005 +17411,89 Av N,-93.3869873,45.1159076 +17412,Xylon Av N,-93.3866521,45.109103100000006 +17413,89 Av N,-93.38453100000001,45.116265600000006 +17414,Lakeland Av N,-93.38459710000001,45.0980683 +17415,Gate A,-93.3796186,45.0932881 +17416,76 Av N,-93.37658010000001,45.0925452 +17417,Walmart,-93.38694910000001,45.0991483 +17418,74 Way N,-93.3765561,45.089155000000005 +17419,Brooklyn Blvd,-93.38176410000001,45.0951703 +17420,74 Av N,-93.37651220000001,45.0883155 +17421,75 Av N,-93.3765673,45.0900004 +17422,76 Av N,-93.3768821,45.092479100000006 +17423,West Broadway,-93.3753976,45.094388800000004 +17424,75 Av N,-93.37673930000001,45.090283 +17425,74 Way N,-93.3767021,45.089332000000006 +17426,Georgia Av N,-93.3663521,45.094551800000005 +17427,Jolly Lane,-93.3766837,45.0886397 +17428,Gate C,-93.3792683,45.093512000000004 +17429,Hampshire Av N,-93.3677473,45.0945375 +17430,Gate B,-93.37922420000001,45.093620900000005 +17431,Tessman Dr,-93.36288300000001,45.09454 +17432,Dragon Star,-93.3768793,45.0962374 +17433,Mgm Liquors,-93.3766422,45.0956916 +17434,Kentucky Av N,-93.3718987,45.094416300000006 +17435,Applebees,-93.3737698,45.094418600000004 +17436,Oreilly Autoparts,-93.37415030000001,45.094606500000005 +17437,Hampshire Av N,-93.36675600000001,45.0944097 +17438,Jolly Ln,-93.38156210000001,45.0946748 +17439,Kentucky Av N,-93.3714144,45.0945569 +17440,Tessman Dr,-93.3631189,45.0943935 +17441,82 Av N,-93.37693900000001,45.102295700000006 +17442,82 Av N,-93.3767529,45.1025232 +17443,85 Av N,-93.3769518,45.1094753 +17444,85 Av N,-93.3767581,45.109495800000005 +17445,College Park Dr,-93.376771,45.104330600000004 +17446,84 Av N,-93.37669190000001,45.106549 +17447,Sumter Av N,-93.3815424,45.108937700000006 +17448,West Broadway,-93.3764548,45.099870100000004 +17449,85 Court,-93.38312950000001,45.1088712 +17450,West Broadway,-93.3761379,45.0997478 +17451,West Broadway Av,-93.37749120000001,45.108876800000004 +17452,Maplebrook Pkwy,-93.38012,45.1088907 +17453,Douglas Dr,-93.36213000000001,45.1039126 +17454,Maplebrook Pkwy,-93.37996580000001,45.109134700000006 +17455,85 Court,-93.38301410000001,45.1090979 +17456,Sumter Av N,-93.38142110000001,45.1090804 +17457,84 Av N,-93.37699740000001,45.105908400000004 +17458,College Park Dr,-93.37696700000001,45.1046196 +17459,Louisiana Av N,-93.3727243,45.100204100000006 +17460,Shingle Crk Dr,-93.37139090000001,45.1020778 +17461,Kentucky Av N,-93.3705274,45.1032895 +17462,Idaho Av N,-93.3693733,45.1087945 +17463,Kentucky Av N,-93.3705264,45.108822200000006 +17464,Idaho Av N,-93.3685526,45.1037702 +17465,Tessman Farm Rd,-93.3669479,45.108750300000004 +17466,Idaho Av N,-93.36890980000001,45.109066600000006 +17467,Hampshire Ct,-93.3662436,45.103872700000004 +17468,Tessman Farm Rd,-93.36655,45.108972300000005 +17469,Florida Court,-93.3638648,45.103745700000005 +17470,Kentucky Av N,-93.3704704,45.1090516 +17471,Unity Av N,-93.3510329,45.091554 +17472,Florida Court,-93.3635993,45.1039298 +17473,Welcome Av N,-93.3535106,45.092964200000004 +17474,Welcome Av N,-93.3543128,45.0931701 +17475,Hampshire Ct,-93.36599960000001,45.103988400000006 +17476,Unity Av N,-93.3510088,45.0912882 +17477,Idaho Av N,-93.3682943,45.103860700000006 +17478,74 Av N,-93.35624890000001,45.0896064 +17479,#7601,-93.3562704,45.093049 +17480,Kentucky Av N,-93.37026110000001,45.1037436 +17481,74 Av N,-93.3563955,45.0899214 +17482,Shingle Creek Dr,-93.3713766,45.1023508 +17483,Louisiana Av N,-93.372617,45.100619300000005 +17484,Brooklyn Blvd,-93.3565148,45.093670100000004 +17485,#7451,-93.3479126,45.088977400000005 +17486,ZAne Av N,-93.35668070000001,45.094179700000005 +17487,Welcome Av N,-93.3535363,45.0953633 +17488,Brookdale Dr,-93.3563074,45.09573 +17489,79 Av N,-93.3563847,45.0980366 +17490,#7845,-93.3548023,45.0975156 +17491,Brunswick Av N,-93.3585467,45.094533600000005 +17492,#7455,-93.3495781,45.0883393 +17493,Shingle Creek Dr,-93.36032440000001,45.0945407 +17494,Regent Av N,-93.347773,45.089714900000004 +17495,Brunswick Av N,-93.35834820000001,45.0943893 +17496,Douglas Dr,-93.3616248,45.0943953 +17497,#7455,-93.3496502,45.0882045 +17498,77 Av N,-93.3515551,45.0959025 +17499,77 Av N,-93.3517826,45.0956938 +17500,Brooklyn Blvd,-93.34790600000001,45.089111200000005 +17501,ZAne Av N,-93.35614170000001,45.0954478 +17502,74 Av N,-93.34117540000001,45.088555500000005 +17503,Welcome Av N,-93.3530628,45.095503300000004 +17504,75 Av N,-93.341243,45.090905500000005 +17505,74 Av N,-93.3410635,45.0887017 +17506,Brookdale Ct (W),-93.3488095,45.097742700000005 +17507,Regent Av N,-93.3458626,45.0981388 +17508,75 Av N,-93.34108690000001,45.090741 +17509,Quail Av N,-93.34491580000001,45.0981589 +17510,Noble Av N,-93.34145720000001,45.0981426 +17511,76 Av N,-93.3411337,45.0929288 +17512,78 Lane N,-93.3411942,45.096940700000005 +17513,78 Av N,-93.34119430000001,45.095400700000006 +17514,78 Lane N,-93.34130010000001,45.097192500000006 +17515,Noble Av N,-93.3415568,45.098038700000004 +17516,78 Av N,-93.3413118,45.0955899 +17517,Quail Av N,-93.3451988,45.098059600000006 +17518,Regent Av N,-93.3467828,45.0980519 +17519,76 Av N,-93.3412917,45.0937148 +17520,Brookdale Ct (W),-93.3491128,45.097487300000004 +17521,Unity Av N,-93.35072690000001,45.0963125 +17522,Candlewood Dr,-93.36178810000001,45.104053 +17523,Candlewood Dr,-93.3564279,45.1026128 +17524,92 Av N,-93.3817107,45.1214212 +17525,Unity Av N,-93.3506425,45.096496900000005 +17526,80 Av N,-93.356392,45.0997113 +17527,80 Av N,-93.35464110000001,45.099615 +17528,84 Court N,-93.3617219,45.1072086 +17529,Candlewood Dr,-93.3566163,45.1026778 +17530,83 Place N,-93.3615441,45.105139300000005 +17531,83 Place N,-93.3616988,45.1053142 +17532,Kensington Place,-93.3564619,45.1057311 +17533,84 1/2 Av N,-93.3564903,45.106752 +17534,Brunswick Av N,-93.359953,45.108918 +17535,83 Pkwy,-93.3566409,45.1054563 +17536,Adair Av N,-93.35668190000001,45.1069873 +17537,Douglas Dr,-93.36137860000001,45.1089756 +17538,84 Court N,-93.3615929,45.107058300000006 +17539,85 Av N,-93.3564401,45.109416 +17540,ZAne Av N,-93.357433,45.1089542 +17541,Adair Av N,-93.3586963,45.1089539 +17542,85 Av N,-93.3617543,45.1084918 +17543,85 Av N,-93.356717,45.1083532 +17544,Adair Av N,-93.35907750000001,45.108761400000006 +17545,90 Trail N,-93.37319310000001,45.1187011 +17546,Douglas / Brunswick,-93.3607369,45.108727300000005 +17547,Nevada Av,-93.3742996,45.1187223 +17548,85 Av N,-93.3615932,45.108507 +17549,89 Av N,-93.3767261,45.11636 +17550,90 Trail N,-93.3735168,45.118666100000006 +17551,83 Circle (W),-93.3400101,45.1052928 +17552,89 Av N,-93.3745392,45.116619500000006 +17553,Noble Av N,-93.34110410000001,45.105304600000004 +17554,Nevada Av N,-93.37480260000001,45.118658100000005 +17555,SetzLer Court,-93.3691625,45.1173701 +17556,85 Av N,-93.34125660000001,45.1086041 +17557,Kentucky Av,-93.3701875,45.1178771 +17558,Louisiana Av,-93.3720301,45.1185355 +17559,Maplebrook Pwy,-93.37680800000001,45.114343100000006 +17560,Georgia Av,-93.364356,45.118231200000004 +17561,Maplebrook Ter,-93.37669960000001,45.1139546 +17562,Hampshire Av,-93.36556150000001,45.117900600000006 +17563,SetzLer Pkwy,-93.36631080000001,45.116352000000006 +17564,Louisiana Av,-93.3724746,45.118559000000005 +17565,Idaho Av,-93.3674034,45.116521000000006 +17566,92 Av N,-93.3818152,45.12149 +17567,Brunswick Av,-93.3595746,45.1196143 +17568,Colorado Av,-93.3609325,45.119573300000006 +17569,Nedderson Pkwy,-93.36705280000001,45.116253900000004 +17570,Edinbrook Terrace,-93.3567074,45.111750400000005 +17571,88 Crescent,-93.3566541,45.1133771 +17572,Hampshire Av,-93.36562830000001,45.117701700000005 +17573,Regent Pkwy,-93.3566031,45.116250400000006 +17574,Kentucky Av,-93.37060790000001,45.117960800000006 +17575,ZAne Av N,-93.3568714,45.119574 +17576,Regent Pkwy,-93.3562548,45.115807100000005 +17577,Idaho Av,-93.3677931,45.1166046 +17578,88 Crescent,-93.3563276,45.1130293 +17579,Edinbrook Terrace,-93.35636600000001,45.1112933 +17580,SetzLer Court,-93.3695326,45.117443300000005 +17581,Colorado Av,-93.36056810000001,45.119725 +17582,Neddersen Cir,-93.3625966,45.118799300000006 +17583,Brunswick Av,-93.35931500000001,45.1197238 +17584,ZAne Av N,-93.3568182,45.1197426 +17585,Neddersen Cir,-93.36470700000001,45.1180516 +17586,91 Av,-93.3624726,45.119083800000006 +17587,Elm Creek Apts #1,-93.3943194,45.167604600000004 +17588,Champlin Dr Apts,-93.3930043,45.1682561 +17589,Holiday Gas,-93.3765133,45.125623000000004 +17590,Champlin Dr Apts,-93.39310920000001,45.168106200000004 +17591,Holiday Gas,-93.37680950000001,45.126014100000006 +17592,Elm Creek Apts,-93.39448390000001,45.1674049 +17593,Champlin Dr,-93.39482770000001,45.166553500000006 +17594,93 Av N,-93.38167030000001,45.122841400000006 +17595,Elm Creek Apts #2,-93.3951839,45.166751700000006 +17596,93 Av N,-93.38177870000001,45.123099100000005 +17597,120 Av Nw,-93.3931446,45.173223 +17598,120 Av Nw,-93.3933171,45.173613100000004 +17599,Oak Grove Pkwy,-93.37743780000001,45.133841100000005 +17600,Emery Village Dr,-93.38635880000001,45.166523100000006 +17601,Virginia Av,-93.38393950000001,45.1663118 +17602,Emery Village Dr,-93.38667290000001,45.166436600000004 +17603,Noble Cul-De-Sac,-93.3399232,45.1534117 +17604,Oak Grove Pkwy,-93.37720820000001,45.1339879 +17605,Target - Building D,-93.37015670000001,45.1327191 +17606,Target Building B,-93.3697796,45.134515900000004 +17607,Florida Av,-93.36338980000001,45.166239700000006 +17608,Noble Cul-De-Sac,-93.3403033,45.153535700000006 +17609,Jersey Av,-93.3675989,45.16639 +17610,Georgia Av,-93.3652167,45.166279 +17611,Oregon Av,-93.3751338,45.166398900000004 +17612,Edgewood Av,-93.36359370000001,45.166343100000006 +17613,Jersey Av,-93.3683512,45.166274400000006 +17614,Quebec Av,-93.3784854,45.1664116 +17615,Louisiana Av,-93.3706746,45.166404500000006 +17616,Louisiana Av,-93.37091570000001,45.1662916 +17617,Quebec Av,-93.3786544,45.1663209 +17618,Kentucky Circle,-93.3700627,45.173567500000004 +17619,Winnetka Av,-93.381202,45.1663215 +17620,Kentucky Circle,-93.3702267,45.173508000000005 +17621,Louisiana Av N,-93.3713845,45.173649700000006 +17622,Oregon Av,-93.375286,45.1663013 +17623,Louisiana Av N,-93.3711993,45.1738079 +17624,Idaho Av N,-93.367203,45.1729849 +17625,Winnetka Av,-93.3805124,45.166439100000005 +17626,Idaho Av N,-93.36742980000001,45.172946200000005 +17627,Utah Av,-93.3830061,45.166464700000006 +17628,York Av,-93.3194914,45.0205762 +17629,Pennsylvania Av,-93.37641210000001,45.1755579 +17630,120 Av N,-93.3664578,45.1727543 +17631,Georgia Av,-93.3649103,45.1663584 +17632,Hampshire Av,-93.3661386,45.1728024 +17633,Xenia Av N,-93.3519242,45.1615869 +17634,Florida Av N,-93.36396140000001,45.171994700000006 +17635,Florida Av N,-93.3638907,45.172041300000004 +17636,119 Place,-93.36244260000001,45.1712075 +17637,Edgewood Ct,-93.36227620000001,45.1712472 +17638,Toledo Av N,-93.3478652,45.1582087 +17639,Xenia Av N,-93.3518241,45.1616653 +17640,Riverview Entry,-93.35431390000001,45.164311000000005 +17641,Perry Av N,-93.34230400000001,45.154886700000006 +17642,Welcome Av N,-93.35119320000001,45.1610274 +17643,Oxbow Trail,-93.34610310000001,45.1569884 +17644,Perry Av N,-93.34231030000001,45.1547427 +17645,Welcome Av N,-93.3511469,45.160864700000005 +17646,Riverview Entry,-93.3540055,45.1641251 +17647,Vera Cruz Av,-93.35010220000001,45.159802600000006 +17648,Yates Av N,-93.35239,45.1622933 +17649,Yates Av N,-93.3526016,45.1623667 +17650,Vera Cruz Av,-93.3498615,45.159704600000005 +17651,Oxbow Trail,-93.3462056,45.1572242 +17652,Creek View Ln,-93.3477721,45.1580032 +17653,Douglas Dr,-93.36010680000001,45.1697118 +17654,#11827,-93.3585146,45.1685272 +17655,117 Av P&R,-93.3567816,45.166912 +17656,111 Av Nw,-93.3438174,45.173753000000005 +17657,Mississippi Blvd,-93.34670410000001,45.175199500000005 +17658,111 Av Nw,-93.3433426,45.173159500000004 +17659,Mississippi Boulevard,-93.3461364,45.1745955 +17660,Spruce Trail (S),-93.3387812,45.001152700000006 +17661,Spruce Trail (N),-93.33873100000001,45.0023842 +17662,Spruce Trail (S),-93.33873000000001,45.000998100000004 +17663,West River Rd,-93.36062720000001,45.1697915 +17664,Bassett Creek Dr,-93.33885810000001,45.0044915 +17665,Spruce Trail (N),-93.33881480000001,45.0025933 +17666,117 Av P&R,-93.35736870000001,45.1663123 +17667,Bassett Creek Ln,-93.3387697,45.0041658 +17668,Indiana/Legend,-93.3323977,45.000049600000004 +17669,Douglas Dr,-93.36035030000001,45.166340600000005 +17670,Colorado Av N,-93.359448,45.1692483 +17671,#4225,-93.3337127,45.0001825 +17672,Bonnie Ln,-93.3262589,45.0004761 +17673,Kyle Place,-93.3350169,45.0001905 +17674,Kyle Place,-93.33526880000001,45.0001636 +17675,Major Cir N,-93.3363941,45.0001456 +17676,Major Dr N,-93.3363858,45.0001059 +17677,Bonnie Ln,-93.3252915,45.0003748 +17678,Dawnview Terrace,-93.3387701,45.0086937 +17679,Hampton Rd,-93.33877190000001,45.0060159 +17680,Bassett Creek,-93.3279952,45.0000262 +17681,Dawnview Terrace,-93.3388759,45.0089814 +17682,Glenwood Pkwy,-93.3207189,45.000160900000004 +17683,Hampton Rd,-93.33884300000001,45.0060282 +17684,Culver Rd,-93.3387682,45.009579800000004 +17685,33 Av N,-93.33875570000001,45.0151161 +17686,Culver Rd,-93.33885620000001,45.0098641 +17687,Theo Wirth Pkwy,-93.32237260000001,45.000440000000005 +17688,33 Av N,-93.3388874,45.0152469 +17689,Theo Wirth Pkwy,-93.3225735,45.000539700000004 +17690,Adell Av N,-93.33885400000001,45.014498100000004 +17691,Adell Av N,-93.33880020000001,45.014206800000004 +17692,35 Av N,-93.33876860000001,45.0185364 +17693,Lowry Terrace,-93.3388063,45.0131973 +17694,35 Av N,-93.3388934,45.0188532 +17695,Major Av N,-93.33738020000001,45.020577800000005 +17696,Lowry Terrace,-93.33886460000001,45.0134242 +17697,Major Av N,-93.3377208,45.0204364 +17698,Elmdale Rd,-93.3389001,45.011579700000006 +17699,Noble Av N,-93.33857450000001,45.0204359 +17700,Kyle Av N,-93.3350803,45.0205678 +17701,Elmdale Rd,-93.33881260000001,45.0113702 +17702,Lee Av N,-93.33652740000001,45.0204534 +17703,Kyle Av N,-93.33516730000001,45.0204481 +17704,34 Av N,-93.33883460000001,45.017081100000006 +17705,36 Av N,-93.3387359,45.0208061 +17706,34 Av N,-93.3387718,45.0167571 +17707,36 Av N,-93.3389344,45.0202411 +17708,36 Av N,-93.3386998,45.020397 +17709,June Av N,-93.33389290000001,45.0204577 +17710,Halifax Av N,-93.33143410000001,45.020454400000006 +17711,Halifax Av N,-93.3309773,45.0205702 +17712,France / Grimes,-93.32919600000001,45.020563700000004 +17713,Xerxes Av N,-93.3182776,45.020509100000005 +17714,North Mem Med Ctr,-93.32076140000001,45.0141338 +17715,Xerxes Av N,-93.31867100000001,45.0203849 +17716,Washburn Av N,-93.31852190000001,45.020425700000004 +17717,North Memorial,-93.3229383,45.014735900000005 +17718,36 Av N,-93.32866290000001,45.020315700000005 +17719,36 Av N,-93.3285151,45.020027000000006 +17720,Oakdale Medical Ctr,-93.32253560000001,45.0147477 +17721,35 Av N,-93.32868710000001,45.0188745 +17722,34 Av N,-93.3287018,45.017142400000004 +17723,Drew Av N,-93.325809,45.0158131 +17724,35 Av N,-93.3285613,45.018562800000005 +17725,Chowen Av N,-93.3245777,45.015448500000005 +17726,France Av N,-93.32805640000001,45.016623800000005 +17727,Penn Av N,-93.3079211,45.003617000000006 +17728,Chowen Av N,-93.3251029,45.015522700000005 +17729,Penn Av N,-93.30862730000001,45.0042175 +17730,23 Av N,-93.30809160000001,45.002484800000005 +17731,Xerxes Av N,-93.31873660000001,45.0113976 +17732,West Broadway,-93.3204357,45.013876200000006 +17733,West Broadway,-93.3082148,45.0036263 +17734,Oakdale / Abbott,-93.32085690000001,45.015153100000006 +17735,21 Av N,-93.3081434,45.0007091 +17736,21 Av N,-93.3082911,45.0004543 +17737,Drew Av N,-93.3263579,45.01597 +17738,West Broadway,-93.30820840000001,45.0042914 +17739,York / Victory Memorial,-93.3193347,45.0204092 +17740,23 Av N,-93.30830040000001,45.002427600000004 +17741,26 Av N,-93.3082845,45.005834400000005 +17742,27 Av N,-93.3132267,45.0076903 +17743,29 Av N,-93.3153437,45.0098089 +17744,27 Av N,-93.3137342,45.0079714 +17745,29 Av N,-93.3147974,45.0095004 +17746,26 Av N,-93.3119125,45.0061303 +17747,26 Av N,-93.3112397,45.0058963 +17748,West Broadway,-93.3108725,45.0060026 +17749,27 Av N,-93.3082863,45.007989900000005 +17750,Oliver (Logan),-93.3062058,45.0025009 +17751,West Broadway,-93.31134250000001,45.0060906 +17752,Logan (Oliver),-93.30576230000001,45.0021064 +17753,Morgan Av N,-93.30457480000001,45.000118400000005 +17754,Penn Av N,-93.3080178,45.006107300000004 +17755,Morgan Av N,-93.30443770000001,45.0002112 +17756,Penn Av N,-93.3083893,45.0059369 +17757,Newton Av N,-93.3055075,45.0060913 +17758,Knox Av N,-93.3021114,45.005982700000004 +17759,26 Av N,-93.3081159,45.0063825 +17760,Morgan Av N,-93.30461620000001,45.0059805 +17761,Humboldt Av N,-93.29789290000001,45.006027 +17762,29 Av N,-93.3083143,45.009791 +17763,Knox Av N,-93.3017045,45.006067 +17764,29 Av N,-93.3081547,45.0094654 +17765,27 Av N,-93.3081557,45.007716900000005 +17766,Humboldt Av N,-93.2983214,45.0059844 +17767,Penn Av N,-93.3079603,45.013383100000006 +17768,Vincent Av N,-93.3160768,45.013190900000005 +17769,Thomas Av N,-93.3131585,45.013347100000004 +17770,Vincent Av N,-93.3156625,45.013331300000004 +17771,Thomas Av N,-93.3135335,45.0131892 +17772,Lowry Av N,-93.3159495,45.013412900000006 +17773,Russell Av N,-93.31099660000001,45.0131688 +17774,Lowry Av N,-93.31728190000001,45.0130866 +17775,33 Av N,-93.31589650000001,45.0149522 +17776,Russell Av N,-93.31057360000001,45.013325900000005 +17777,Washburn Av N,-93.3169276,45.015134800000006 +17778,33 Av N,-93.31721630000001,45.0151738 +17779,Penn Av N,-93.3084963,45.0131741 +17780,Vincent Av N,-93.3170468,45.015046600000005 +17781,Penn Av N,-93.3085209,45.013400100000005 +17782,Lowry Av N,-93.308411,45.013506400000004 +17783,33 Av N,-93.3081779,45.0148767 +17784,Lowry Av N,-93.3080891,45.013038 +17785,35 Av N,-93.31724000000001,45.0187845 +17786,35 Av N,-93.317137,45.0186135 +17787,30 Av N,-93.30814740000001,45.011296900000005 +17788,34 Av N,-93.31713760000001,45.016744700000004 +17789,34 Av N,-93.31723620000001,45.016960100000006 +17790,30 Av N,-93.3083733,45.011576100000006 +17791,36 Av N,-93.3171418,45.0203153 +17792,36 Av N,-93.3081777,45.0203037 +17793,36 Av N,-93.30840020000001,45.020620400000006 +17794,35 Av N,-93.30836280000001,45.0188299 +17795,35 Av N,-93.30817760000001,45.018487300000004 +17796,34 Av N,-93.3082143,45.016654700000004 +17797,34 Av N,-93.30834060000001,45.017003900000006 +17798,James Av N,-93.3008685,45.013127100000005 +17799,38 Av N,-93.3388499,45.023983900000005 +17800,33 Av N,-93.30832090000001,45.015519000000005 +17801,38 Av N,-93.33896850000001,45.024223000000006 +17802,James Av N,-93.3004671,45.0132728 +17803,Logan Av N,-93.3034408,45.0131499 +17804,Logan Av N,-93.3029611,45.0132963 +17805,Newton Av N,-93.30595360000001,45.0131418 +17806,Noble Av N,-93.3392706,45.0259652 +17807,Newton Av N,-93.30556010000001,45.0133146 +17808,Humboldt Av N,-93.2979456,45.013257800000005 +17809,Noble Av N,-93.3392287,45.0258903 +17810,Humboldt Av N,-93.2983494,45.0131172 +17811,Girard Av N,-93.29703470000001,45.013102200000006 +17812,37 Av N,-93.329503,45.022749000000005 +17813,37 Av N,-93.33881290000001,45.0221925 +17814,37 Av N,-93.32899950000001,45.0224862 +17815,37 Av N,-93.3389691,45.0223941 +17816,#1160,-93.41695030000001,45.2193137 +17817,#3815,-93.3320285,45.0249874 +17818,#3810,-93.331625,45.024726400000006 +17819,40 Av N,-93.3347976,45.0275193 +17820,39 Av N,-93.3335706,45.0263246 +17821,Bottineau Blvd (Hwy 81),-93.3379403,45.0325068 +17822,39 Av N,-93.33308600000001,45.026051800000005 +17823,W Broadway / Cr 81,-93.33928590000001,45.031828100000006 +17824,West Broadway,-93.3374955,45.0295317 +17825,39 Av N,-93.3390627,45.026027000000006 +17826,40 Av N,-93.33914650000001,45.027871100000006 +17827,40 Av N,-93.33897750000001,45.0277614 +17828,39 Av N,-93.33891750000001,45.0261542 +17829,Gate C,-93.3395258,45.0302877 +17830,Lakeview Av,-93.33722990000001,45.032664700000005 +17831,Gate B,-93.3398667,45.0300718 +17832,Gate A,-93.33958890000001,45.0299077 +17833,40 Av N,-93.3352814,45.0278355 +17834,Gate D,-93.3392728,45.030128000000005 +17835,Xerxes Av N,-93.31887060000001,45.031255800000004 +17836,Victory Memorial Dr,-93.3196533,45.0312373 +17837,York Av N,-93.3197208,45.031421300000005 +17838,Xerxes Av N,-93.31852400000001,45.031361800000006 +17839,Ewing Av N,-93.32937360000001,45.0367131 +17840,46 1/2 Av N,-93.3296097,45.0403181 +17841,York Av N,-93.3202826,45.036370000000005 +17842,Ewing Av N,-93.32931930000001,45.0368094 +17843,Chowen Av N,-93.3253681,45.036568 +17844,Indiana Av N,-93.3330107,45.0349293 +17845,York Av N,-93.32031350000001,45.0365193 +17846,Chowen Av N,-93.32502310000001,45.0366548 +17847,Indiana Av N,-93.3326794,45.0355396 +17848,Sheridan Av N,-93.3124636,45.024081900000006 +17849,Halifax Av N,-93.33089700000001,45.036251500000006 +17850,Dowling Av N,-93.3135388,45.024276300000004 +17851,Thomas Av N,-93.31312670000001,45.024166 +17852,Halifax Av N,-93.33136280000001,45.036264800000005 +17853,39 Av N,-93.31342070000001,45.0257499 +17854,39 Av N,-93.3135714,45.0260547 +17855,Lake Dr (45 Av),-93.32945140000001,45.037038900000006 +17856,Dowling Av N,-93.3084501,45.0243028 +17857,Dowling Av N,-93.3082213,45.023931000000005 +17858,Lake Dr,-93.32962950000001,45.0369697 +17859,37 Av N,-93.3082167,45.0221463 +17860,46 Av N,-93.3294802,45.0383974 +17861,Lake Rd (Josephine),-93.33642040000001,45.033005300000006 +17862,Sheridan Av N,-93.3120025,45.0241769 +17863,Josephine (Lake Rd),-93.3354838,45.033514000000004 +17864,Russell Av N,-93.3106935,45.0241637 +17865,Russell Av N,-93.3110958,45.024027200000006 +17866,46 1/2 Av N,-93.3295008,45.0410399 +17867,Queen Av N,-93.3098109,45.0240196 +17868,Penn Av N,-93.3086238,45.024164500000005 +17869,46 Av N,-93.32963960000001,45.039221700000006 +17870,Penn Av N,-93.3085679,45.0240218 +17871,Thomas Av N,-93.3137885,45.0313377 +17872,37 Av N,-93.3084244,45.022436600000006 +17873,39 Av N,-93.3082706,45.0258295 +17874,39 Av N,-93.3084551,45.0260571 +17875,40 Av N,-93.3136288,45.0278871 +17876,40 Av N,-93.3134552,45.0275583 +17877,Vincent Av N,-93.31637950000001,45.031301500000005 +17878,41 Av N,-93.31352340000001,45.0293651 +17879,41 Av N,-93.3136573,45.0296886 +17880,Vincent Av N,-93.3159306,45.031365300000004 +17881,Washburn Av N,-93.3172239,45.0313608 +17882,42 Av N,-93.3085789,45.031475300000004 +17883,Washburn Av N,-93.31764650000001,45.031318000000006 +17884,42 Av N,-93.3084596,45.031156900000006 +17885,42 Av N,-93.31366290000001,45.0314734 +17886,44 Av N,-93.30850050000001,45.035029900000005 +17887,43 Av N,-93.3084546,45.0332305 +17888,42 Av N,-93.3135467,45.0311147 +17889,43 Av N,-93.30861270000001,45.033556000000004 +17890,Upton Av N,-93.31465750000001,45.0314106 +17891,Russell Av N,-93.3119145,45.0373892 +17892,Queen Av N,-93.3102508,45.0362622 +17893,Upton Av N,-93.3151167,45.031287500000005 +17894,Penn Av N,-93.3083634,45.0354746 +17895,Victory Memorial Dr,-93.3118764,45.0371558 +17896,40 Av N,-93.30847990000001,45.027862600000006 +17897,Queen Av N,-93.3105994,45.0363455 +17898,44 Av N,-93.30945870000001,45.0355946 +17899,41 Av N,-93.3084053,45.0293836 +17900,Penn Av N,-93.3083198,45.0354279 +17901,40 Av N,-93.3083787,45.027556600000004 +17902,Sheridan Av N,-93.31326150000001,45.0381027 +17903,41 Av N,-93.3085156,45.0297026 +17904,Girard Av N,-93.2972898,45.035401400000005 +17905,Newton Av N,-93.3069581,45.0438945 +17906,47 Av N,-93.3152288,45.0396433 +17907,Thomas Av N,-93.3141045,45.0388523 +17908,47 Av N,-93.31528060000001,45.0394809 +17909,Girard Av N,-93.29693110000001,45.035563800000006 +17910,Fremont Av N,-93.2965985,45.039152800000004 +17911,Humboldt Av N,-93.29880100000001,45.035527200000004 +17912,Morgan Av N,-93.3051666,45.035529600000004 +17913,Fremont Av N,-93.2965485,45.0391318 +17914,James Av N,-93.30138980000001,45.035484200000006 +17915,Shingle Creek Dr,-93.2991171,45.0409208 +17916,Fremont Av N,-93.2960793,45.035420300000006 +17917,Morgan Av N,-93.30496740000001,45.035409400000006 +17918,Logan Av N,-93.30438210000001,45.043887100000006 +17919,James Av N,-93.30116720000001,45.035419600000004 +17920,Humboldt Av N,-93.29855,45.0354066 +17921,Knox Av N,-93.301961,45.0438903 +17922,33 Av N,-93.2881007,45.0150689 +17923,Humboldt Av N,-93.29908870000001,45.0438635 +17924,Fremont Av N,-93.29685380000001,45.0438826 +17925,22 Av N,-93.2941035,45.001378700000004 +17926,Shingle Creek Dr,-93.2992073,45.040806800000006 +17927,23 Av N,-93.2940756,45.002453100000004 +17928,25 Av N,-93.2880808,45.0049318 +17929,23 Av N,-93.2879565,45.0027124 +17930,24 Av N,-93.28807660000001,45.003812100000005 +17931,22 Av N,-93.28804480000001,45.001612300000005 +17932,25 Av N,-93.2879097,45.0049636 +17933,23 Av N,-93.2879506,45.002734700000005 +17934,49 Av N,-93.2995403,45.043649900000005 +17935,24 Av N,-93.2879413,45.003811000000006 +17936,22 Av N,-93.28793470000001,45.001614100000005 +17937,24 Av N,-93.29407950000001,45.0035826 +17938,25 Av N,-93.2940731,45.0046799 +17939,24 Av N,-93.2956858,45.0038683 +17940,25 Av N,-93.2956975,45.004962000000006 +17941,26 Av N,-93.287934,45.006062500000006 +17942,22 Av N,-93.29568330000001,45.0016587 +17943,23 Av N,-93.29569430000001,45.002783400000006 +17944,27 Av N,-93.2943087,45.0076161 +17945,29 Av N,-93.2943001,45.0094204 +17946,26 Av N,-93.2940896,45.005787700000006 +17947,27 Av N,-93.2879324,45.007847600000005 +17948,29 Av N,-93.28809100000001,45.0096804 +17949,29 Av N,-93.2879145,45.009636400000005 +17950,27 Av N,-93.28807250000001,45.0078345 +17951,26 Av N,-93.2880731,45.0060586 +17952,Fremont Av N,-93.2958811,45.005912900000006 +17953,29 Av N,-93.29564380000001,45.0097631 +17954,22 Av N,-93.2816075,45.0012388 +17955,26 Av N,-93.2956353,45.0061143 +17956,23 Av / 22 Av N,-93.28196750000001,45.0023849 +17957,24 Av N,-93.2818991,45.004321600000004 +17958,27 Av N,-93.2956065,45.0079031 +17959,23 Av N,-93.28012840000001,45.0024795 +17960,Fremont Av N,-93.2953413,45.0060389 +17961,23 Av N,-93.28027340000001,45.002658800000006 +17962,26 Av N,-93.2819358,45.0061315 +17963,West Broadway,-93.2799772,44.999440500000006 +17964,28 Av N,-93.28192010000001,45.0085217 +17965,30 Av N,-93.2819226,45.010837200000005 +17966,24 Av N,-93.28172280000001,45.0035584 +17967,28 Av N,-93.2817856,45.008267000000004 +17968,28 Av / 26 Av N,-93.2819242,45.0072558 +17969,26 Av N,-93.2816906,45.0057229 +17970,Lowry Av N,-93.2956972,45.0128028 +17971,30 Av N,-93.2805763,45.0108145 +17972,30 Av N,-93.2956654,45.011471400000005 +17973,Fremont Av N,-93.2951206,45.0149932 +17974,30 Av N,-93.2803726,45.0106315 +17975,33 Av N,-93.29568660000001,45.015068 +17976,Dupont Av N,-93.2928998,45.013203000000004 +17977,Lyndale Av N,-93.28830640000001,45.0132008 +17978,Lyndale Av N,-93.28829970000001,45.0128806 +17979,Emerson Av N,-93.29466950000001,45.0130507 +17980,Bryant Av N,-93.29035110000001,45.013202500000006 +17981,Lowry Av N,-93.2881462,45.012768300000005 +17982,Fremont Av N,-93.29608610000001,45.013254100000005 +17983,31 Av N,-93.28792560000001,45.012159600000004 +17984,Colfax Av N,-93.2918109,45.0130892 +17985,Lowry Av N,-93.28793800000001,45.013444500000006 +17986,30 Av N,-93.2943142,45.011203200000004 +17987,36 Av N,-93.2955616,45.020231200000005 +17988,Lowry Av N,-93.29425090000001,45.012921000000006 +17989,35 Av N,-93.2954765,45.018421800000006 +17990,33 Av N,-93.2879479,45.014724 +17991,34 Av N,-93.29557650000001,45.0165742 +17992,36 Av N,-93.28810940000001,45.0204949 +17993,2 St N,-93.280921,45.013051100000006 +17994,35 Av N,-93.2881131,45.018655200000005 +17995,34 Av N,-93.2881148,45.0168152 +17996,35 Av N,-93.2879693,45.0183535 +17997,36 Av N,-93.28800120000001,45.0201793 +17998,Washington Av N,-93.28165720000001,45.013197000000005 +17999,34 Av N,-93.28798760000001,45.0165858 +18000,35 Av N,-93.29568760000001,45.0187046 +18001,Washington Av N,-93.28208830000001,45.0130471 +18002,36 Av N,-93.29567990000001,45.020499300000004 +18003,34 Av N,-93.29569430000001,45.0168714 +18004,4 St / 3 St N,-93.28398920000001,45.0130186 +18005,4 St N,-93.284801,45.0131771 +18006,Lowry Av N,-93.28175110000001,45.0127335 +18007,Lowry / 30 Av N,-93.2819285,45.012094100000006 +18008,15 Av Ne,-93.266237,45.003174 +18009,30 Av / Lowry,-93.2817909,45.0119005 +18010,15 Av Ne,-93.2660989,45.002964600000006 +18011,17 Av Ne,-93.26612320000001,45.005167400000005 +18012,13 Av Ne,-93.26621940000001,45.001021800000004 +18013,16 Av Ne,-93.27143090000001,45.003967200000005 +18014,16 Av Ne,-93.2712631,45.003799400000005 +18015,13 Av Ne,-93.2660841,45.000776900000005 +18016,22 Av Ne,-93.26612220000001,45.00997 +18017,26 Av Ne,-93.2700885,45.014855100000005 +18018,17 Av Ne,-93.26633720000001,45.005501 +18019,19 Av Ne,-93.2661154,45.0073609 +18020,15 Av Ne,-93.2575504,45.002921900000004 +18021,20 Av Ne,-93.2662145,45.008652700000006 +18022,13 Av Ne,-93.2575094,45.0007618 +18023,17 Av Ne,-93.2576468,45.005389300000004 +18024,20 Av Ne,-93.2570608,45.0086893 +18025,University Av,-93.2633263,45.0131438 +18026,13 Av Ne,-93.25767830000001,45.0010185 +18027,Grand St Ne,-93.26970390000001,45.0130944 +18028,15 Av Ne,-93.25766800000001,45.0032073 +18029,2 St Ne,-93.26642740000001,45.013097300000005 +18030,Grand St Ne,-93.2699583,45.013249300000005 +18031,20 Av Ne,-93.2569472,45.0084505 +18032,Lowry Av Ne,-93.2718188,45.0128495 +18033,Lowry Av Ne,-93.2716692,45.013001300000006 +18034,22 Av Ne,-93.25678710000001,45.0099029 +18035,23 Av Ne,-93.26622610000001,45.0111876 +18036,17 Av Ne,-93.2575218,45.005512100000004 +18037,24 Av Ne,-93.2661453,45.0120513 +18038,26 Av Ne,-93.2702122,45.0150901 +18039,19 Av Ne,-93.256911,45.007356300000005 +18040,22 Av Ne,-93.25677280000001,45.0100726 +18041,2 St / 1 St Ne,-93.2668991,45.013249300000005 +18042,23 Av Ne,-93.25667820000001,45.010949800000006 +18043,Lowry Av Ne,-93.26313520000001,45.013319800000005 +18044,Lowry Av Ne,-93.26303340000001,45.0130411 +18045,Lowry Av Ne,-93.2567889,45.013287600000005 +18046,27 Av Ne,-93.2700978,45.0166595 +18047,27 Av Ne,-93.27019890000001,45.0169295 +18048,28 Av Ne,-93.2702055,45.018735400000004 +18049,28 Av Ne,-93.27008830000001,45.0188368 +18050,29 Av Ne,-93.2701014,45.0203586 +18051,26 Av Ne,-93.25665020000001,45.014866500000004 +18052,29 Av Ne,-93.2703797,45.0206109 +18053,23 Av Ne,-93.2568229,45.011219800000006 +18054,26 Av Ne,-93.25797030000001,45.015093300000004 +18055,Washington St,-93.2568937,45.0149484 +18056,Lowry Av Ne,-93.25663080000001,45.0130307 +18057,University Av,-93.2629108,45.0132338 +18058,Madison St Ne,-93.2544941,45.013132500000005 +18059,5 St Ne,-93.2601355,45.0132436 +18060,Monroe St Ne,-93.25224340000001,45.0132441 +18061,5 St Ne,-93.2605738,45.0131388 +18062,Monroe St Ne,-93.25263360000001,45.0131238 +18063,Washington St,-93.2572961,45.0168356 +18064,Washington St,-93.25648790000001,45.0132561 +18065,Dowling Av,-93.29559010000001,45.0238219 +18066,37 Av N,-93.2955608,45.022047900000004 +18067,Washington St,-93.25690390000001,45.0131261 +18068,Fremont Av N,-93.2954711,45.024054 +18069,Dupont Av N,-93.29295570000001,45.0240254 +18070,Bryant Av N,-93.29044300000001,45.0240067 +18071,Bryant Av N,-93.29072160000001,45.023923 +18072,Dupont Av N,-93.29325630000001,45.0239476 +18073,Fremont Av N,-93.2952343,45.0239671 +18074,Madison St Ne,-93.2541296,45.0132458 +18075,Dowling Av N,-93.29574600000001,45.024194200000004 +18076,37 Av N,-93.29570050000001,45.0223151 +18077,39 Av N,-93.28814050000001,45.025898500000004 +18078,40 Av N,-93.29563660000001,45.027427800000005 +18079,39 Av N,-93.28808500000001,45.025545400000006 +18080,39 Av N,-93.2956096,45.0256224 +18081,39 Av N,-93.2957549,45.0259476 +18082,6 St N,-93.2863464,45.0239976 +18083,6 St N,-93.28675220000001,45.0238801 +18084,Dowling Av N,-93.28813790000001,45.0241428 +18085,37 Av N,-93.2881389,45.0222879 +18086,40 Av N,-93.2880401,45.0273732 +18087,37 Av N,-93.28797970000001,45.022034000000005 +18088,Dowling Av N,-93.287991,45.0238145 +18089,42 Av N,-93.2881651,45.0316819 +18090,Lyndale Av N,-93.28855200000001,45.023987500000004 +18091,Lyndale Av N,-93.28824010000001,45.0239131 +18092,Lyndale Av N,-93.2877607,45.0294558 +18093,Webber Pkwy,-93.2879652,45.0322394 +18094,41 Av N,-93.2958626,45.0297198 +18095,42 Av N,-93.2957384,45.031354300000004 +18096,Dowling Av N,-93.2835879,45.023667700000004 +18097,41 Av N,-93.29572060000001,45.029414100000004 +18098,Bryant Av N,-93.29158910000001,45.0366611 +18099,Dupont Av N,-93.29381190000001,45.037133000000004 +18100,40 Av N,-93.2881557,45.027706800000004 +18101,43 Av N,-93.29564850000001,45.0333048 +18102,Lyndale Av N,-93.28816490000001,45.036818600000004 +18103,42 Av / 41 Av N,-93.28818980000001,45.0305502 +18104,44 Av N,-93.2882101,45.035277900000004 +18105,41 Av N,-93.28818270000001,45.029509600000004 +18106,Aldrich Av N,-93.2903505,45.0366852 +18107,45 Av N,-93.29149650000001,45.036829700000006 +18108,41 Av / 42 Av N,-93.2878385,45.0306185 +18109,46 Av N,-93.2913578,45.038343700000006 +18110,Lyndale Av N,-93.2882038,45.036946300000004 +18111,40 Av N,-93.295839,45.0277466 +18112,Bryant Av N,-93.2911754,45.036779 +18113,42 Av N,-93.2958521,45.031737500000006 +18114,Aldrich Av N,-93.28990370000001,45.0367818 +18115,Grand St Ne,-93.2706096,45.0222075 +18116,44 Av N,-93.2880542,45.0353076 +18117,43 Av N,-93.2958577,45.033474600000005 +18118,Dupont Av N,-93.2942314,45.043873000000005 +18119,Camden Av N,-93.28904610000001,45.0438654 +18120,31 Av / 30 Av,-93.27165910000001,45.0231031 +18121,6 St N,-93.2868823,45.0438636 +18122,Bryant Av N,-93.2916696,45.0438733 +18123,31 Av Ne,-93.270224,45.0238547 +18124,49 Av N,-93.2857949,45.0436588 +18125,48 Av N,-93.29152830000001,45.042211900000005 +18126,Grand St Ne,-93.2705792,45.023951100000005 +18127,46 Av N,-93.29151420000001,45.0385976 +18128,30 Av Ne,-93.2704636,45.022332500000005 +18129,47 Av N,-93.29156800000001,45.0404288 +18130,47 Av N,-93.29141990000001,45.040108200000006 +18131,30 Av Ne,-93.2703312,45.022125900000006 +18132,49 Av N,-93.29140740000001,45.043735100000006 +18133,48 Av N,-93.2914118,45.041946800000005 +18134,St Anthony Pkwy,-93.27291600000001,45.0272872 +18135,St Anthony Pwy,-93.2727923,45.0274392 +18136,Columbia Av Ne,-93.27268160000001,45.0239327 +18137,Edge Place Ne,-93.2676799,45.0300565 +18138,St Anthony Pkwy,-93.2665968,45.027754200000004 +18139,31 Av Ne,-93.27294090000001,45.024024600000004 +18140,California St Ne,-93.2693158,45.027582 +18141,St Anthony Pkwy,-93.2669967,45.028050400000005 +18142,2 1/2 St Ne,-93.2653348,45.0319188 +18143,35 Av Ne,-93.2651867,45.031999400000004 +18144,3 St Ne,-93.2635626,45.0355867 +18145,2 St Ne,-93.2662889,45.0319231 +18146,2 St Ne,-93.2665978,45.0319026 +18147,35 Av Ne,-93.2676876,45.031818400000006 +18148,Main St Ne,-93.267521,45.031934500000006 +18149,Edge Place Ne,-93.2677941,45.0296399 +18150,36 Av Ne,-93.265106,45.0336413 +18151,3 St Ne,-93.26353850000001,45.0355209 +18152,37 Av Ne,-93.265099,45.035444000000005 +18153,37 Av Ne,-93.2651939,45.0353604 +18154,Monroe St,-93.2523341,45.0410191 +18155,Monroe St,-93.2526167,45.040894200000004 +18156,36 Av Ne,-93.26519440000001,45.0335607 +18157,5 St Ne,-93.2603923,45.040909400000004 +18158,37 Av Ne,-93.26294530000001,45.035181800000004 +18159,4 St Ne,-93.26145460000001,45.040914400000005 +18160,Jefferson St,-93.2553862,45.0409006 +18161,40 Av Ne,-93.26314310000001,45.0406813 +18162,Summit St,-93.2587462,45.0409057 +18163,Hwy 100,-93.3226078,45.052377 +18164,37 Av Ne,-93.2626154,45.0358582 +18165,Brooklyn Blvd,-93.32072120000001,45.0476752 +18166,40 Av Ne,-93.2628971,45.0412612 +18167,Washburn Av N,-93.31802880000001,45.0476588 +18168,Hwy 100,-93.3229421,45.0524384 +18169,Washington St,-93.2561659,45.041028600000004 +18170,Brooklyn Blvd,-93.32067190000001,45.047613000000005 +18171,Xerxes Av N,-93.319636,45.0476241 +18172,6 St Ne,-93.2586114,45.041017100000005 +18173,51 Av N,-93.32096770000001,45.0474642 +18174,5 St Ne,-93.26048990000001,45.041031000000004 +18175,4 St Ne,-93.26180400000001,45.0410212 +18176,50 Av N,-93.320329,45.0459861 +18177,Madison St,-93.25409760000001,45.0410064 +18178,49 Av N,-93.31948030000001,45.044450700000006 +18179,51 Av N,-93.320766,45.0474371 +18180,Admiral Ln,-93.3298096,45.0600674 +18181,50 Av N,-93.3199677,45.0455717 +18182,55 Av N,-93.3215744,45.0547308 +18183,49 Av N,-93.3195833,45.044193500000006 +18184,55 Av N,-93.3217984,45.054783900000004 +18185,Twin Lake En,-93.3396831,45.059694400000005 +18186,Major Av,-93.3376573,45.0600564 +18187,Halifax Av,-93.3326128,45.0602468 +18188,Admiral Ln,-93.3296815,45.060278800000006 +18189,Halifax Av,-93.3329475,45.0600414 +18190,Major Av,-93.3372904,45.060180800000005 +18191,June Av,-93.3345166,45.0600937 +18192,June Av,-93.33429910000001,45.060202100000005 +18193,Xerxes Av,-93.3207804,45.059553 +18194,56 Av N,-93.3217814,45.057322400000004 +18195,Northway Dr,-93.31977590000001,45.0603605 +18196,Northport Dr,-93.32657730000001,45.060177700000004 +18197,56 Av N,-93.32190100000001,45.0567885 +18198,Gate C,-93.31814680000001,45.0595506 +18199,Gate D,-93.31849480000001,45.0595257 +18200,Bass Lake (Cr 10),-93.3206775,45.0590065 +18201,Gate H,-93.31883570000001,45.0596454 +18202,Gate E,-93.3186912,45.059529100000006 +18203,Bass Lake Rd,-93.320442,45.059052400000006 +18204,Gate G,-93.3190082,45.059639000000004 +18205,Xerxes Av N,-93.31994470000001,45.0590978 +18206,Xerxes Av N,-93.3191711,45.060592500000006 +18207,59 Av N,-93.32512170000001,45.0622763 +18208,60 Av N,-93.3254127,45.0642008 +18209,Admiral Ln,-93.3256157,45.063844800000005 +18210,Drew Av,-93.3267251,45.060300600000005 +18211,60 Av N,-93.3189789,45.063993200000006 +18212,61 Av N,-93.32601190000001,45.065579500000005 +18213,Northway Dr,-93.3195415,45.060430600000004 +18214,59 Av N,-93.3190433,45.0619269 +18215,Upton Av N,-93.31588280000001,45.047564300000005 +18216,59 Av N,-93.31927060000001,45.0622405 +18217,60 Av N,-93.31923010000001,45.064253300000004 +18218,Sheridan Av N,-93.31296880000001,45.047658000000006 +18219,Upton Av N,-93.3154471,45.0476566 +18220,Vincent Av N,-93.3167236,45.0476566 +18221,Sheridan Av N,-93.3133117,45.047525400000005 +18222,Penn Av N,-93.3090734,45.0440131 +18223,50 Av N,-93.3091909,45.0456267 +18224,Queen Av N,-93.3108121,45.0475724 +18225,51 Av N,-93.30920780000001,45.047439600000004 +18226,Penn Av N,-93.30954030000001,45.0475446 +18227,Queen Av N,-93.31042000000001,45.0476359 +18228,Vincent Av N,-93.31711650000001,45.0475645 +18229,50 Av N,-93.3093549,45.045904500000006 +18230,49 Av N,-93.309369,45.044082800000005 +18231,51 Av N,-93.2994079,45.0474243 +18232,52 Av N,-93.2991454,45.049136000000004 +18233,49 Av N,-93.2993545,45.044059700000005 +18234,52 Av N,-93.2992809,45.0496136 +18235,Knox Av N,-93.30152410000001,45.043967800000004 +18236,Humboldt Av N,-93.29943770000001,45.051125600000006 +18237,James Av N,-93.3019886,45.051146800000005 +18238,Humboldt Av N,-93.299822,45.0439748 +18239,Logan Av N,-93.30397810000001,45.051222900000006 +18240,Newton Av N,-93.30650610000001,45.0439713 +18241,53 Av N,-93.2991889,45.050944300000005 +18242,James Av N,-93.3015134,45.051238700000006 +18243,Logan Av N,-93.3039581,45.0439851 +18244,53 Av N,-93.30431850000001,45.051389500000006 +18245,54 Av N,-93.30427680000001,45.053155200000006 +18246,Fremont Av N,-93.296422,45.043989200000006 +18247,55 Av N,-93.3041153,45.054702600000006 +18248,51 Av N,-93.29941670000001,45.047769300000006 +18249,54 Av N,-93.3042154,45.0528508 +18250,Bass Lake Rd,-93.3138747,45.0600772 +18251,P&R - From Fair,-93.3149618,45.058830300000004 +18252,Fremont Av N,-93.2962265,45.0584895 +18253,James Av N,-93.3017193,45.058398200000006 +18254,P&R - To Fair,-93.31496390000001,45.058832 +18255,James Av N,-93.3013342,45.058499100000006 +18256,Bass Lake Rd,-93.3136491,45.060043 +18257,Humboldt Av N,-93.29915790000001,45.0583727 +18258,Fremont Av N,-93.296577,45.0583564 +18259,Kohls - #2501,-93.3119757,45.0589815 +18260,56 Av N,-93.30417650000001,45.0568436 +18261,55 Av N,-93.3041972,45.0549751 +18262,Northway Dr,-93.3174525,45.058987900000005 +18263,Lilac Dr N,-93.30632220000001,45.0584179 +18264,#5701,-93.31544020000001,45.0593365 +18265,Logan Av N,-93.30432280000001,45.0583911 +18266,Logan Av N,-93.30434580000001,45.0586398 +18267,Gate A,-93.31786360000001,45.0596863 +18268,56 Av N,-93.304072,45.056502200000004 +18269,57 Av N,-93.3039686,45.0582979 +18270,Gate B,-93.31777790000001,45.059575 +18271,Summit Dr,-93.3040029,45.0640227 +18272,#5910,-93.3127535,45.062503500000005 +18273,#6040,-93.302172,45.065242500000004 +18274,Grimes Av N,-93.33080910000001,45.0693702 +18275,John Martin Dr,-93.31000300000001,45.064825400000004 +18276,John Martin Dr,-93.30977890000001,45.064757400000005 +18277,Humboldt Av N,-93.29881470000001,45.058435 +18278,Indiana Av N,-93.3334253,45.0693556 +18279,Kyle Av N,-93.3359138,45.0693423 +18280,Beard Av,-93.3244136,45.0693586 +18281,Kathrene Dr,-93.3388391,45.069349100000004 +18282,Major Av N,-93.338723,45.069254 +18283,Grimes Av N,-93.33087330000001,45.069298200000006 +18284,Indiana Av N,-93.33364680000001,45.0692442 +18285,Kyle Av N,-93.3362259,45.0692825 +18286,Beard Av,-93.32493960000001,45.0692609 +18287,65 Av N,-93.32988200000001,45.071975 +18288,65 Av N,-93.329558,45.071992 +18289,Brooklyn Blvd,-93.3286894,45.069374200000006 +18290,65 Av N,-93.3310125,45.072962100000005 +18291,Brooklyn Blvd,-93.32835610000001,45.0692001 +18292,63 Av N,-93.32746940000001,45.0686583 +18293,61 Av / 62 Av,-93.3262005,45.0666631 +18294,63 Av N,-93.3283835,45.06953 +18295,62 Av N,-93.3269607,45.0672568 +18296,62 Av N,-93.3192901,45.066872000000004 +18297,Nash Rd,-93.31944530000001,45.068471200000005 +18298,63 Av N,-93.3192789,45.0691086 +18299,64 Av N,-93.3193969,45.0709292 +18300,Nash Rd,-93.3191781,45.068211500000004 +18301,65 Av N,-93.3197597,45.0719549 +18302,Brooklyn Dr,-93.31901540000001,45.0665489 +18303,65 Av N,-93.3194984,45.071727900000006 +18304,70 Av N,-93.3384669,45.0813609 +18305,Xerxes Av,-93.31994390000001,45.0693807 +18306,70 Av N,-93.3380006,45.081370500000006 +18307,Xerxes Av,-93.31966340000001,45.069281700000005 +18308,69 Av N,-93.33661070000001,45.079568900000005 +18309,Urban Av N,-93.3306835,45.080870100000006 +18310,63 Av N,-93.31955,45.0694917 +18311,France Av N,-93.3302769,45.080097200000004 +18312,Urban Av N,-93.33077700000001,45.0810819 +18313,64 Av N,-93.3197095,45.071142800000004 +18314,68 Av N,-93.335459,45.078357000000004 +18315,Halifax Av N,-93.3331758,45.0837111 +18316,68 Av N,-93.3351337,45.0784704 +18317,#7022-7086,-93.3397085,45.082912500000006 +18318,France Av N,-93.3310529,45.0837414 +18319,Lee Av N,-93.3383307,45.086829200000004 +18320,York Place,-93.321308,45.079550700000006 +18321,Drew Av N,-93.3281436,45.080142 +18322,June Av N,-93.33593250000001,45.0868515 +18323,Freeway Blvd,-93.318684,45.0783246 +18324,72 Av N,-93.33332370000001,45.0853619 +18325,Beard Av N,-93.32467460000001,45.080024200000004 +18326,Beard Av N,-93.3247224,45.0802284 +18327,Woodbine Ln,-93.3333688,45.0867379 +18328,Drew Av N,-93.3279011,45.0803488 +18329,Freeway Blvd,-93.31887470000001,45.078609900000004 +18330,June Av N,-93.3356852,45.086902200000004 +18331,Shingle Creek Pky,-93.3085449,45.066449500000004 +18332,Lee Av N,-93.3380322,45.086881000000005 +18333,Summit Dr,-93.30912710000001,45.066338800000004 +18334,Civic Ctr Dr,-93.3086416,45.068538200000006 +18335,72 Av N,-93.33341370000001,45.0856271 +18336,Summit Dr,-93.3087697,45.0670839 +18337,Halifax Av N,-93.3336747,45.086861400000004 +18338,Freeway Blvd,-93.3172864,45.0764793 +18339,Freeway Blvd,-93.31710620000001,45.076477600000004 +18340,France Av N,-93.3311417,45.0837025 +18341,South Entrance,-93.3113045,45.076639500000006 +18342,Halifax / Grimes,-93.3329185,45.083648100000005 +18343,73 Av N,-93.3309488,45.087492700000006 +18344,#6120,-93.3021946,45.0674271 +18345,#6200,-93.3065071,45.067502100000006 +18346,James Cir / Shingle,-93.304651,45.073038200000006 +18347,James Circle #2,-93.3026846,45.0727892 +18348,James Circle #1,-93.3047389,45.0729075 +18349,James Av N,-93.3028701,45.072919600000006 +18350,65 Av N,-93.2993876,45.073404200000006 +18351,Freeway Blvd,-93.29961300000001,45.0732626 +18352,Fremont Av N,-93.29704720000001,45.0728249 +18353,73 Av N,-93.3308123,45.087762000000005 +18354,#6521,-93.2998168,45.0755776 +18355,Humboldt Av N,-93.2988844,45.072821600000005 +18356,69 Av N,-93.3207071,45.079528200000006 +18357,Fremont Av N,-93.2967448,45.0729472 +18358,Humboldt Av N,-93.2991623,45.073008 +18359,Humboldt Av N,-93.2984285,45.0800159 +18360,#6521,-93.29965680000001,45.075768000000004 +18361,#6819,-93.300038,45.0792695 +18362,Emerson Av N,-93.2968331,45.0801139 +18363,70 Av N,-93.3002041,45.081621000000005 +18364,71 Av N,-93.3002563,45.083395 +18365,Humboldt Av N,-93.2985903,45.080144000000004 +18366,Lyndale Av N,-93.2860895,45.0439864 +18367,72 Av N,-93.30030550000001,45.084899300000004 +18368,Camden Av N,-93.28869040000001,45.043985500000005 +18369,6 St N,-93.2873605,45.043978700000004 +18370,73 Av N,-93.30036630000001,45.0871085 +18371,Dupont Av N,-93.29384590000001,45.0439743 +18372,Bryant Av N,-93.29124390000001,45.0439747 +18373,72 Av N,-93.30037680000001,45.0849599 +18374,49 Av N,-93.29158810000001,45.044106400000004 +18375,73 Av N,-93.30047350000001,45.0867942 +18376,50 Av N,-93.2915811,45.0459441 +18377,51 Av N,-93.2916412,45.047721800000005 +18378,69 Av N,-93.30030860000001,45.080313700000005 +18379,51 Av N,-93.29144090000001,45.0473671 +18380,50 Av N,-93.2914353,45.045584000000005 +18381,67 Av N,-93.30001580000001,45.077376 +18382,71 Av N,-93.3003733,45.083788000000006 +18383,70 Av N,-93.3003259,45.0820298 +18384,Bryant Av N,-93.2917429,45.0510735 +18385,53 Av N,-93.29412830000001,45.0512731 +18386,67 Av N,-93.29976420000001,45.076956700000004 +18387,55 Av N,-93.29397990000001,45.054678 +18388,Colfax / Dupont,-93.2934683,45.0512767 +18389,52 Av N,-93.29146200000001,45.049164100000006 +18390,52 Av N,-93.2915832,45.049457000000004 +18391,57 Av N,-93.2939185,45.058618900000006 +18392,53 Av N,-93.29147210000001,45.050955800000004 +18393,Dupont Av N,-93.29400550000001,45.058350700000005 +18394,58 Av N,-93.2938388,45.0603616 +18395,59 Av N,-93.29380010000001,45.062127600000004 +18396,60 Av N,-93.29371590000001,45.0639188 +18397,61 Av N,-93.2935257,45.0655036 +18398,61 Av N,-93.29363550000001,45.065757000000005 +18399,55 Av N,-93.294021,45.055036300000005 +18400,56 Av N,-93.29386310000001,45.056448700000004 +18401,56 Av N,-93.29396220000001,45.0567148 +18402,#1100,-93.4159453,45.2188072 +18403,57 Av N,-93.2937868,45.0582056 +18404,58 Av N,-93.2937242,45.0600947 +18405,59 Av N,-93.2936557,45.0618563 +18406,Monroe St Ne,-93.2523685,45.048253100000004 +18407,44 Av Ne,-93.2629093,45.0483781 +18408,60 Av N,-93.29358950000001,45.0636482 +18409,University Svc Rd,-93.2623995,45.0482571 +18410,5 St Ne,-93.26008270000001,45.048231400000006 +18411,44 Av Ne,-93.2630098,45.048492200000005 +18412,47 Av Ne,-93.2629126,45.053932700000004 +18413,44 Av Ne,-93.263326,45.047926200000006 +18414,47 Av Ne,-93.2628037,45.0535384 +18415,46 Av Ne,-93.262849,45.0517321 +18416,Monroe St Ne,-93.25269220000001,45.0481696 +18417,46 Av Ne,-93.26288790000001,45.0520221 +18418,Jefferson St,-93.255277,45.048160900000006 +18419,45 Av Ne,-93.26283240000001,45.049862100000006 +18420,45 Av Ne,-93.26290390000001,45.050105 +18421,5 St Ne,-93.260413,45.048161300000004 +18422,49 Av Ne,-93.2630369,45.057535200000004 +18423,49 Av Ne,-93.26333980000001,45.056925500000006 +18424,7 St Ne,-93.257523,45.0482481 +18425,50 Av Ne,-93.262943,45.059128900000005 +18426,Jefferson St,-93.254896,45.0482414 +18427,#900,-93.4103975,45.217742900000005 +18428,Sullivan Dr,-93.25508830000001,45.064502600000004 +18429,53 Av Ne,-93.2630341,45.0647066 +18430,53 Av Ne,-93.26346430000001,45.0642112 +18431,50 Av Ne,-93.26283910000001,45.058904000000005 +18432,49 Av Ne,-93.26281970000001,45.057063400000004 +18433,51 Av Ne,-93.2629318,45.0610306 +18434,48 Av Ne,-93.2628238,45.055272800000004 +18435,48 Av Ne,-93.26293070000001,45.055439 +18436,51 Av Ne,-93.2628526,45.060711600000005 +18437,Monroe St Ne,-93.25290360000001,45.0644391 +18438,52 Av Ne,-93.26299470000001,45.0624787 +18439,Monroe St Ne,-93.2524595,45.0644915 +18440,5 St Ne,-93.2599928,45.0644993 +18441,64 Av N,-93.29427270000001,45.0711498 +18442,5 St Ne,-93.26052050000001,45.0644706 +18443,4 St Ne,-93.26129040000001,45.0644946 +18444,Lilac Dr N,-93.2939875,45.068285200000005 +18445,Sullivan Dr,-93.25540790000001,45.0644493 +18446,62 Av N,-93.2938362,45.067219800000004 +18447,7 St Ne,-93.25754330000001,45.064490600000006 +18448,7 St Ne,-93.2579233,45.0644775 +18449,62 Av N,-93.293653,45.0669412 +18450,Lilac Dr N,-93.2938199,45.0684969 +18451,Dupont Av N,-93.2945942,45.0728002 +18452,64 Av N,-93.294072,45.0708952 +18453,66 Av N,-93.2868751,45.0739935 +18454,67 Av N,-93.2946721,45.076243700000006 +18455,Hwy 252,-93.28786380000001,45.0745614 +18456,Bryant Av N,-93.29202880000001,45.0728032 +18457,67 Av N,-93.2947752,45.076299600000006 +18458,Camden Av N,-93.2901255,45.0734319 +18459,Camden Dr N,-93.28973760000001,45.073997600000006 +18460,Fire Station,-93.29431600000001,45.073506900000005 +18461,Bryant Av N,-93.2916277,45.072929200000004 +18462,65 Av N,-93.29444170000001,45.073079500000006 +18463,Dupont Av N,-93.29470350000001,45.072929 +18464,66 Av N,-93.28661960000001,45.0752037 +18465,Mississippi St,-93.27482210000001,45.086674800000004 +18466,Georgetown Apts,-93.27533580000001,45.0731593 +18467,Georgetown Apts,-93.2746292,45.0735778 +18468,Dupont Av N,-93.2953155,45.0800707 +18469,Mississippi St,-93.275141,45.0865981 +18470,64 1/2 Way,-93.27400750000001,45.0851685 +18471,64 1/2 Way,-93.27431750000001,45.085025300000005 +18472,Fridley,-93.271023,45.0788549 +18473,70 Av N,-93.2875918,45.0827552 +18474,Mississippi St,-93.263756,45.0858311 +18475,Mississippi St,-93.26334390000001,45.0864841 +18476,73 Av N,-93.2877218,45.0877234 +18477,63 1/2 Way,-93.27355410000001,45.083468100000005 +18478,63 1/2 Way,-93.27328940000001,45.083628000000004 +18479,73 Av N,-93.2880403,45.086679800000006 +18480,63 Way,-93.27316880000001,45.082750000000004 +18481,70 Av N,-93.2880942,45.081665300000004 +18482,63 Way,-93.2734518,45.0825371 +18483,62 Way,-93.2734365,45.0809532 +18484,62 Way,-93.2731067,45.0809598 +18485,River Edge Way,-93.2733707,45.0795029 +18486,61 Way Ne,-93.2733527,45.0784965 +18487,Charles St,-93.2733125,45.076712300000004 +18488,61 Way Ne,-93.27305120000001,45.079219900000005 +18489,61 Av Ne,-93.26338100000001,45.079249600000004 +18490,Charles St,-93.27302180000001,45.0768551 +18491,61 Av Ne,-93.26368860000001,45.0786778 +18492,14 Av Ne,-93.2474782,45.0024226 +18493,Island Park Dr,-93.2731765,45.0755284 +18494,14 Av Ne,-93.2472146,45.002149900000006 +18495,Island Park Dr,-93.27332320000001,45.0759113 +18496,18 Av Ne,-93.24750680000001,45.0061023 +18497,18 1/2 Av Ne,-93.24750060000001,45.007080300000005 +18498,57 Av Ne,-93.2632191,45.071912100000006 +18499,18 1/2 Av Ne,-93.24722560000001,45.006730100000006 +18500,57 Av Ne,-93.2636616,45.071212100000004 +18501,19 Av Ne,-93.2472472,45.0077252 +18502,19 Av Ne,-93.24737010000001,45.008030500000004 +18503,19 Av Ne,-93.2371382,45.007932100000005 +18504,18 Av NE,-93.2472209,45.0057058 +18505,23 Av Ne,-93.2472438,45.010705300000005 +18506,18 Av Ne,-93.23715440000001,45.0062635 +18507,22 Av Ne,-93.2474495,45.010010400000006 +18508,22 Av Ne,-93.2472221,45.0096901 +18509,22 Av Ne,-93.2372565,45.0097365 +18510,Quarry Center,-93.23656410000001,45.005216700000005 +18511,Quarry Center,-93.2367157,45.0049184 +18512,18 Av Ne,-93.2372655,45.0061461 +18513,14 Av Ne,-93.23725370000001,45.0018517 +18514,14 Av Ne,-93.2370872,45.0018411 +18515,22 Av Ne,-93.2370863,45.0094615 +18516,19 Av Ne,-93.237267,45.0075492 +18517,Jackson St Ne,-93.2489135,45.013249800000004 +18518,#2601,-93.2220554,45.015446100000005 +18519,Jackson St Ne,-93.2493043,45.0131181 +18520,Central Av Ne,-93.2476163,45.0131146 +18521,Taylor St Ne,-93.24395790000001,45.0131226 +18522,Taylor St Ne,-93.24360680000001,45.0132573 +18523,Central Av Ne,-93.24707880000001,45.0132356 +18524,Pierce St Ne,-93.2411601,45.013128900000005 +18525,24 Av Ne,-93.2474681,45.0123538 +18526,Anthony Lane,-93.20924760000001,45.020473800000005 +18527,Lowry Av Ne,-93.247197,45.0129887 +18528,29 Av Ne,-93.2471986,45.0201998 +18529,Lowry Av Ne,-93.2475071,45.0133286 +18530,26 Av Ne,-93.2472346,45.0148401 +18531,28 Av Ne,-93.2472261,45.018422900000004 +18532,27 Av Ne,-93.2472444,45.0166022 +18533,29 Av Ne,-93.2475115,45.0199951 +18534,28 Av / 27 Av,-93.24751140000001,45.017516300000004 +18535,23 Av Ne,-93.2371109,45.0116766 +18536,Lowry Av,-93.2370997,45.013062700000006 +18537,Pierce St Ne,-93.2407831,45.013258400000005 +18538,26 Av Ne,-93.237108,45.015240500000004 +18539,Hayes St Ne,-93.234352,45.013254800000006 +18540,Johnson St Ne,-93.23766350000001,45.0132339 +18541,Johnson St Ne,-93.2367725,45.0131461 +18542,Lincoln St Ne,-93.2387166,45.013138100000006 +18543,Lowry Av,-93.23723030000001,45.0133725 +18544,26 Av Ne,-93.23722360000001,45.0151498 +18545,Arthur St Ne,-93.2318307,45.0132404 +18546,23 Av Ne,-93.23725850000001,45.011531000000005 +18547,Hayes St Ne,-93.2348061,45.013178800000006 +18548,27 Av Ne,-93.2372174,45.0165585 +18549,Roosevelt St,-93.22568890000001,45.0276812 +18550,Arthur St Ne,-93.2322158,45.0131828 +18551,29 Av (Cr C),-93.2139155,45.019778800000005 +18552,28 Av Ne,-93.2372153,45.018781000000004 +18553,Ridgeway Pkwy,-93.22770650000001,45.003115900000005 +18554,29 Av Ne,-93.23723290000001,45.0205989 +18555,27 Av Ne,-93.2370575,45.0167233 +18556,28 Av Ne,-93.2370626,45.018501400000005 +18557,29 Av Ne,-93.2371001,45.020303000000006 +18558,Quarry Ctr,-93.22747980000001,45.0050019 +18559,Quarry Ctr,-93.2281253,45.0039687 +18560,Broadway St Ne,-93.2142072,45.0003855 +18561,Industrial Blvd,-93.21265960000001,45.0018096 +18562,22 Av Ne,-93.2269392,45.009773100000004 +18563,Ridgeway Pkwy,-93.22714590000001,45.003423100000006 +18564,Broadway St Ne,-93.21149750000001,45.000379300000006 +18565,19 Av Ne,-93.22694010000001,45.007949800000006 +18566,18 Av Ne,-93.226982,45.0061346 +18567,Benjamin St Ne,-93.2296168,45.013177600000006 +18568,18 Av Ne,-93.2266175,45.0063915 +18569,Mckinley St Ne,-93.2279745,45.0132406 +18570,Mckinley/Stinson,-93.2274299,45.0132315 +18571,19 Av Ne,-93.2266494,45.007624400000005 +18572,#2600,-93.22165500000001,45.015416300000005 +18573,22 Av Ne,-93.2266527,45.009382300000006 +18574,Stinson Pkwy,-93.2264231,45.0133846 +18575,Lowry Grove,-93.22493410000001,45.013818300000004 +18576,Lowry Grove,-93.22436680000001,45.0138789 +18577,26 Av Ne,-93.22822020000001,45.015141400000005 +18578,Lowry Av Ne,-93.228251,45.013336 +18579,Saint Anthony Ctr,-93.2200863,45.016327800000006 +18580,23 Av Ne,-93.2268964,45.011563800000005 +18581,Mckinley St Ne,-93.2283455,45.013181100000004 +18582,23 Av Ne,-93.22661950000001,45.011237300000005 +18583,26 Av Ne,-93.2281399,45.014887900000005 +18584,Anthony Lane,-93.2091438,45.0206256 +18585,27th Avenue Northeast,-93.21963310000001,45.0167936 +18586,29 Av Ne,-93.2180902,45.020732200000005 +18587,29 Av Ne,-93.2178274,45.020408 +18588,29 Av Ne,-93.2269464,45.020647000000004 +18589,Saint Anthony Pky,-93.2162876,45.018077600000005 +18590,29 Av Ne,-93.2282002,45.020314400000004 +18591,Saint Anthony Pky,-93.2179658,45.017403300000005 +18592,33 Av Ne,-93.24749990000001,45.0272297 +18593,St Anthony Pkwy,-93.228176,45.0191959 +18594,33 Av Ne,-93.24722700000001,45.0274617 +18595,30 Av Ne,-93.24722410000001,45.0220355 +18596,27 Av Ne,-93.22818140000001,45.017040800000004 +18597,St Anthony Pkwy,-93.24752840000001,45.0253043 +18598,St Anthony Pkwy,-93.22816320000001,45.018726300000004 +18599,St Anthony Pkwy,-93.24721550000001,45.025543500000005 +18600,30 Av Ne,-93.2372373,45.022045600000006 +18601,27 Av Ne,-93.22815080000001,45.016721200000006 +18602,Stinson Blvd,-93.2271413,45.0204998 +18603,31 Av Ne,-93.24720310000001,45.023823300000004 +18604,29 Av Ne,-93.2281564,45.020231100000004 +18605,31 Av Ne,-93.24751020000001,45.0236224 +18606,34 Av Ne,-93.2471838,45.029233600000005 +18607,St Anthony Ctr,-93.21842120000001,45.0152128 +18608,35 Av Ne,-93.2474873,45.030857000000005 +18609,35 Av Ne,-93.2471848,45.0310718 +18610,Kenzie / Cr 88,-93.21802310000001,45.0174135 +18611,31 Av Ne,-93.23706840000001,45.024290300000004 +18612,Cr 88 / Silver Lake,-93.21749310000001,45.017285400000006 +18613,32 Av Ne,-93.2370549,45.0259882 +18614,30 Av Ne,-93.2370545,45.022480300000005 +18615,31 Av Ne,-93.2372095,45.024229000000005 +18616,32 Av Ne,-93.2372376,45.0256358 +18617,37 Av Ne,-93.2474318,45.0359684 +18618,Columbia Pkwy,-93.24719300000001,45.0339858 +18619,39 Av Ne,-93.2474586,45.0384101 +18620,37 Av Ne,-93.24709170000001,45.036064100000004 +18621,39 Av Ne,-93.2471514,45.038027 +18622,Central Av Ne,-93.2466876,45.041074900000005 +18623,Bay A,-93.24697520000001,45.0422024 +18624,Bay B,-93.2469437,45.0423765 +18625,40 Av Ne,-93.2474799,45.0412033 +18626,35 Av Ne,-93.23705930000001,45.0315099 +18627,Bay C,-93.2468276,45.042570600000005 +18628,35 Av Ne,-93.23724490000001,45.0310301 +18629,34 Av Ne,-93.2372375,45.0296177 +18630,40 Av / 41 Av,-93.24702160000001,45.0419599 +18631,41 Av Ne,-93.2474505,45.042973800000006 +18632,34 Av Ne,-93.23706990000001,45.029360600000004 +18633,41 Av Ne,-93.24720620000001,45.0433287 +18634,Circle Terrace,-93.2429424,45.0410577 +18635,36 Av Ne,-93.237043,45.0327818 +18636,Jackson St,-93.25027270000001,45.041046400000006 +18637,33 Av Ne,-93.2372371,45.027773800000006 +18638,#965,-93.245232,45.041019000000006 +18639,Jackson St,-93.25020090000001,45.0409093 +18640,33 Av Ne,-93.23705460000001,45.0275431 +18641,#965,-93.2452509,45.040940000000006 +18642,Central Av Ne,-93.246499,45.040904000000005 +18643,Columbia Pkwy,-93.24744740000001,45.033982 +18644,Circle Terrace,-93.2428584,45.0409297 +18645,37 Av Ne,-93.2372177,45.0352577 +18646,36 Av Ne,-93.23724750000001,45.033467300000005 +18647,Circle Terrace,-93.2379526,45.0436786 +18648,Benjamin Place Ne,-93.2300177,45.0410088 +18649,41 Av Ne,-93.238645,45.0427053 +18650,37 Av Ne,-93.2370475,45.0352679 +18651,Circle Terrace,-93.23795240000001,45.043488 +18652,Hayes St,-93.2348381,45.0355992 +18653,Reservoir Blvd,-93.2408911,45.0409294 +18654,31 Av Ne,-93.22697000000001,45.024257500000004 +18655,Hayes St,-93.234374,45.035710300000005 +18656,32 Av Ne,-93.22694700000001,45.026120600000006 +18657,30 Av Ne,-93.2269546,45.0224181 +18658,Hart Blvd,-93.230547,45.0357088 +18659,31 Av Ne,-93.22677370000001,45.0239892 +18660,Cleveland St,-93.23098370000001,45.0356079 +18661,30 Av Ne,-93.22676990000001,45.0221333 +18662,32 Av Ne,-93.2268823,45.0257455 +18663,41 Av Ne,-93.2320212,45.0426737 +18664,Stinson Blvd,-93.2266881,45.0277777 +18665,Belden Dr,-93.2228412,45.027703100000004 +18666,41 Av Ne,-93.2321857,45.042937 +18667,Belden Dr,-93.2223355,45.0278386 +18668,40 Av Ne,-93.2321562,45.0411814 +18669,Roosevelt Court,-93.22523980000001,45.027831600000006 +18670,40 Av Ne,-93.24034200000001,45.041125 +18671,41 Av Ne,-93.2386357,45.0429253 +18672,Edward St,-93.2238298,45.027703800000005 +18673,Roosevelt St,-93.2260119,45.035642200000005 +18674,Edward St,-93.22345920000001,45.027832800000006 +18675,33 Av Ne,-93.2268418,45.027557400000006 +18676,32 Av Ne,-93.21796690000001,45.025826300000006 +18677,32 Av Ne,-93.2181446,45.0260801 +18678,31 Av Ne,-93.21794200000001,45.024052600000005 +18679,31 Av Ne,-93.2181091,45.0243282 +18680,Benjamin St (37 Pl),-93.2297403,45.0356011 +18681,33 Av Ne,-93.21814520000001,45.027978100000006 +18682,Mckinley St Ne,-93.2285191,45.035939500000005 +18683,34 Av Ne,-93.2180833,45.029539 +18684,34 Av Ne,-93.21820380000001,45.0296777 +18685,39 Av Ne,-93.2268878,45.038249900000004 +18686,Silver Lake Rd,-93.2184424,45.0277151 +18687,33 Av Ne,-93.2179782,45.0275717 +18688,39 Av Ne,-93.22703150000001,45.038302400000006 +18689,Stinson Blvd,-93.2272724,45.0356382 +18690,Stinson Blvd,-93.2274515,45.036232000000005 +18691,Stinson Blvd,-93.22668200000001,45.0357679 +18692,39 Av / 37 Place Ne,-93.2269818,45.037570800000005 +18693,37 Place Ne,-93.2270209,45.0364675 +18694,Harding St,-93.2221779,45.0356566 +18695,37 Av Ne,-93.2294617,45.0357277 +18696,Belden Dr,-93.21970110000001,45.035669500000004 +18697,Edward St,-93.22358270000001,45.035752900000006 +18698,37 Place / 39 Av Ne,-93.2268973,45.0373333 +18699,Coolidge St,-93.2208913,45.0357739 +18700,Mckinley St Ne,-93.22806840000001,45.0361751 +18701,Silver Lake Rd,-93.21911460000001,45.0357915 +18702,Belden / Silver Lake,-93.2192861,45.0392322 +18703,37 Place Ne,-93.2289047,45.0357131 +18704,Cub Foods,-93.22114260000001,45.0409306 +18705,Benjamin Place Ne,-93.2297073,45.0411055 +18706,Edward St,-93.22389670000001,45.0356627 +18707,Apache Ln,-93.22271640000001,45.0404654 +18708,Coolidge St,-93.2209042,45.038983200000004 +18709,Coolidge St,-93.2213717,45.038853100000004 +18710,Stinson Blvd,-93.22718520000001,45.040259500000005 +18711,#3900,-93.22705280000001,45.039568300000006 +18712,39 Av Ne / #4001,-93.2268987,45.0395362 +18713,Apache Ln (N),-93.21989310000001,45.040783100000006 +18714,36 Av Ne,-93.2183076,45.0336767 +18715,39 Av Ne,-93.2226897,45.0388992 +18716,36 Av Ne,-93.21818920000001,45.033313400000004 +18717,Apache Ln (W),-93.2249568,45.0385319 +18718,Silver Lake Rd,-93.217684,45.035651200000004 +18719,Macalaster Dr,-93.2154859,45.035789400000006 +18720,Apache Ln (W),-93.22457770000001,45.0386778 +18721,Macalaster Dr,-93.2156873,45.035628 +18722,37 Av Ne,-93.2130829,45.0360455 +18723,Silver Lake / Belden,-93.2192344,45.0393461 +18724,37 Av Ne,-93.21324360000001,45.035889000000005 +18725,Diamond 8 Terrace,-93.2132074,45.037098500000006 +18726,37 Av Ne,-93.2181659,45.035460400000005 +18727,Diamond 8 Terrace,-93.2131037,45.0371881 +18728,Foss Rd,-93.2104137,45.0358169 +18729,Mirror Lake Manor #3,-93.20983600000001,45.0419526 +18730,Chandler Dr,-93.2129755,45.0357914 +18731,Chandler Dr,-93.21327380000001,45.0356833 +18732,Mirror Lake Manor #3,-93.2106976,45.0403412 +18733,Silver Ln,-93.21822540000001,45.0431115 +18734,Foss Rd,-93.210266,45.035706700000006 +18735,Silver Ln,-93.21853220000001,45.042431900000004 +18736,39 Av Ne,-93.21824360000001,45.0390816 +18737,Highcrest Dr,-93.2083528,45.0357232 +18738,39 Av/Apache Ln,-93.2182889,45.0406254 +18739,Apache Ln/39 Av,-93.2185604,45.040119000000004 +18740,37 Av Ne,-93.2184481,45.035983300000005 +18741,Mirror Lake Manor #1,-93.2098327,45.042123000000004 +18742,#3820,-93.2122733,45.038681700000005 +18743,Mirror Lake Manor #1,-93.21059070000001,45.0401971 +18744,Foss Rd,-93.2111332,45.039505000000005 +18745,Foss Rd,-93.21111710000001,45.0396258 +18746,#3820,-93.2122762,45.038811800000005 +18747,#2255-2265,-93.2058667,45.0088067 +18748,Terminal Rd,-93.2045018,45.0133936 +18749,#2255-2265,-93.20586660000001,45.0090291 +18750,Term Rd / Rose Pl,-93.2048273,45.0145264 +18751,Rose Pl / Term Rd,-93.2049561,45.0146243 +18752,#2359,-93.20479970000001,45.012002900000006 +18753,Rose Place,-93.2049865,45.0179595 +18754,#2359,-93.20495720000001,45.012242900000004 +18755,Rose Place,-93.2048187,45.017791700000004 +18756,Patton Road,-93.2061908,45.0207035 +18757,Walnut Street,-93.2056878,45.0205281 +18758,Cleveland Av,-93.18620750000001,45.015037 +18759,#2262,-93.19528890000001,45.0134289 +18760,Long Lake Rd,-93.1922789,45.0143791 +18761,#2262,-93.19540900000001,45.013330800000006 +18762,State Fair P&R,-93.20481290000001,45.0119689 +18763,Long Lake Rd,-93.1929494,45.013922400000006 +18764,Rosegate,-93.18736750000001,45.0197227 +18765,Fulham St,-93.1974131,45.0134319 +18766,Williamette Industry,-93.20243110000001,45.013412100000004 +18767,#2600,-93.1871268,45.0194733 +18768,St Croix St,-93.19989960000001,45.0134302 +18769,Oakcrest Av,-93.18733540000001,45.0181478 +18770,Walnut St,-93.2045556,45.0133163 +18771,Oakcrest Av,-93.18720660000001,45.018085400000004 +18772,Cr B,-93.17706150000001,45.0063996 +18773,Williamette Industry,-93.2027973,45.013311300000005 +18774,Skillman Av,-93.1769021,45.0028559 +18775,Skillman Av,-93.1770443,45.0026938 +18776,St Croix St,-93.1998006,45.0133121 +18777,Snelling Av,-93.16587410000001,45.006294100000005 +18778,Fulham St,-93.19765380000001,45.0132983 +18779,Snelling Avenue & County Road B,-93.16671670000001,45.005814300000004 +18780,Snelling Avenue & County Road B,-93.16620990000001,45.0044781 +18781,10 Av,-93.3709154,45.197515200000005 +18782,St Michael Luth - Fair P&R,-93.16807700000001,45.006115 +18783,Cr B,-93.1768591,45.0069515 +18784,Cr C,-93.1769555,45.02084 +18785,Gluek Lane,-93.177093,45.0076866 +18786,Prior Av,-93.1823798,45.0149144 +18787,Cr B-2,-93.16600000000001,45.013643 +18788,Cleveland Av,-93.1858703,45.014939000000005 +18789,Rosedale / Cr B-2,-93.17680080000001,45.0134253 +18790,American St,-93.1707161,45.015000900000004 +18791,Rosedale Marketplace,-93.1771216,45.013123300000004 +18792,Fairview Av,-93.176699,45.014300000000006 +18793,Mn Dot,-93.1645857,45.013146000000006 +18794,Prior Av,-93.18181770000001,45.0150458 +18795,Mn Dot,-93.1645881,45.0132866 +18796,Fairview Av,-93.1773503,45.0140894 +18797,#2621,-93.17723480000001,45.019913800000005 +18798,Big Bowl Entrance,-93.17059280000001,45.0124731 +18799,Oakcrest Av,-93.1772272,45.018322100000006 +18800,Rose Av,-93.1770168,45.018359100000005 +18801,American St,-93.17150620000001,45.015173600000004 +18802,Wedgewood Dr,-93.3670271,45.1976049 +18803,Rosedale Commons,-93.17359040000001,45.015183 +18804,Rosedale Commons #2,-93.17414400000001,45.0149746 +18805,First Transit,-93.1729911,45.021131100000005 +18806,First Transit,-93.17302380000001,45.0213796 +18807,Rosedale Sq - Byerlys,-93.1703581,45.0212792 +18808,Byerlys,-93.1699906,45.0218684 +18809,Old Hwy 8,-93.19977060000001,45.0358376 +18810,Centre Pt Dr,-93.1876725,45.031041900000005 +18811,Twinlake Corp Ctr,-93.18750650000001,45.0245569 +18812,Centre Pt Dr S,-93.1875885,45.027979300000005 +18813,Centre Pointe Dr,-93.18749700000001,45.0307419 +18814,Cr C-2,-93.1874416,45.0276037 +18815,15 Av Sw,-93.20771260000001,45.0430463 +18816,Twinlake Corp Ctr,-93.18731860000001,45.0243132 +18817,9 Av Sw,-93.1999665,45.043031000000006 +18818,Old Hwy 8,-93.2001669,45.035673300000006 +18819,Mccallum Dr,-93.20337430000001,45.0358128 +18820,9 Av Sw,-93.2001632,45.0428956 +18821,Highcrest Rd,-93.2079413,45.0358224 +18822,Imperial Lane,-93.20299820000001,45.0429156 +18823,Meadow Apts,-93.2033916,45.035703100000006 +18824,15 Av Sw,-93.20765800000001,45.0429139 +18825,Foss Rd,-93.1980236,45.043137800000004 +18826,Centre Pt Dr N,-93.18777770000001,45.034331900000005 +18827,Cleveland Av,-93.1881731,45.035673 +18828,Old Hwy 8,-93.19823000000001,45.0428877 +18829,Centre Pointe Dr N,-93.1875576,45.033968800000004 +18830,Imperial Lane,-93.20275020000001,45.043033300000005 +18831,Cleveland Av,-93.187976,45.0358269 +18832,Long Lake Rd,-93.1947569,45.0358322 +18833,Long Lake Rd,-93.19520200000001,45.0356949 +18834,Cr C P&R,-93.1850879,45.0241248 +18835,Cr C P&R - Load,-93.18522610000001,45.024121300000004 +18836,#2906,-93.1667716,45.0285535 +18837,Lydia Av,-93.1664344,45.0309931 +18838,Terrace Dr,-93.1692285,45.0254515 +18839,Cr C-2,-93.16884710000001,45.0278234 +18840,Walgreens/Byerlys,-93.17011120000001,45.0224856 +18841,#2820 Snelling Dr,-93.16610010000001,45.0262861 +18842,Walgreens,-93.1700141,45.0225244 +18843,Cr C-2,-93.16883150000001,45.027518900000004 +18844,44 Av Ne,-93.24759060000001,45.048564600000006 +18845,Terrace Dr,-93.1690016,45.025262600000005 +18846,Jackson St,-93.24980090000001,45.0482564 +18847,Central Av Ne,-93.2479462,45.0482621 +18848,M-F Fair P&R,-93.1649343,45.0279473 +18849,45 Av Ne,-93.2475751,45.049836600000006 +18850,Central Av Ne,-93.24809880000001,45.048146800000005 +18851,45 Av Ne,-93.2472663,45.050266300000004 +18852,46 Av Ne,-93.247315,45.052065400000004 +18853,Jackson St,-93.25018580000001,45.048162600000005 +18854,46 Av Ne,-93.24778930000001,45.0517606 +18855,47 Av Ne,-93.2477831,45.0533093 +18856,42 Av Ne,-93.2475354,45.0447678 +18857,47 Av Ne,-93.24732060000001,45.0538211 +18858,42 Av Ne,-93.24722290000001,45.0444267 +18859,42 Av Ne,-93.23204630000001,45.0444429 +18860,43 Av Ne,-93.23203980000001,45.0462557 +18861,43 Av Ne,-93.2475486,45.046579900000005 +18862,43 Av Ne,-93.24724280000001,45.046251100000006 +18863,42 Av Ne,-93.23218250000001,45.0447088 +18864,44 Av Ne,-93.24726390000001,45.0484713 +18865,43 Av Ne,-93.23219180000001,45.046515500000005 +18866,51 Court,-93.2473362,45.0603774 +18867,Tyler St Ne,-93.23316030000001,45.0481807 +18868,Arthur St Ne,-93.23232030000001,45.0482917 +18869,Tyler St Ne,-93.23354160000001,45.0479512 +18870,44 Av Ne,-93.2349159,45.0474891 +18871,42 Av Ne,-93.2369927,45.0447396 +18872,51 Av Ne,-93.2477927,45.061195500000004 +18873,Mcleod St Ne,-93.236244,45.0456208 +18874,43 Av Ne,-93.2354325,45.046545200000004 +18875,52 Av Ne,-93.2477286,45.0622406 +18876,Reservoir Blvd,-93.2347467,45.047764400000005 +18877,Mcleod St Ne,-93.23633860000001,45.0453077 +18878,52 Av Ne,-93.24734930000001,45.0626423 +18879,43 Av Ne,-93.235471,45.0462708 +18880,53 Av Ne,-93.2477801,45.0640719 +18881,42 Av Ne,-93.23704330000001,45.044515000000004 +18882,#4801,-93.24732060000001,45.055627 +18883,#4764,-93.24779330000001,45.0552128 +18884,3 St Nw,-93.2181815,45.0534705 +18885,Wexford Hts Ln,-93.21840560000001,45.053803300000006 +18886,49 Av Ne,-93.247798,45.057021000000006 +18887,Windsor Ln #2,-93.21826030000001,45.047923100000006 +18888,49 Av Ne,-93.2473246,45.0574529 +18889,Windsor Ln #1,-93.21844340000001,45.0481707 +18890,Cr E,-93.21847480000001,45.050399500000005 +18891,Cr E,-93.2181968,45.0498124 +18892,Windsor Ln #2,-93.21848030000001,45.0463205 +18893,Windsor Ln #1,-93.2182573,45.0456966 +18894,7 St Nw,-93.2182636,45.061074600000005 +18895,7 St Nw,-93.21807740000001,45.0607452 +18896,10 St Nw (8 St),-93.2180568,45.0627243 +18897,8 St Nw,-93.2182267,45.0620999 +18898,50 Av Ne,-93.2473109,45.058683800000004 +18899,5 St Nw,-93.2183548,45.0573848 +18900,50 Av Ne,-93.2478019,45.059256100000006 +18901,Target - East Drive,-93.25005300000001,45.0644715 +18902,5 St Nw,-93.2181316,45.057044700000006 +18903,5 St Nw,-93.21835680000001,45.0567209 +18904,Target - East Drive,-93.2497946,45.064354400000006 +18905,Medtronic Pkwy,-93.2476503,45.0712173 +18906,Central Av Ne,-93.24701590000001,45.072138900000006 +18907,Danube Rd E,-93.2330094,45.0696086 +18908,Central Av Ne,-93.24141660000001,45.0749897 +18909,Gardena Av,-93.242552,45.074446300000005 +18910,Gardena Av,-93.2418904,45.0752418 +18911,Hackmann Av,-93.24600650000001,45.0723411 +18912,Hackmann Av,-93.2457677,45.0722499 +18913,Matterhorn Dr,-93.2366456,45.070234600000006 +18914,Danube Rd E,-93.2334072,45.069655700000006 +18915,Matterhorn Dr,-93.2362523,45.070118300000004 +18916,Bavarian Pass,-93.23141220000001,45.069265900000005 +18917,Danube Rd W,-93.2354098,45.0701571 +18918,Danube Rd W,-93.235326,45.0702153 +18919,Bavarian Pass,-93.2311303,45.0693757 +18920,Gardena Av,-93.2378393,45.074652400000005 +18921,64 Av Ne,-93.24311030000001,45.084700600000005 +18922,Tennison Dr,-93.23940830000001,45.074839600000004 +18923,63 Av Ne,-93.24350190000001,45.0833694 +18924,Matterhorn Dr,-93.23824570000001,45.0749301 +18925,63 Av Ne,-93.2430662,45.082747700000006 +18926,Mississippi St,-93.2431593,45.0863529 +18927,#5776,-93.23777510000001,45.0732371 +18928,Mississippi St,-93.2435715,45.085792500000004 +18929,Woody Lane,-93.23766230000001,45.0790455 +18930,#5776,-93.2378918,45.0732262 +18931,Woody Lane,-93.23778100000001,45.0793546 +18932,#5695,-93.23726190000001,45.0716018 +18933,Hillcrest Dr,-93.2388901,45.0777128 +18934,Hillcrest Dr,-93.2390695,45.0774228 +18935,#5695,-93.2370503,45.071537400000004 +18936,Moore Lake Dr E,-93.2378257,45.082155500000006 +18937,Moore Lake Dr E,-93.2432205,45.080961800000004 +18938,Heather Place,-93.2376165,45.080330100000005 +18939,Heather Place,-93.2377426,45.080654300000006 +18940,Moore Lake Dr W,-93.2436861,45.0804454 +18941,Mississippi St,-93.2378954,45.0863007 +18942,29 Av Nw,-93.2232762,45.069794800000004 +18943,Mississippi St,-93.2376947,45.0862424 +18944,64 Av Ne,-93.23767430000001,45.0839993 +18945,64 Av Ne,-93.23780830000001,45.084074300000005 +18946,Rice Creek Rd,-93.23764510000001,45.0825004 +18947,32 Av Nw,-93.22619830000001,45.069661200000006 +18948,Innsbruck Ct N,-93.2296079,45.069429400000004 +18949,Innsbruck Ct N,-93.22982660000001,45.0693429 +18950,Silver Lake Rd,-93.21920750000001,45.0676623 +18951,Meister Rd,-93.22876020000001,45.0695241 +18952,Silver Lake Rd,-93.21904110000001,45.0675514 +18953,32 Av Nw,-93.22603740000001,45.069781400000004 +18954,Black Forest Condo,-93.22775250000001,45.069611200000004 +18955,Innsbruck Trail,-93.2206716,45.0680665 +18956,Black Forest Condo,-93.2278546,45.0695197 +18957,Meister Rd,-93.2288371,45.0694023 +18958,27 Av Nw,-93.22099370000001,45.0681488 +18959,Innsbruck Ct,-93.22140060000001,45.0689986 +18960,29 Av Nw,-93.2230694,45.069909800000005 +18961,12 St Nw,-93.221709,45.069092500000004 +18962,Brighton Square,-93.218495,45.068409800000005 +18963,Innsbruck Dr,-93.218756,45.066965200000006 +18964,14 St Nw,-93.21857460000001,45.0715074 +18965,15 St Nw,-93.2185659,45.0733454 +18966,Palmer Dr,-93.2184794,45.0674366 +18967,14 St Nw,-93.21877280000001,45.0718047 +18968,16 St Nw,-93.21866200000001,45.0754074 +18969,Mounds Av,-93.2187672,45.0833457 +18970,17 Terrace,-93.21871970000001,45.078062300000006 +18971,15 St Nw,-93.2188059,45.0736134 +18972,Hamilton Court,-93.21869930000001,45.079223500000005 +18973,17 St Nw,-93.2189362,45.0772436 +18974,16 St Nw,-93.2188953,45.0754737 +18975,17 Terrace Nw,-93.2189608,45.078121700000004 +18976,17 St Nw,-93.2187078,45.0769832 +18977,Mississippi St,-93.2190161,45.0863055 +18978,Hamilton Court,-93.21896910000001,45.079408900000004 +18979,Rice Creek Rd,-93.218975,45.0827346 +18980,Rice Creek Rd,-93.2187421,45.082360400000006 +18981,Mississippi St,-93.2187864,45.085968 +18982,2 St Sw,-93.1983541,45.0526508 +18983,2 St Nw,-93.19811920000001,45.052623000000004 +18984,5 St Nw,-93.1981638,45.057554 +18985,Cr E,-93.19950800000001,45.051285400000005 +18986,4 St Nw,-93.19812990000001,45.056159300000004 +18987,4 St Nw,-93.19793030000001,45.0561377 +18988,Cr E,-93.1994391,45.050939 +18989,3 Terrace Nw,-93.1979223,45.0551582 +18990,1 St Sw,-93.1985447,45.048115 +18991,3 Terrace Nw,-93.1981531,45.055003500000005 +18992,Old Hwy 8,-93.1980506,45.059593400000004 +18993,9 Av Sw,-93.1988764,45.048427600000004 +18994,Old Hwy 8,-93.19802320000001,45.0601373 +18995,12 Av,-93.2031654,45.061058300000006 +18996,3 St Sw,-93.1980484,45.045841900000006 +18997,12 Av,-93.2033775,45.0609691 +18998,3 St Sw,-93.19789270000001,45.045715300000005 +18999,8 St Nw,-93.2051572,45.0610949 +19000,5 St Nw,-93.1979749,45.0572784 +19001,8 Av,-93.1983795,45.0609501 +19002,8 Av Nw,-93.19837460000001,45.062763700000005 +19003,8 Av Nw,-93.19794660000001,45.062864600000005 +19004,11 Av Nw,-93.2021369,45.0628594 +19005,#1381,-93.2044247,45.0627781 +19006,9 Av Nw,-93.19959770000001,45.062761800000004 +19007,11 Av Nw,-93.20145880000001,45.0628812 +19008,9 Av,-93.1992178,45.0610492 +19009,7 St Nw,-93.2054226,45.0613326 +19010,10 St Nw,-93.1932654,45.065780200000006 +19011,#1362,-93.20442630000001,45.0626425 +19012,11 Av,-93.2017349,45.061073300000004 +19013,10 St Nw,-93.1930779,45.0650089 +19014,11 Av,-93.20213050000001,45.060965200000005 +19015,Old Hwy 8 (5 Av),-93.19333040000001,45.062754600000005 +19016,6 Av Nw,-93.1945182,45.062749800000006 +19017,#1255 - Post Office,-93.19308240000001,45.068992900000005 +19018,8 St Nw,-93.19319630000001,45.062953400000005 +19019,Old Hwy 8,-93.1880903,45.074668700000004 +19020,74 Av N,-93.32086650000001,45.091219 +19021,14 St,-93.1918433,45.0719216 +19022,Drew Av N,-93.32820500000001,45.0901067 +19023,Beard Av N,-93.32633390000001,45.0901123 +19024,Old Hwy 8,-93.1910198,45.0719489 +19025,74 Circle,-93.32481870000001,45.090522400000005 +19026,Abbott Av N,-93.32368530000001,45.0910585 +19027,#3100 / #3200,-93.32184330000001,45.091121300000005 +19028,74 Av N,-93.32098450000001,45.091454600000006 +19029,75 Av N,-93.320986,45.0932016 +19030,Drew Av N,-93.3285862,45.089944800000005 +19031,#1255 - Post Office,-93.1926833,45.0693442 +19032,74 Circle,-93.32503940000001,45.090158 +19033,Beard Av N,-93.3266677,45.0899584 +19034,Edinbrook Terrace,-93.3326727,45.1087648 +19035,York Av N,-93.32164510000001,45.0909348 +19036,ZEnith Av N,-93.3238434,45.090837300000004 +19037,75 Av N,-93.320784,45.092825000000005 +19038,Halifax Court,-93.3342058,45.1053154 +19039,Brookdale Dr,-93.3208864,45.0977103 +19040,#8300,-93.33709400000001,45.105339400000005 +19041,Vincent Av N,-93.3184933,45.096606900000005 +19042,Vincent Av N,-93.3188734,45.096516300000005 +19043,Edinbrook Crossing,-93.3290295,45.1087713 +19044,Xerxes Av N,-93.3200901,45.096855000000005 +19045,Xerxes Av N,-93.32057280000001,45.097204100000006 +19046,83 Av N,-93.3289795,45.104585400000005 +19047,York Lane,-93.3211182,45.096878700000005 +19048,82 Av N,-93.3320927,45.104922300000005 +19049,Brookdale Dr,-93.32113840000001,45.0975533 +19050,Xerxes Court,-93.3211289,45.0987791 +19051,Lad Pkwy,-93.32113530000001,45.099809300000004 +19052,Xerxes Court,-93.3209582,45.0985865 +19053,Brookdale Dr,-93.32087410000001,45.096829400000004 +19054,80 Av N,-93.3211728,45.1004894 +19055,Inverness Ln N,-93.3374903,45.108783900000006 +19056,81 Av N,-93.32120800000001,45.1022687 +19057,#8109-8157,-93.3212,45.1031631 +19058,#8100 - 8112,-93.3275126,45.1028996 +19059,Pearson Pkwy,-93.32120060000001,45.104126300000004 +19060,#8000 - 8010,-93.3273104,45.1018218 +19061,82 Av N,-93.3277915,45.1038012 +19062,Xerxes Av N,-93.3215188,45.099706600000005 +19063,Xerxes Av N,-93.3218169,45.1087961 +19064,Beard Av N,-93.3247687,45.1000415 +19065,84 Av N,-93.32118910000001,45.1064985 +19066,83 Av N,-93.3211921,45.1050003 +19067,#7956 - 7998,-93.3260997,45.1007794 +19068,Queen Av N,-93.3134746,45.094459900000004 +19069,Brookdale Court,-93.3166728,45.0953129 +19070,Penn Av N,-93.3114956,45.0944285 +19071,Brookdale Court,-93.31615950000001,45.095219900000004 +19072,Newton Av N,-93.30846740000001,45.0945419 +19073,Oliver Av N,-93.30997860000001,45.0945453 +19074,Penn Av N,-93.3112636,45.094558600000006 +19075,Queen Av N,-93.3127221,45.0945843 +19076,Upton Av N,-93.3177936,45.0960228 +19077,Upton Av N,-93.31748990000001,45.0960655 +19078,Newton Av N,-93.3077961,45.094393000000004 +19079,Oliver Av N,-93.3100105,45.0944103 +19080,Humboldt Av N,-93.30099910000001,45.094477600000005 +19081,76 Av N,-93.30054460000001,45.0931592 +19082,Irving Av N,-93.30219290000001,45.094490500000006 +19083,Pearson Court,-93.30366160000001,45.094537100000004 +19084,Meadowood Dr,-93.300402,45.0905105 +19085,Sierra Pkwy,-93.30492530000001,45.0945039 +19086,Morgan Av N,-93.30617810000001,45.094535300000004 +19087,Humboldt Circle,-93.3004842,45.0915462 +19088,James Av N,-93.3039519,45.0943801 +19089,Morgan Av N,-93.30651730000001,45.094385700000004 +19090,#7600,-93.3004844,45.092223000000004 +19091,Humboldt Av N,-93.30092690000001,45.0943575 +19092,Humboldt Circ #1,-93.300652,45.092455 +19093,Irving Av N,-93.30274150000001,45.0943683 +19094,Noble P&R,-93.33566800000001,45.126035300000005 +19095,76 Av N,-93.3006739,45.0932789 +19096,97 Av N,-93.33599050000001,45.1303047 +19097,Meadowood Dr,-93.3006105,45.090835600000005 +19098,Noble Pkwy,-93.33439360000001,45.1265063 +19099,Noble Pkwy,-93.33416050000001,45.126497 +19100,Humboldt Circ #2,-93.3006282,45.091652700000004 +19101,Brookdale Court,-93.30525060000001,45.0943829 +19102,Fallgold Pkwy,-93.3318187,45.130578400000005 +19103,89 Av N,-93.29777370000001,45.1160872 +19104,Fallgold Pkwy,-93.3313584,45.130692100000005 +19105,97 Av N,-93.33571540000001,45.1302633 +19106,Vincent Av,-93.3186179,45.1305685 +19107,Almond Av N,-93.32130620000001,45.1305721 +19108,Almond Av N,-93.3216546,45.130484100000004 +19109,92 Av N,-93.2980883,45.1202132 +19110,Vincent Av,-93.3189988,45.1304347 +19111,Evergreen Av,-93.3277467,45.1304171 +19112,Banfill Circle,-93.2962737,45.1124091 +19113,Cherrywood Av,-93.32537260000001,45.1304237 +19114,Washburn Av,-93.32020390000001,45.1304552 +19115,Banfill Circle,-93.2965664,45.1127472 +19116,Cherrywood Av,-93.3250867,45.1305591 +19117,Evergreen Av,-93.3275246,45.1305424 +19118,88 Av N,-93.2969815,45.1134963 +19119,Washburn Av,-93.3198205,45.1305658 +19120,88 Av N,-93.2967831,45.1134685 +19121,89 Av N,-93.2975339,45.115662500000006 +19122,Thomas Av,-93.31645540000001,45.1303921 +19123,Thomas Av,-93.3161292,45.1305275 +19124,Russell Av N,-93.31301610000001,45.130412 +19125,Upton Av,-93.3177344,45.130414 +19126,Newton Av N,-93.30856580000001,45.130368700000005 +19127,Sheridan Av,-93.3151588,45.1303714 +19128,Penn Av N,-93.31102560000001,45.130387500000005 +19129,Sheridan Av,-93.3148883,45.1304953 +19130,Russell Av N,-93.3126175,45.1303106 +19131,Oliver Av N,-93.30992160000001,45.130303700000006 +19132,Upton Av,-93.3173567,45.1305331 +19133,93 Av N,-93.29818700000001,45.123386800000006 +19134,Newton Av N,-93.30877240000001,45.130303100000006 +19135,92 Av N,-93.2980764,45.120864100000006 +19136,Oliver Av N,-93.309731,45.1303904 +19137,93 Av N,-93.2982843,45.123376400000005 +19138,#9510,-93.29968760000001,45.127281100000005 +19139,Penn Av N,-93.3113794,45.1303135 +19140,#9510,-93.2994503,45.1270778 +19141,Irving Av N,-93.301855,45.1287217 +19142,Logan Av N,-93.30561630000001,45.1296831 +19143,Logan Av N,-93.3053715,45.129699800000004 +19144,Hartman Circle,-93.2755858,45.090993700000006 +19145,Irving Av N,-93.3021143,45.128713600000005 +19146,Rice Creek Way,-93.27602510000001,45.088791300000004 +19147,James Av N,-93.3033803,45.1291784 +19148,Rice Creek Way,-93.27632910000001,45.0887029 +19149,Hartman Circle,-93.2758221,45.0912245 +19150,James Av N,-93.30368580000001,45.1291737 +19151,70 Way,-93.2741697,45.0953269 +19152,69 Way,-93.2755126,45.0936479 +19153,#7800,-93.2862932,45.0960825 +19154,69 Way,-93.2750645,45.093891500000005 +19155,79 Av N,-93.2861994,45.0980787 +19156,70 Way,-93.27404480000001,45.095056500000005 +19157,82 Av N,-93.2873622,45.1032912 +19158,79 Av N,-93.28601730000001,45.0976888 +19159,Pearson Pkwy,-93.2875925,45.1040166 +19160,#7932,-93.2864449,45.099224400000004 +19161,#7733,-93.28642280000001,45.095786800000006 +19162,82 Av N,-93.2875855,45.103567600000005 +19163,West River Rd,-93.28701360000001,45.0943952 +19164,81 Av N,-93.287017,45.1017589 +19165,81 Av N,-93.2867518,45.101242000000006 +19166,#7932,-93.28630100000001,45.099193400000004 +19167,83 Av N,-93.2879929,45.105333200000004 +19168,83 Av N,-93.2880952,45.105271300000005 +19169,Pearson Pkwy,-93.28778390000001,45.1043736 +19170,W River/ Hw 252,-93.2883877,45.094369900000004 +19171,85 Av N,-93.29110870000001,45.1090394 +19172,85 Av N,-93.29046290000001,45.108797300000006 +19173,Hw 252/W River Rd,-93.28858550000001,45.094214300000004 +19174,#8331,-93.28899050000001,45.106773200000006 +19175,Brookdale Dr,-93.28642140000001,45.094624100000004 +19176,#8400,-93.2889076,45.106831400000004 +19177,77 Way,-93.2753249,45.1080319 +19178,Locke Lake Rd,-93.27542460000001,45.0917803 +19179,Pearson/Craigbrook,-93.277366,45.1094565 +19180,Stonybrook Way,-93.2759606,45.1082277 +19181,Mississippi / 69 Av,-93.2633376,45.090342500000006 +19182,Pearson Way,-93.27683010000001,45.1094129 +19183,69 Av / Mississippi,-93.2636815,45.0906736 +19184,University Av,-93.2630584,45.107190300000006 +19185,69 Av Ne,-93.2637016,45.0933791 +19186,Osborne Rd Ne,-93.2640276,45.106795600000005 +19187,Rickard Rd,-93.2735382,45.1054716 +19188,69 Av Ne,-93.2632976,45.093968100000005 +19189,Rickard Rd,-93.27339420000001,45.105738200000005 +19190,Osborne Rd Ne,-93.26345160000001,45.1075718 +19191,71 Way,-93.27329440000001,45.0965998 +19192,5 St Ne,-93.2610978,45.107596 +19193,Madison St,-93.2549438,45.108018200000004 +19194,Hickory Dr,-93.2725817,45.0971836 +19195,5 St Ne,-93.260723,45.1078563 +19196,73 Av Ne,-93.26340130000001,45.100864800000004 +19197,Osborne Rd Ne,-93.25354700000001,45.108333300000005 +19198,Osborne Rd Ne,-93.2534464,45.1083389 +19199,73 Av Ne,-93.2639398,45.100317100000005 +19200,78 Av Ne,-93.253449,45.1094918 +19201,Osborne Rd Ne,-93.2723292,45.1034984 +19202,78 Av Ne,-93.25355280000001,45.1097595 +19203,Terrace Rd,-93.25842540000001,45.1080175 +19204,Logan Pkwy,-93.27184980000001,45.099647600000004 +19205,Glen Creek Rd,-93.2717272,45.101604 +19206,Jackson St,-93.25225160000001,45.1077953 +19207,Glen Creek Rd,-93.2713621,45.1018689 +19208,Quincy St,-93.2519685,45.107927800000006 +19209,Osborne Rd Ne,-93.2722806,45.1040666 +19210,Terrace Rd,-93.25798900000001,45.1078388 +19211,Mattson Brook Ln,-93.29383890000001,45.110305600000004 +19212,Logan Pkwy,-93.2714646,45.100401000000005 +19213,Mattson Brook Ln,-93.293951,45.1104324 +19214,Mississippi Blvd,-93.2851263,45.1203883 +19215,Janesville,-93.284126,45.1186681 +19216,Ely St,-93.2829715,45.1148036 +19217,Liberty St,-93.2816595,45.113254000000005 +19218,Longfellow,-93.28070910000001,45.112427800000006 +19219,79 Way,-93.2792522,45.1111543 +19220,Liberty St,-93.2811805,45.113209600000005 +19221,Janesville,-93.2844287,45.1186294 +19222,Longfellow,-93.2803105,45.112448900000004 +19223,Glencoe / Fairmont,-93.28341470000001,45.115941 +19224,79 Way,-93.2794636,45.111696200000004 +19225,Fairmont St,-93.2830191,45.1158775 +19226,Hugo St,-93.2835766,45.1172863 +19227,Norway St Nw,-93.28573130000001,45.1292362 +19228,Hugo St,-93.28393840000001,45.1173194 +19229,Evergreen Blvd,-93.274223,45.124532800000004 +19230,Ione Av Ne,-93.2535866,45.120174600000006 +19231,Kimball St Ne,-93.28472310000001,45.1194033 +19232,81 Av Ne,-93.25354700000001,45.115239300000006 +19233,82 Av Ne,-93.2535618,45.117017600000004 +19234,Larch St Nw,-93.2844426,45.1194526 +19235,83 Av Ne,-93.2534748,45.1185406 +19236,Mississippi Blvd,-93.28473860000001,45.1202587 +19237,81 Av Ne,-93.253449,45.1149281 +19238,82 Av Ne,-93.2534346,45.116691100000004 +19239,84 Ln Ne,-93.28574610000001,45.1228184 +19240,83 Av Ne,-93.25357910000001,45.1192676 +19241,84 Av Ne,-93.2534943,45.120772300000006 +19242,Norway St Nw,-93.2834205,45.124346100000004 +19243,79 Av Ne,-93.25354700000001,45.111620900000005 +19244,85 Av / 84 Ln,-93.28618900000001,45.1231639 +19245,79 Av Ne,-93.25343980000001,45.1113196 +19246,80 Av Ne,-93.2535625,45.1134366 +19247,Evergreen Blvd,-93.2750242,45.1244396 +19248,Manor Dr,-93.2535028,45.1225931 +19249,80 Av Ne,-93.2534215,45.113105600000004 +19250,81 Av Ne,-93.2640075,45.1146353 +19251,81 Av Ne,-93.26345350000001,45.1154713 +19252,Cottonwood St,-93.27184150000001,45.1244621 +19253,Maple St,-93.2535161,45.1234698 +19254,85 Av Nw,-93.26699880000001,45.1252391 +19255,Cottonwood St,-93.2716716,45.124589400000005 +19256,Manor Dr,-93.2536168,45.1228946 +19257,Local - Arrive,-93.26413960000001,45.126970400000005 +19258,Express Stop,-93.2646789,45.126806300000005 +19259,Maple St,-93.25362030000001,45.1238066 +19260,Local Stop,-93.2637912,45.127054400000006 +19261,84 Av Ne,-93.2535871,45.1210851 +19262,Target - N Drive,-93.26781890000001,45.1277908 +19263,Target - N Drive,-93.2674286,45.127638700000006 +19264,Sanburnol Dr,-93.25354010000001,45.1243751 +19265,P&R - To Fair,-93.2645351,45.1269463 +19266,Wedgewood Dr,-93.36682490000001,45.1973932 +19267,Jefferson St Ne,-93.2555834,45.124551700000005 +19268,Monroe St Ne,-93.2538576,45.124499300000004 +19269,Sanburnol Dr,-93.25603310000001,45.1249618 +19270,Cr 10,-93.2561828,45.1267584 +19271,Jefferson St,-93.2561898,45.129211000000005 +19272,Sanburnol Exit,-93.259461,45.1251024 +19273,Washington St,-93.25706770000001,45.1293773 +19274,7 St Ne,-93.25962700000001,45.130908700000006 +19275,Sanburnol Exit,-93.2593391,45.125056300000004 +19276,89 Av Ne,-93.26016800000001,45.1316014 +19277,Rainbow Village,-93.25752840000001,45.1298412 +19278,89 Av Ne,-93.2602643,45.1311808 +19279,Madison St,-93.2548572,45.131778000000004 +19280,North Ct Commons,-93.2558784,45.127011700000004 +19281,Jefferson St,-93.2562328,45.131779 +19282,Marigold Av,-93.3372008,45.1333769 +19283,Willow Rd,-93.33543490000001,45.1475783 +19284,101 Av N,-93.33750760000001,45.1373516 +19285,101 Av N,-93.33773160000001,45.137832200000005 +19286,Marigold Av,-93.33760480000001,45.1336043 +19287,Willow Rd,-93.33556150000001,45.1476635 +19288,Oxbow Creek Dr N,-93.3355927,45.1447012 +19289,Fallgold Pkwy N,-93.33587220000001,45.1429174 +19290,Oxbow Creek Dr N,-93.33576190000001,45.144970900000004 +19291,Sunset Trail,-93.3326887,45.1503773 +19292,Indiana Av,-93.3346418,45.151104000000004 +19293,Sunset Trail,-93.3328539,45.1503199 +19294,Indiana Av,-93.33446950000001,45.1513039 +19295,Mississippi Dr N,-93.33155520000001,45.1497827 +19296,West River Rd,-93.3364274,45.150801900000005 +19297,ZIegler Dr,-93.3276733,45.147688 +19298,109 Av N,-93.33781540000001,45.152066100000006 +19299,Sunset Rd,-93.3252903,45.1464231 +19300,ZIegler Dr,-93.3277237,45.147788600000005 +19301,#10449,-93.3205775,45.144781800000004 +19302,#10449,-93.3207745,45.144844400000004 +19303,Sunset Rd,-93.32526990000001,45.1464871 +19304,99 Av N,-93.3133744,45.1343881 +19305,Noble Av N,-93.3355702,45.150789800000005 +19306,100 Av N,-93.3137628,45.1364931 +19307,101 Lane,-93.3140185,45.137354800000004 +19308,#10917,-93.3388867,45.1526416 +19309,101 Lane,-93.3138816,45.137222200000004 +19310,West River Rd,-93.3363849,45.151158 +19311,Willow Rd,-93.32920920000001,45.148557600000004 +19312,100 Av N,-93.3135934,45.1362741 +19313,99 Av N,-93.3132281,45.134063700000006 +19314,Mississippi Dr N,-93.33169520000001,45.1497207 +19315,Penn Av (N),-93.3132377,45.132026100000004 +19316,Russell Circle (N),-93.3133415,45.132267600000006 +19317,Willow Rd,-93.32913500000001,45.1484212 +19318,100 Lane,-93.3026614,45.1529863 +19319,Thrush St,-93.3256465,45.164758600000006 +19320,Avocet St,-93.29927740000001,45.1516602 +19321,Drake Street,-93.30436250000001,45.1535822 +19322,Crane St,-93.30197000000001,45.152281200000004 +19323,107 Av Nw,-93.3179892,45.164298800000005 +19324,106 Av Nw,-93.31799430000001,45.163015900000005 +19325,108 Ln Nw,-93.3180044,45.1670875 +19326,Hanson Blvd,-93.3187767,45.1615097 +19327,Quinn St Nw,-93.3225113,45.163444600000005 +19328,108 Av Nw,-93.3179887,45.1651247 +19329,Quinn St Nw,-93.3217005,45.1626981 +19330,110 Ln Nw,-93.31794950000001,45.1712033 +19331,Crooked Lake,-93.3394901,45.1717321 +19332,Crooked Lake,-93.3388657,45.171153000000004 +19333,Thrush St,-93.3261348,45.165307000000006 +19334,105 Av,-93.3002376,45.162086 +19335,106 Av Nw,-93.3000473,45.163546700000005 +19336,Xavis St,-93.3306278,45.1676468 +19337,107 Av Nw,-93.2995892,45.1646714 +19338,Coon Rapids Blvd,-93.31772980000001,45.161678 +19339,Xavis St,-93.3302003,45.167096300000004 +19340,Hanson Blvd,-93.317299,45.1604207 +19341,Direct River Dr,-93.33220700000001,45.168092300000005 +19342,107 Av Nw,-93.3176976,45.164018600000006 +19343,Egret Blvd,-93.29887570000001,45.1609027 +19344,Yukon St,-93.33258280000001,45.1685783 +19345,Egret Boulevard,-93.3062094,45.154560800000006 +19346,Egret Blvd,-93.30687130000001,45.155281300000006 +19347,Bittersweet St,-93.3368564,45.1705193 +19348,Jay St,-93.31328500000001,45.158686200000005 +19349,Bittersweet St,-93.3364284,45.1700086 +19350,Jay St,-93.3133227,45.158378000000006 +19351,Hummingbird St,-93.31066560000001,45.1573117 +19352,Ibis St,-93.3102559,45.156763600000005 +19353,Ibis St Nw,-93.3114563,45.1755949 +19354,106 Av Nw,-93.2999161,45.1635112 +19355,105 Av,-93.300122,45.162167000000004 +19356,Egret Blvd,-93.2987734,45.1609362 +19357,108 Av Nw,-93.31769170000001,45.1666438 +19358,Ibis St Nw,-93.3117048,45.1754654 +19359,108 Av Nw,-93.31767640000001,45.164879600000006 +19360,108 Ln Nw,-93.3176942,45.1676781 +19361,108 Av Nw,-93.3000136,45.1665088 +19362,111 Ln Nw,-93.3178963,45.173035000000006 +19363,111 Av Nw,-93.317553,45.171745 +19364,Bluebird St,-93.3017698,45.1672364 +19365,110 Ln Nw,-93.31758900000001,45.1708872 +19366,109 Av Nw,-93.3037747,45.167624800000006 +19367,Martin St Nw,-93.3156311,45.1756535 +19368,Martin St Nw,-93.31588590000001,45.1755818 +19369,109 Lane,-93.30442640000001,45.1692254 +19370,Hanson Blvd,-93.3170783,45.175546000000004 +19371,Hanson Blvd,-93.3173328,45.1756727 +19372,Eagle St,-93.3044373,45.170131100000006 +19373,108 Av Nw,-93.29975420000001,45.166338200000006 +19374,107 Av Nw,-93.2995425,45.1649922 +19375,City Hall,-93.3045036,45.173188700000004 +19376,Creek Meadow Dr,-93.3047672,45.173951800000005 +19377,109 Lane,-93.3042793,45.1691225 +19378,Eagle St,-93.30429310000001,45.1703161 +19379,Creek Meadow Dr,-93.30500350000001,45.1746945 +19380,109 Av Nw,-93.3037472,45.167738500000006 +19381,City Hall,-93.3043753,45.1732529 +19382,Bluebird St,-93.3017507,45.167293400000005 +19383,111 Av Nw,-93.30428260000001,45.1716459 +19384,To Fair,-93.2850791,45.1423471 +19385,111 Av Nw,-93.30437950000001,45.171320300000005 +19386,From Fair,-93.28510560000001,45.1423482 +19387,Evergreen Blv,-93.28517930000001,45.1424091 +19388,95 Av Nw,-93.2775596,45.1412646 +19389,Evergreen Blvd,-93.28511830000001,45.142376500000005 +19390,93 Av Nw,-93.27504780000001,45.1392455 +19391,Flintwood St,-93.27526160000001,45.1398061 +19392,95 Av Nw,-93.2779086,45.1418606 +19393,90 Av,-93.2743671,45.135702900000005 +19394,Ymca,-93.27227760000001,45.1328486 +19395,Holly St Nw,-93.27460710000001,45.1370438 +19396,Fairfield Inn,-93.2726157,45.1333605 +19397,90 Av,-93.27421290000001,45.1357694 +19398,92 Av Ne,-93.2667165,45.1379517 +19399,94 Circle Ne,-93.26657800000001,45.1403705 +19400,Holly St Nw,-93.274551,45.136754 +19401,92 Ln Ne,-93.26666030000001,45.139802100000004 +19402,Springbrook Dr,-93.2734008,45.1383883 +19403,Coon Rapids Blvd,-93.2824588,45.1445438 +19404,92 Av Nw,-93.26690310000001,45.138167100000004 +19405,Foley Blvd,-93.2815983,45.1444575 +19406,94 Circle Ne,-93.2669599,45.141119100000004 +19407,Woodland North,-93.2669439,45.139566200000004 +19408,Foley Blvd,-93.2826445,45.145638700000006 +19409,Springbrook Dr,-93.2736405,45.1381351 +19410,91 Av Ne,-93.2668945,45.1360066 +19411,Jefferson St,-93.25639930000001,45.1318694 +19412,Madison St,-93.25481260000001,45.1318761 +19413,91 Lane Ne,-93.2669182,45.1368932 +19414,Village Townhomes,-93.2665649,45.1450083 +19415,98 Ln Ne,-93.26653590000001,45.148504100000004 +19416,91 Lane Ne,-93.2667193,45.136968200000005 +19417,90 Ln Ne,-93.26692700000001,45.1350435 +19418,Kmart,-93.2642512,45.1323421 +19419,97 Av Ne,-93.2664907,45.146876500000005 +19420,91 Av Ne,-93.2666535,45.1361446 +19421,99 Av Ne,-93.2664761,45.1501955 +19422,101 Av Nw,-93.2664135,45.153122700000004 +19423,Juniper St,-93.2796131,45.163915800000005 +19424,98 Ln Nw,-93.2668117,45.148670700000004 +19425,97 Av Nw,-93.26689800000001,45.1464164 +19426,101 Av Nw,-93.26669430000001,45.1529615 +19427,99 Ln Nw,-93.26675630000001,45.1504847 +19428,Tamarack St,-93.2917199,45.1624956 +19429,Foley Blvd,-93.2763257,45.1641745 +19430,Wintergreen St,-93.295139,45.1618051 +19431,Quince St,-93.28937300000001,45.162696100000005 +19432,Foley Blvd,-93.2769786,45.16386 +19433,Juniper St,-93.2795389,45.1638054 +19434,Tamarack St,-93.2919167,45.162647500000006 +19435,Kumquat St,-93.2820415,45.163781400000005 +19436,Woodcrest Dr,-93.28929210000001,45.162558600000004 +19437,Kumquat St,-93.2816298,45.1639305 +19438,103 Av Nw,-93.2666537,45.156877400000006 +19439,6 St Ne,-93.2648475,45.160839300000006 +19440,Wintergreen St,-93.29548960000001,45.1617837 +19441,6 St Ne,-93.2652216,45.160771600000004 +19442,7 St Ne,-93.2635389,45.1608151 +19443,Dogwood St,-93.2739803,45.1743734 +19444,7 St Ne,-93.26372500000001,45.1607469 +19445,113 Av,-93.27446610000001,45.1744944 +19446,University Av,-93.2658655,45.160839300000006 +19447,University Av,-93.2659883,45.160743000000004 +19448,University Circle,-93.26635590000001,45.158846100000005 +19449,University Av,-93.2666547,45.1643738 +19450,Dogwood St Nw,-93.27169260000001,45.164357300000006 +19451,103 Av Ne,-93.2663304,45.156735600000005 +19452,Dogwood St Nw,-93.27131320000001,45.164477100000006 +19453,University Av,-93.2669989,45.1644987 +19454,102 Ln Ne,-93.26632380000001,45.156099600000005 +19455,105 Av Ne,-93.2662494,45.1611318 +19456,101 Ln Ne,-93.2663816,45.154048200000005 +19457,Terrace Rd Ne,-93.2610496,45.1609434 +19458,Washington Blvd Ne,-93.2589444,45.161987700000005 +19459,102 Ln Ne,-93.2666691,45.155922700000005 +19460,101 Ln Ne,-93.2667115,45.1541435 +19461,President Dr Ne,-93.2622764,45.160794100000004 +19462,President Dr Ne,-93.2625333,45.1607415 +19463,104 Av Nw,-93.2665913,45.1577227 +19464,Terrace Rd Ne,-93.26076640000001,45.1610491 +19465,105 Av Ne,-93.25584880000001,45.162981900000005 +19466,Washington Blvd Ne,-93.2591256,45.1618658 +19467,104 Ln Ne,-93.2558614,45.1620428 +19468,Madison St Ne,-93.2543552,45.161044000000004 +19469,Jefferson St Ne,-93.2555593,45.161095800000005 +19470,Territorial Rd,-93.2558884,45.1611977 +19471,104 Ln Ne,-93.2558001,45.162021200000005 +19472,106 Av Ne,-93.2557374,45.1642243 +19473,Quincy Blvd Ne,-93.2530229,45.160993700000006 +19474,Quincy St Ne,-93.25349680000001,45.1609044 +19475,105 Av Ne,-93.2557427,45.1628813 +19476,Madison St Ne,-93.2547636,45.1609178 +19477,Jefferson St Ne,-93.25598830000001,45.1627852 +19478,Washington Blvd,-93.25582610000001,45.1644504 +19479,5 St Ne,-93.2634105,45.168122100000005 +19480,6 St Ne,-93.263018,45.167957200000004 +19481,University Av Ne,-93.2658617,45.1750179 +19482,4 St Ne,-93.2647668,45.168107500000005 +19483,112 Ln Nw,-93.27269310000001,45.1731354 +19484,Cottonwood St,-93.2693115,45.1706067 +19485,Butternut St,-93.2684971,45.169929200000006 +19486,Cottonwood St,-93.2696324,45.170630700000004 +19487,Cottonwood Circle,-93.27026950000001,45.171349400000004 +19488,Butternut St,-93.26880270000001,45.169977 +19489,111 Ln Nw,-93.27156690000001,45.172265800000005 +19490,University Av,-93.2657516,45.168174300000004 +19491,112 Lane Nw,-93.27243050000001,45.1730948 +19492,Cottonwood Circle,-93.2705653,45.1714344 +19493,University / 4 St,-93.2651708,45.1679206 +19494,111 Lane Nw,-93.27123950000001,45.17217 +19495,110 Ln Nw,-93.26640210000001,45.171289200000004 +19496,111 Av Ne,-93.26601050000001,45.171424200000004 +19497,113 Av Ne,-93.2630955,45.1751194 +19498,University Av Ne,-93.26595440000001,45.175195200000005 +19499,110 Av Ne,-93.2555815,45.1701963 +19500,109 Av Ne,-93.2557168,45.1683254 +19501,6 St Ne,-93.26208390000001,45.1680858 +19502,10 Av,-93.3705551,45.197625300000006 +19503,113 Av Ne,-93.2548642,45.175244 +19504,7 St Ne,-93.2617056,45.16796 +19505,112 Av Ne,-93.2549587,45.173825300000004 +19506,112 Av Ne,-93.25501410000001,45.1740348 +19507,Terrace Rd,-93.2591433,45.1680427 +19508,111 Av Ne,-93.25559820000001,45.1712081 +19509,111 Av Ne,-93.2556777,45.171418300000006 +19510,Jefferson St Ne,-93.2560342,45.1680635 +19511,110 Av Ne,-93.2556898,45.170396100000005 +19512,7 St Ne,-93.2607756,45.168112 +19513,Washington St,-93.25529730000001,45.172696200000004 +19514,Norton Av,-93.23784330000001,45.0970798 +19515,President Dr,-93.2593152,45.1681717 +19516,Norton Av,-93.2380548,45.097681 +19517,68 Av Ne,-93.243662,45.0914487 +19518,President Dr,-93.26045810000001,45.168008 +19519,68 Av Ne,-93.24327480000001,45.0916027 +19520,107 Av,-93.2557902,45.166383800000006 +19521,72 Av Ne,-93.24344210000001,45.0985449 +19522,72 Av Ne,-93.2438723,45.098739900000005 +19523,109 Av Ne,-93.25564440000001,45.1678993 +19524,107 Av Ne,-93.2556886,45.166069500000006 +19525,Jefferson St Ne,-93.25603430000001,45.1681961 +19526,#7000,-93.2380158,45.0953743 +19527,#7000-Medtronics,-93.23785430000001,45.0941933 +19528,Washington St,-93.25532050000001,45.1724976 +19529,69 Av Ne,-93.2378583,45.0930085 +19530,69 Av Ne,-93.2380054,45.093603800000004 +19531,113 Av Ne,-93.25505500000001,45.1754668 +19532,#6700,-93.2379748,45.090153400000005 +19533,Osborne Rd Ne,-93.2439454,45.107399400000006 +19534,#6700,-93.23778650000001,45.090034800000005 +19535,66 Av Ne,-93.2377483,45.0879263 +19536,66 Av Ne,-93.23793880000001,45.0882822 +19537,Fridley Terrace,-93.243936,45.1031057 +19538,Fireside Dr,-93.2434767,45.1035069 +19539,Able St,-93.24862010000001,45.1077645 +19540,73 Av Ne,-93.24346910000001,45.1007959 +19541,73 Av Ne,-93.2439174,45.100044100000005 +19542,Van Buren St,-93.25048960000001,45.1077753 +19543,Osborne Rd Ne,-93.2435076,45.1081122 +19544,Van Buren St,-93.2494331,45.1079031 +19545,Jackson St,-93.2506678,45.107916800000005 +19546,73 Av Ne,-93.23796130000001,45.100971400000006 +19547,Tyler St,-93.2462354,45.107900300000004 +19548,72 Av Ne,-93.2380835,45.0990629 +19549,72 Av Ne,-93.23787030000001,45.098893800000006 +19550,Able St,-93.24818060000001,45.1078921 +19551,75 Av Ne,-93.2381625,45.104131800000005 +19552,Taylor St,-93.2453571,45.1077358 +19553,Onondaga St,-93.2379791,45.102341300000006 +19554,Fireside Dr,-93.2379763,45.1029568 +19555,Taylor St,-93.2445618,45.1079048 +19556,75 Av Ne,-93.23800030000001,45.103901 +19557,Onondaga St,-93.23814010000001,45.1024715 +19558,Hwy 65 Svc Rd,-93.2423536,45.1079031 +19559,Fireside Dr,-93.23815850000001,45.103456900000005 +19560,Hwy 65 Svc Rd,-93.2426023,45.107706 +19561,Central Av Ne,-93.23849030000001,45.107797100000006 +19562,76 Av Ne,-93.23816760000001,45.105631800000005 +19563,73 Av Ne,-93.2380971,45.1001928 +19564,76 Av Ne,-93.23802450000001,45.1054211 +19565,73 Av Ne,-93.23791990000001,45.100129300000006 +19566,Osborne Rd Ne,-93.2382003,45.1073564 +19567,Brighton Ln,-93.2137345,45.0934631 +19568,Erin Court,-93.2190169,45.089733100000004 +19569,Gregory Dr,-93.2190212,45.0908913 +19570,Eastman Dr,-93.2189977,45.0923415 +19571,Erin Court,-93.218895,45.089415100000004 +19572,Silver Lake Rd,-93.21859970000001,45.0934637 +19573,Gregory Dr,-93.2188897,45.0906852 +19574,Eastman Dr,-93.2188356,45.092331400000006 +19575,Cr H,-93.2188412,45.093234800000005 +19576,Longview Dr,-93.2174466,45.0933676 +19577,Robin Lane,-93.2165337,45.093370400000005 +19578,Sunnyside Rd,-93.2150048,45.0935098 +19579,Longview Dr,-93.2177243,45.093461500000004 +19580,Red Oak Dr,-93.21621590000001,45.0934923 +19581,Brighton Ln,-93.21368260000001,45.0935263 +19582,Long Lake Rd,-93.20892520000001,45.0935392 +19583,Sunnyside Rd,-93.2150812,45.093431800000005 +19584,Rainbow Ln,-93.2126588,45.0934569 +19585,Rainbow Ln,-93.21239440000001,45.0935652 +19586,Ridge Ln,-93.20870450000001,45.0979851 +19587,Eastwood Dr,-93.21117480000001,45.093583200000005 +19588,Woodale Dr,-93.2086761,45.0970797 +19589,Ridge Ln,-93.2088703,45.098213 +19590,Oriole Ln,-93.2114135,45.0934484 +19591,Woodale Dr,-93.2088619,45.097357200000005 +19592,Parkview Dr,-93.2190171,45.102628300000006 +19593,17 Av Nw,-93.2101734,45.093506700000006 +19594,Parkview Dr,-93.2191749,45.102779600000005 +19595,Greenwood Dr,-93.2098206,45.093590000000006 +19596,Bronson Dr,-93.21918520000001,45.1036293 +19597,Bronson Dr,-93.21903870000001,45.103553600000005 +19598,Woodcrest Dr,-93.2088107,45.0955011 +19599,Cr I,-93.21913190000001,45.107599 +19600,Cr I,-93.21928190000001,45.108016000000006 +19601,Cr H,-93.2087858,45.0937501 +19602,Long Lake Rd,-93.20935440000001,45.1008676 +19603,Woodcrest Dr,-93.2086529,45.095277200000005 +19604,Scotland Green Apts (W),-93.21326880000001,45.100653900000005 +19605,Scotland Green Apts (E),-93.21100460000001,45.1008111 +19606,79 Av Ne,-93.2436205,45.111274200000004 +19607,Scotland Green Apts (W),-93.2130901,45.100779200000005 +19608,Long Lake Rd,-93.2092008,45.1008038 +19609,Sunnyside Rd,-93.2151489,45.100745800000006 +19610,79 Av Ne,-93.243143,45.111266900000004 +19611,Parkview Dr,-93.21704220000001,45.1007357 +19612,87 Av Ne,-93.23555800000001,45.128065400000004 +19613,Scotland Green Apts (E),-93.2118957,45.1007751 +19614,Sunnyside Rd,-93.2154019,45.100686800000005 +19615,85 Av Ne,-93.23557840000001,45.125210200000005 +19616,Silver Lake Rd,-93.21876870000001,45.100678200000004 +19617,Red Oak Dr,-93.2167235,45.1006555 +19618,87 Av Ne,-93.235016,45.1283631 +19619,Silver Lake Rd,-93.2187603,45.100593 +19620,81 Av Ne,-93.2422612,45.1145602 +19621,85 Av Ne,-93.2350399,45.1251158 +19622,81 Av Ne,-93.24126410000001,45.1153412 +19623,Hwy 65 Svc Rd E,-93.2344892,45.1246839 +19624,80 Av Ne,-93.2427861,45.112401500000004 +19625,80 Av Ne,-93.2432371,45.112526700000004 +19626,Lincoln St Ne,-93.23903010000001,45.1317304 +19627,Center Dr,-93.23295350000001,45.124518900000005 +19628,Davenport St,-93.2301169,45.1246251 +19629,Baltimore St,-93.232718,45.124649000000005 +19630,Jackson St,-93.2510716,45.131784200000006 +19631,Sunset Rd,-93.2315356,45.1246342 +19632,Blaine Human Svc Ctr,-93.2394776,45.1318215 +19633,Polk St Ne,-93.245963,45.1317912 +19634,Sunset Rd,-93.2318527,45.1245178 +19635,Spring Lake Rd,-93.2248064,45.117971600000004 +19636,Ardan Av,-93.225052,45.118025100000004 +19637,Davenport St,-93.23011170000001,45.124508500000005 +19638,#8335,-93.224973,45.1199084 +19639,Hillview Rd,-93.2091204,45.111915100000004 +19640,Groveland Rd,-93.22092950000001,45.117964900000004 +19641,Groveland Rd,-93.22142880000001,45.117914600000006 +19642,Fairchild Av,-93.2195672,45.117890200000005 +19643,Knollwood Dr,-93.2231229,45.117955800000004 +19644,Knollwood Dr,-93.22293400000001,45.1179718 +19645,Greenwood Dr,-93.21123630000001,45.111629400000005 +19646,Fairchild Av,-93.21920800000001,45.117951600000005 +19647,Greenwood Dr,-93.2109506,45.111725400000005 +19648,Hillview Rd,-93.2089608,45.1118888 +19649,Sherwood Rd,-93.2089589,45.1151769 +19650,Sherwood Rd,-93.2091609,45.115432000000006 +19651,Long Lake Rd,-93.2093833,45.118081700000005 +19652,Hillview Rd,-93.2172628,45.111397800000006 +19653,Long Lake Rd,-93.209445,45.1181623 +19654,Red Oak Dr,-93.21697800000001,45.111598400000005 +19655,Greenwood Dr,-93.21101300000001,45.1181155 +19656,Sunnyside Rd,-93.2154759,45.1179463 +19657,Cr 10,-93.2186963,45.1103953 +19658,Red Oak Dr,-93.2175409,45.1179228 +19659,Red Oak Dr,-93.2171613,45.117984500000006 +19660,Cr 10,-93.21849710000001,45.1103535 +19661,Greenwood Dr,-93.2113822,45.1180631 +19662,Eastwood Dr,-93.2132881,45.1116037 +19663,Eastwood Dr,-93.2135186,45.1180152 +19664,Eastwood Dr,-93.213023,45.1180278 +19665,Eastwood Dr,-93.21300740000001,45.1116876 +19666,Sunnyside Rd,-93.2150836,45.118031 +19667,Sunnyside Rd,-93.2150057,45.111638000000006 +19668,#8387,-93.2250351,45.121112600000004 +19669,#8387,-93.2250769,45.121089600000005 +19670,Sunnyside Rd,-93.2153655,45.1115391 +19671,Clover Leaf Pkwy,-93.2458153,45.141746000000005 +19672,Goodhue St,-93.2266312,45.124596000000004 +19673,Goodhue St,-93.22703270000001,45.124497600000005 +19674,Westwood Rd,-93.2292551,45.124501900000006 +19675,Eldorado St,-93.22832890000001,45.124621100000006 +19676,Clover Leaf Pkwy,-93.2456853,45.1414351 +19677,84 Av Ne,-93.2250374,45.1228272 +19678,84 Av Ne,-93.22510510000001,45.1231677 +19679,91 Av Ne,-93.2456753,45.135365300000004 +19680,Spring Lake Rd,-93.2253417,45.124497700000006 +19681,85 Av Ne,-93.2250484,45.1242822 +19682,91 Av Ne,-93.2458069,45.1356112 +19683,County Road H Park & Ride,-93.19026070000001,45.094831600000006 +19684,90 Ln Ne,-93.24575580000001,45.1343527 +19685,Cr 10 / Cr H,-93.1941025,45.0947022 +19686,Coral Sea Street & Medtronic,-93.1988895,45.119440000000004 +19687,90 Ln Ne,-93.24566320000001,45.1341538 +19688,Coral Sea Street & 82nd Lane,-93.19870780000001,45.1207081 +19689,90 Av Ne,-93.2456712,45.132894900000004 +19690,89 Av Ne,-93.24577860000001,45.132054000000004 +19691,98 St Ne,-93.24589420000001,45.1488243 +19692,90 Av Ne,-93.24575770000001,45.1330425 +19693,98 St Ne,-93.24577120000001,45.148499900000004 +19694,#1201,-93.23948460000001,45.1325954 +19695,98 Av Ne,-93.245767,45.1474434 +19696,97 Av Ne,-93.2459159,45.1461939 +19697,Jackson St,-93.2511798,45.131886200000004 +19698,97 Av Ne,-93.2457555,45.146129 +19699,Polk St,-93.24548010000001,45.1318848 +19700,96 Av Ne,-93.2458842,45.1447735 +19701,96 Av Ne,-93.245733,45.1446604 +19702,99 Av Ne,-93.2458929,45.150165900000005 +19703,95 Ln Ne,-93.2457122,45.1435563 +19704,95 Av Ne,-93.245839,45.1433655 +19705,103 Av Ne,-93.2457174,45.157425700000005 +19706,99 Av Ne,-93.24575490000001,45.1498293 +19707,99 Lane,-93.2457399,45.151423400000006 +19708,99 Ln Ne,-93.2458759,45.1515263 +19709,Jackson St Ne,-93.25072580000001,45.1605931 +19710,101 Lane,-93.2457126,45.153907700000005 +19711,Naples Street & 90th Avenue,-93.1841978,45.1331062 +19712,Naples Street & 90th Avenue,-93.1844014,45.133303500000004 +19713,Syndicate Av,-93.17121750000001,45.1424765 +19714,103 Av Ne,-93.2458445,45.1572942 +19715,Hamline Av,-93.1736705,45.142501200000005 +19716,Hamline Av,-93.17415340000001,45.1423865 +19717,Jackson St Ne,-93.2509725,45.1605185 +19718,Syndicate Av,-93.1715499,45.1423477 +19719,Griggs Av,-93.16898160000001,45.1423567 +19720,101 Ln Ne,-93.2458637,45.1542377 +19721,Dunlap Av,-93.1660805,45.1423337 +19722,Dunlap Av,-93.1659515,45.1424754 +19723,Naples Street & 90th Lane,-93.1843997,45.1346307 +19724,Griggs Av,-93.1685951,45.1424576 +19725,Naples Street & 93rd Curve,-93.1843839,45.1390611 +19726,#7650 - P&R,-93.46183020000001,45.233448900000006 +19727,Naples Street & 92nd Avenue,-93.1843918,45.136847700000004 +19728,Belle Aire Dr,-93.411405,45.1943026 +19729,Naples Street & 92nd Avenue,-93.1842051,45.136633700000004 +19730,Naples Street & 93rd Curve,-93.1841929,45.139051300000006 +19731,Naples Street & 90th Lane,-93.1841842,45.1344617 +19732,Sunrise Lane,-93.41017120000001,45.1938613 +19733,Dayton Rd,-93.4171905,45.1970699 +19734,Revere Lane,-93.4127136,45.194835600000005 +19735,Union Terrace,-93.41731,45.195009500000005 +19736,131 Av,-93.4177628,45.1924186 +19737,Hillsboro Av,-93.3988025,45.180679600000005 +19738,Saratoga Lane,-93.4139566,45.195356600000004 +19739,Tilden Av,-93.4154934,45.196100400000006 +19740,Revere Ln,-93.4125523,45.188087200000005 +19741,Belle Aire Dr,-93.4107654,45.188520800000006 +19742,French Lake Rd,-93.41725810000001,45.18827 +19743,Cartway Rd,-93.4017469,45.1806659 +19744,Saratoga Ln,-93.4138171,45.1880868 +19745,Monticello Ln,-93.4065592,45.1898439 +19746,Independence Av,-93.40047100000001,45.180669200000004 +19747,Pilgrim Ln,-93.4090718,45.188999700000004 +19748,Independence Av,-93.4006712,45.1805326 +19749,Gettysburg Av,-93.3970601,45.1805911 +19750,Gettysburg Av,-93.3967803,45.1806945 +19751,Hillsboro Av,-93.3990177,45.180566500000005 +19752,Cartway Court,-93.40201010000001,45.182961600000006 +19753,Kimball Dr,-93.4019569,45.1878266 +19754,Elm Creek Rd N,-93.40189170000001,45.1827728 +19755,Kimball Dr,-93.4018401,45.187080400000006 +19756,Dean Av,-93.4019755,45.189193800000005 +19757,Elm Creek Rd,-93.40189000000001,45.1819384 +19758,Dean Av,-93.4018645,45.188803500000006 +19759,Elm Creek Rd,-93.40201880000001,45.182071900000004 +19760,Sunset Dr,-93.40184880000001,45.1882229 +19761,Sunset Dr,-93.40195650000001,45.1884554 +19762,Trussell Av,-93.40182850000001,45.1857819 +19763,Garfield Av,-93.4017695,45.1894988 +19764,Trussell Av,-93.40195990000001,45.1860262 +19765,Dayton Rd,-93.4009238,45.190778200000004 +19766,Garfield Av,-93.40173250000001,45.189862600000005 +19767,Champlin Dr,-93.39419450000001,45.1805686 +19768,French Lake Rd,-93.4042271,45.191698900000006 +19769,Dayton Rd,-93.4042572,45.1914336 +19770,7 St N,-93.3878145,45.1825309 +19771,Garfield Av,-93.4048631,45.1907172 +19772,7 St N,-93.3879816,45.182506200000006 +19773,River View Estates,-93.4020474,45.1912973 +19774,Hwy 169,-93.3975813,45.1894013 +19775,Magneto Inc,-93.40659910000001,45.2165529 +19776,Miller Rd,-93.3955385,45.188779100000005 +19777,Hwy 169,-93.39555250000001,45.188756700000006 +19778,Dayton Rd,-93.3967372,45.1883617 +19779,Ballantine Inc,-93.40826000000001,45.217076000000006 +19780,Dowlin St,-93.39527430000001,45.186989000000004 +19781,Dayton Rd,-93.39893710000001,45.189862700000006 +19782,Thurston Av,-93.41317480000001,45.2140464 +19783,Dowlin St,-93.3944532,45.186963600000006 +19784,Thurston Av,-93.4119376,45.218225000000004 +19785,Monroe / Madison St,-93.39072180000001,45.195940300000004 +19786,Fremont St,-93.3932065,45.1977507 +19787,Main En,-93.4160358,45.2156875 +19788,Benton St,-93.39410260000001,45.196313800000006 +19789,Benton St,-93.39397140000001,45.196127000000004 +19790,State Av,-93.39605440000001,45.2012714 +19791,4 Av,-93.3850742,45.1967798 +19792,Cutter St,-93.39817710000001,45.2031507 +19793,Hwy 10 Svc Rd,-93.4128146,45.2143311 +19794,#1050,-93.413672,45.218553400000005 +19795,State Av,-93.39628610000001,45.201742800000005 +19796,Hwy 10 Svc Rd,-93.4130033,45.214203700000006 +19797,Cutter St,-93.39815630000001,45.2028678 +19798,Fairoak Av,-93.40460370000001,45.2086039 +19799,Branch Av,-93.3944,45.200025100000005 +19800,Jacob Ln,-93.4049062,45.2082819 +19801,2 Av,-93.3896088,45.197940200000005 +19802,Ferry St,-93.3934651,45.199609 +19803,Main St,-93.3929829,45.198610200000005 +19804,Main St E,-93.3872322,45.198148 +19805,Fremont St,-93.3932463,45.1980197 +19806,Golf St,-93.38727630000001,45.1994276 +19807,4 Av,-93.38692730000001,45.1980483 +19808,Harrison St,-93.3871469,45.2013198 +19809,Jackson St,-93.38721690000001,45.198539600000004 +19810,Golf St,-93.3872408,45.19937 +19811,Van Buren St,-93.3872255,45.199913300000006 +19812,3 Av,-93.387439,45.1978777 +19813,3 Av,-93.38696350000001,45.1980269 +19814,4 Av,-93.3856336,45.2014243 +19815,2 Av,-93.3891806,45.198050300000006 +19816,3 Av,-93.386992,45.2014671 +19817,Polk St,-93.38532330000001,45.202882800000005 +19818,Polk St,-93.38543150000001,45.203108400000005 +19819,Harrison St,-93.38545570000001,45.201579300000006 +19820,Mckinley St,-93.4041631,45.217137900000004 +19821,Taylor St,-93.3854311,45.204053 +19822,Grant St,-93.38505090000001,45.2102614 +19823,Pleasant St,-93.38541000000001,45.2068541 +19824,Johnson St,-93.3853686,45.2088167 +19825,4 Av,-93.38482130000001,45.210193600000004 +19826,Johnson St,-93.3852643,45.208574500000005 +19827,Sherwood St,-93.3832929,45.1790359 +19828,Taylor St,-93.38531850000001,45.203838000000005 +19829,Sherwood St,-93.38311780000001,45.1790439 +19830,Winnetka Av N,-93.3812328,45.178048700000005 +19831,Pierce St,-93.38528520000001,45.2064955 +19832,Winnetka Av N,-93.38081600000001,45.177708900000006 +19833,Quebec Av N,-93.3777474,45.176358300000004 +19834,Weaver Blvd,-93.40509940000001,45.219343200000004 +19835,Quebec Av N,-93.3778795,45.1762791 +19836,9 Av,-93.37334750000001,45.186719000000004 +19837,Pennsylvania Av N,-93.3768148,45.175902400000005 +19838,Queens Lane,-93.3738335,45.185929400000006 +19839,Queens Ln,-93.3741681,45.186249000000004 +19840,Round Lake Blvd,-93.3625923,45.186579800000004 +19841,Eldorado St,-93.3723581,45.185546200000005 +19842,Round Lake Blvd,-93.3629619,45.1866738 +19843,Dakotah St,-93.37050430000001,45.1848785 +19844,Eldorado Street,-93.3727377,45.1855233 +19845,Washington St,-93.3835124,45.1914201 +19846,Washington St,-93.3836857,45.1918189 +19847,Kings Ln,-93.3773333,45.187405500000004 +19848,Kings Lane,-93.3769365,45.1870946 +19849,Cree St,-93.3697247,45.1866428 +19850,7th Avenue,-93.3790142,45.1878587 +19851,7th Avenue,-93.37863270000001,45.1879019 +19852,Blackfoot St,-93.3676545,45.186573900000006 +19853,South St,-93.3833113,45.1904192 +19854,Military Rd,-93.38364720000001,45.190797 +19855,Cree St,-93.36938470000001,45.186678900000004 +19856,119 Ln Nw,-93.37358090000001,45.188605300000006 +19857,119 Av Nw,-93.3735654,45.187009100000004 +19858,119 Av Nw,-93.36717080000001,45.1865461 +19859,Round Lake Boulevard,-93.36279060000001,45.1816399 +19860,South St,-93.3735867,45.190596 +19861,Blackfoot St,-93.3673363,45.1834276 +19862,South St,-93.3735087,45.190181 +19863,Brisbin St,-93.3734958,45.192037600000006 +19864,Round Lake Blv,-93.36377060000001,45.182329800000005 +19865,119 Ln Nw,-93.3734804,45.188426500000006 +19866,Blackfoot Street,-93.36831760000001,45.1840811 +19867,Adams St,-93.3835425,45.1931887 +19868,Adams St,-93.3836953,45.1933706 +19869,Dakotah Street,-93.3710382,45.184859100000004 +19870,Jefferson St,-93.3836974,45.194445 +19871,Jefferson St,-93.3835193,45.194141 +19872,Yucca St,-93.3648898,45.1824512 +19873,Madison St,-93.3835291,45.1950292 +19874,Jefferson St,-93.3735582,45.1941397 +19875,Madison St,-93.3836663,45.195590300000006 +19876,Monroe St,-93.3835279,45.1968158 +19877,Monroe St,-93.3836924,45.1968842 +19878,Brisbin St,-93.37357490000001,45.192328200000006 +19879,Jefferson St,-93.3734855,45.1938577 +19880,Wedgewood Drive,-93.3620291,45.1929409 +19881,7 Av,-93.37785410000001,45.1976596 +19882,Wedgewood Drive,-93.362195,45.192539200000006 +19883,8 Av,-93.3761552,45.1975957 +19884,Pheasant Ridge,-93.35373240000001,45.1780794 +19885,Pheasant Ridge,-93.3543733,45.178653100000005 +19886,8 Av,-93.3758097,45.197722500000005 +19887,Oakmont Apts,-93.35859640000001,45.1802794 +19888,9 Av,-93.3737272,45.1975749 +19889,Oakmont Apts,-93.3587327,45.1801186 +19890,Pheasant Ridge Drive,-93.35317520000001,45.186624200000004 +19891,9 Av,-93.37324620000001,45.197672600000004 +19892,Vintage St,-93.3604864,45.1866215 +19893,Cross St,-93.37356770000001,45.1959473 +19894,Silverod St,-93.35569020000001,45.186656400000004 +19895,Tulip Street,-93.35709320000001,45.1866198 +19896,Cross St,-93.3734594,45.1956404 +19897,Silverod St,-93.35632310000001,45.1867304 +19898,Wedgewood Drive,-93.35779430000001,45.186754 +19899,Main St,-93.37350070000001,45.197395400000005 +19900,Pheasant Ridge Drive,-93.35299660000001,45.1867571 +19901,120 Avenue Northwest,-93.3633758,45.1886007 +19902,121 Avenue Northwest,-93.36336340000001,45.1904313 +19903,Vintage St,-93.36087970000001,45.1867086 +19904,120 Avenue Northwest,-93.36316190000001,45.188339400000004 +19905,117 Lane,-93.34196150000001,45.184507200000006 +19906,121 Avenue Northwest,-93.36315470000001,45.190207900000004 +19907,118 Lane,-93.34332330000001,45.185590100000006 +19908,Jonquil Street,-93.3463037,45.186618800000005 +19909,Rainbow,-93.35189220000001,45.1948306 +19910,Marigold Street Northwest,-93.3483369,45.1866214 +19911,Marigold Street Northwest,-93.3489514,45.1867547 +19912,118 Lane,-93.34338980000001,45.185817300000004 +19913,117 Lane,-93.3420198,45.1847362 +19914,117 Av N,-93.3406118,45.1836263 +19915,Gate A,-93.3508819,45.1909287 +19916,Main St,-93.35818900000001,45.197041600000006 +19917,Gate C,-93.35168420000001,45.1913953 +19918,Gate B,-93.3512771,45.191156 +19919,Rainbow,-93.35139550000001,45.1948826 +19920,Main St,-93.3544464,45.196867600000004 +19921,Main St,-93.35788880000001,45.196969 +19922,119 Av Ne,-93.344885,45.1867882 +19923,Bob Ehlen Dr,-93.3782726,45.2019572 +19924,Jonquil Street,-93.34626150000001,45.186755000000005 +19925,Tyler St,-93.378414,45.202437200000006 +19926,Jackson St,-93.37855950000001,45.198861 +19927,Target En,-93.3499515,45.194928600000004 +19928,School St,-93.3784952,45.199723600000006 +19929,School St,-93.3783767,45.200000100000004 +19930,Riverdale Blvd,-93.3500278,45.1976965 +19931,Van Buren St,-93.3784804,45.200638600000005 +19932,Target En,-93.35015440000001,45.1950134 +19933,Polk St,-93.37821170000001,45.203129700000005 +19934,Main St,-93.3784301,45.198034400000004 +19935,Northdale Blvd,-93.34641930000001,45.1960564 +19936,Lincoln St,-93.37801420000001,45.2074586 +19937,Northdale Blvd,-93.3460469,45.1961986 +19938,Johnson St,-93.37796730000001,45.2085024 +19939,Polk St,-93.3784172,45.203429 +19940,Harrison St,-93.37844360000001,45.201544000000005 +19941,North St,-93.378022,45.206482900000005 +19942,Harrison St,-93.3782673,45.2012822 +19943,Buchanan St,-93.37828160000001,45.206848 +19944,Lincoln St,-93.3782472,45.207697700000004 +19945,Sprague Av,-93.37631760000001,45.2101708 +19946,Lincoln St,-93.3716342,45.2074432 +19947,North St,-93.3712883,45.205232 +19948,11th Ave,-93.3678077,45.2048859 +19949,7 Av,-93.37775760000001,45.2101823 +19950,11 Av,-93.3680678,45.2047814 +19951,9th Ave,-93.37307360000001,45.2100591 +19952,Lincoln St,-93.3716887,45.2076737 +19953,North St,-93.3713625,45.2049803 +19954,Sprague Av,-93.3765716,45.210102500000005 +19955,7 Av,-93.3783666,45.2124807 +19956,Garfield St,-93.37784710000001,45.212251200000004 +19957,8 Av,-93.3753705,45.210098 +19958,Grant St,-93.37792080000001,45.2099897 +19959,6 Av,-93.38074180000001,45.2101016 +19960,Garfield St,-93.37798480000001,45.2127835 +19961,Johnson St,-93.3781558,45.208774500000004 +19962,7 Av,-93.37823320000001,45.2100492 +19963,Grant St,-93.3780797,45.2102048 +19964,8 Av,-93.3749877,45.210159700000006 +19965,Sunny Ln,-93.3777962,45.216934900000005 +19966,6 Av,-93.3804326,45.2101521 +19967,Hull Rd,-93.3778056,45.2147165 +19968,Aldrich Av,-93.37794600000001,45.218287700000005 +19969,Aldrich Av,-93.3777733,45.2180569 +19970,Sunny Ln,-93.3779583,45.217262100000006 +19971,9th Ave,-93.3727475,45.210159700000006 +19972,Hull Rd,-93.3779751,45.2151214 +19973,Grant St,-93.3715014,45.2099471 +19974,9th Lane,-93.37174350000001,45.2100481 +19975,Bryant Av,-93.3777828,45.219482600000006 +19976,Cub Foods,-93.36164070000001,45.2052932 +19977,Round Lake Blv,-93.35712760000001,45.2009892 +19978,Walmart,-93.36138410000001,45.2071039 +19979,Round Lake/Main,-93.3539174,45.200884800000004 +19980,Main/ Round Lk,-93.3571557,45.2011595 +19981,Round Lake Blv,-93.35758770000001,45.2011429 +19982,Northdale Blvd,-93.35749220000001,45.207843000000004 +19983,Northdale Blvd,-93.35799460000001,45.2077052 +19984,Northdale Blvd,-93.35905810000001,45.2071969 +19985,#12550-Jc Penney,-93.3506468,45.1988458 +19986,Underclift St,-93.35924530000001,45.2196956 +19987,133 Ln Nw,-93.35768630000001,45.2133653 +19988,#1101,-93.41313290000001,45.221599700000006 +19989,#1201,-93.41564050000001,45.221588000000004 +19990,134 Av Nw,-93.3572955,45.214148400000006 +19991,Thurston Av,-93.4087532,45.220767900000006 +19992,#830,-93.4077537,45.220179400000006 +19993,134 Av Nw,-93.3576494,45.2143079 +19994,#1001,-93.410258,45.2216418 +19995,135 Av Nw,-93.3572482,45.215324100000004 +19996,Colfax Av,-93.36977,45.2214454 +19997,Bunker Lake (Cr 116),-93.3662939,45.221147 +19998,131 Ln Nw,-93.3573939,45.2092608 +19999,Ridge Av (9 Av),-93.3727061,45.221459700000004 +20000,7 Av,-93.3775138,45.2214985 +20001,133 Ln Nw,-93.35731990000001,45.2131394 +20002,Colfax Av,-93.36937560000001,45.2215749 +20003,Sunny Way Ct,-93.3576366,45.2166785 +20004,9 Av (Ridge Av),-93.37230140000001,45.221606400000006 +20005,38 Av,-93.3779373,45.221106500000005 +20006,135 Ln Nw,-93.35725450000001,45.2164123 +20007,Bryant Av,-93.37793740000001,45.2197886 +20008,136 Av Nw,-93.35767030000001,45.2176623 +20009,136 Av Nw,-93.3572709,45.2173669 +20010,12 Av Nw,-93.36396420000001,45.219945100000004 +20011,12 Av Nw,-93.363478,45.2200192 +20012,Bunker Lake Blv,-93.3576757,45.219128100000006 +20013,Crooked Lake Blv,-93.3380674,45.182940900000006 +20014,Crocus St Nw,-93.3362486,45.1831352 +20015,Roosevelt St,-93.3576412,45.2156717 +20016,Heights Dr N,-93.33662500000001,45.1829653 +20017,15 Av Court,-93.3597821,45.2194306 +20018,Bittersweet St,-93.33536880000001,45.182987000000004 +20019,Bittersweet St,-93.3349395,45.1831199 +20020,ZIon St,-93.3320606,45.1831467 +20021,Crooked Lake Blv,-93.3376089,45.183119100000006 +20022,118 Ln Nw,-93.3378627,45.1858154 +20023,118 Lane,-93.3376794,45.185620300000004 +20024,Northdale Condos,-93.3377557,45.184613600000006 +20025,#11749,-93.33774170000001,45.1845585 +20026,119 Av Nw,-93.3376635,45.1861796 +20027,ZIon St,-93.33237070000001,45.183019900000005 +20028,Yukon St,-93.33101470000001,45.182977 +20029,Yukon St,-93.3306539,45.183114800000006 +20030,121 Av Nw,-93.33761430000001,45.189702800000006 +20031,119 Av Nw,-93.3378917,45.186850500000006 +20032,Xavis St,-93.3297156,45.182990800000006 +20033,121 Ln Nw,-93.3377406,45.190823300000005 +20034,Xavis St,-93.3293773,45.1831413 +20035,121 Ln Nw,-93.33763090000001,45.1906004 +20036,123 Av Nw,-93.3380209,45.1943762 +20037,Raven St,-93.3227348,45.1829097 +20038,123 Av Nw,-93.33835110000001,45.194479400000006 +20039,Xeon St Nw,-93.2977034,45.181468900000006 +20040,Raven St,-93.3223627,45.1830367 +20041,113 Av Nw,-93.3071721,45.1764413 +20042,Hanson / Raven,-93.3191783,45.181873700000004 +20043,Northdale Blvd Nw,-93.29805040000001,45.181642800000006 +20044,Xeon Blvd Nw,-93.2969152,45.1856127 +20045,Raven / Hanson,-93.31904800000001,45.1814583 +20046,Xeon Blvd Nw,-93.296789,45.1854067 +20047,Wren St,-93.3273018,45.1831459 +20048,113 Av Nw,-93.3067219,45.1763537 +20049,Robinson Dr,-93.30705370000001,45.1762238 +20050,Wren St,-93.328422,45.182976200000006 +20051,121 Av Nw,-93.337789,45.1898922 +20052,113 Ln Nw,-93.3112006,45.1783999 +20053,Eagle St #1,-93.3066615,45.1899777 +20054,Martin St,-93.3155514,45.179756100000006 +20055,Hanson Blvd,-93.3170369,45.180363400000005 +20056,113 Ln Nw,-93.3108847,45.178334 +20057,Martin St,-93.31516850000001,45.1798158 +20058,Hanson Blvd,-93.3085547,45.190016500000006 +20059,Drake St,-93.30365780000001,45.1899201 +20060,Grouse St,-93.30796210000001,45.190000600000005 +20061,121 Av Nw,-93.2968103,45.189676600000006 +20062,Hanson Blvd,-93.3084369,45.1901279 +20063,Grouse St,-93.3076707,45.1901147 +20064,120 Lane Nw,-93.29679820000001,45.1887751 +20065,Eagle St #1,-93.3044187,45.1900248 +20066,Bluebird Circle,-93.3011357,45.1898433 +20067,119 Lane Nw,-93.2968939,45.187174600000006 +20068,Bluebird Circle,-93.3008439,45.189979400000006 +20069,121 Av Nw,-93.2966895,45.189626600000004 +20070,Drake St,-93.30269100000001,45.190008000000006 +20071,120 Lane Nw,-93.29669460000001,45.188590000000005 +20072,119 Lane Nw,-93.29675420000001,45.186991400000004 +20073,Quince St,-93.28753590000001,45.1798699 +20074,Eagle St #2,-93.3063668,45.190091 +20075,Olive St Nw,-93.28547,45.1791247 +20076,Eagle St #2,-93.30496600000001,45.1899333 +20077,Olive St Nw,-93.28509700000001,45.1791458 +20078,Juniper St,-93.27976670000001,45.177553800000005 +20079,Redwood St,-93.2898924,45.1804235 +20080,Juniper St,-93.27999960000001,45.1774774 +20081,Sorteberg School,-93.2826957,45.1782671 +20082,Redwood St,-93.2893992,45.1804495 +20083,#651,-93.2822639,45.1782915 +20084,Kumquat St Nw,-93.2808303,45.177756 +20085,Quince St,-93.2878879,45.1798683 +20086,Kumquat St Nw,-93.2804718,45.177766000000005 +20087,Ilex St Nw,-93.2781583,45.177055700000004 +20088,Northdale Blvd,-93.27667740000001,45.175832 +20089,Foley Blvd,-93.27676930000001,45.1764182 +20090,Foley Blvd,-93.27635930000001,45.176282300000004 +20091,Flintwood St,-93.2757966,45.1758217 +20092,Flintwood St,-93.2761148,45.175856200000005 +20093,Northdale Ctr,-93.27908120000001,45.1771863 +20094,Foley Blvd,-93.27665060000001,45.177494100000004 +20095,Northdale Blvd,-93.27667810000001,45.1766353 +20096,120 Ln Nw,-93.2804023,45.1889053 +20097,Kumquat St,-93.2799037,45.1903603 +20098,Ilex St / Foley Blvd,-93.2775599,45.177770300000006 +20099,Larch St Nw,-93.2805124,45.190299700000004 +20100,121 Av Nw,-93.2817967,45.189848100000006 +20101,115 Av Nw,-93.2764954,45.1776313 +20102,Ilex Circle Nw,-93.27795640000001,45.187586800000005 +20103,Goldenrod St,-93.2758876,45.1863861 +20104,Ilex St Nw,-93.27757670000001,45.187651 +20105,Holly Circle,-93.27678270000001,45.187106400000005 +20106,118 Av Nw,-93.27576,45.1848803 +20107,119 Lane Nw,-93.27897250000001,45.188130300000005 +20108,119 Ln Nw,-93.2786368,45.188100500000004 +20109,118 Av Nw,-93.27554450000001,45.184670600000004 +20110,Juniper St,-93.27929230000001,45.1908684 +20111,Ilex St Nw,-93.2784455,45.191101700000004 +20112,117 Av Nw,-93.2756499,45.182553500000004 +20113,Ilex St Nw,-93.27823120000001,45.1913235 +20114,Holly St Nw,-93.2771455,45.191329200000006 +20115,117 Av Nw,-93.27543800000001,45.182346800000005 +20116,Holly St Nw,-93.2768272,45.191468300000004 +20117,Goldenrod St,-93.27583440000001,45.1913313 +20118,Kumquat St,-93.2811777,45.189307500000005 +20119,Goldenrod St,-93.2756097,45.1914754 +20120,Kumquat St,-93.2815549,45.1893648 +20121,115 Av Nw,-93.26603340000001,45.179003900000005 +20122,115 Av Nw,-93.26624810000001,45.179028200000005 +20123,120 Lane Nw,-93.2807494,45.1889229 +20124,118 Av Ne,-93.2659692,45.1855484 +20125,Washington St (N),-93.256234,45.1797515 +20126,117 Av Ne,-93.266041,45.1828519 +20127,117 Av Nw,-93.26620600000001,45.1828732 +20128,118 Av Ne,-93.26616770000001,45.1850833 +20129,University Av Ne,-93.26589480000001,45.1825137 +20130,3 St Ne,-93.2650287,45.182509800000005 +20131,Oak Park Blvd Ne,-93.256529,45.184495600000005 +20132,University Av Ne,-93.26574430000001,45.184947400000006 +20133,Terrace Rd Ne,-93.2562183,45.1781756 +20134,Oak Park Blvd Ne,-93.25626670000001,45.1842684 +20135,Terrace Rd Ne,-93.25618460000001,45.177922 +20136,115 Av Ne,-93.25614370000001,45.1793691 +20137,119 Av Ne,-93.2567003,45.1863923 +20138,119 Av Ne,-93.25658390000001,45.1861078 +20139,118 Av Ne,-93.25682210000001,45.1852675 +20140,University Av,-93.266643,45.1910432 +20141,University Av,-93.2662865,45.190879900000006 +20142,117 Av Ne,-93.25625670000001,45.1827331 +20143,120 Av Nw,-93.26611270000001,45.1880832 +20144,117 Av Ne,-93.2561809,45.1824516 +20145,120 Ln Ne,-93.266064,45.1894264 +20146,Flintwood St,-93.2738839,45.1913544 +20147,Terrace Rd,-93.2586007,45.182573100000006 +20148,Flintwood St,-93.2735353,45.191516500000006 +20149,4 St Ne,-93.26221890000001,45.185178900000004 +20150,Evergreen St,-93.2727024,45.1913787 +20151,Evergreen St,-93.2724352,45.191509800000006 +20152,Jefferson St,-93.2568495,45.185093300000005 +20153,Dogwood St,-93.27066020000001,45.1914152 +20154,Dogwood St Nw,-93.2703405,45.1915435 +20155,120 Ln Ne,-93.2658645,45.1895764 +20156,Cottonwood St,-93.2693435,45.1913277 +20157,120 Av Nw,-93.2659335,45.1879238 +20158,Cottonwood St Nw,-93.2690228,45.1914134 +20159,Butternut St,-93.26811590000001,45.190938700000004 +20160,Madison St Ne,-93.2560995,45.1888793 +20161,Butternut St,-93.26788590000001,45.1910511 +20162,Jackson St Ne,-93.2500174,45.193059000000005 +20163,Duke Dr,-93.25235040000001,45.1895736 +20164,Fillmore St Ne,-93.24264740000001,45.1924056 +20165,#1150,-93.240654,45.191387000000006 +20166,122 Av Ne,-93.25239830000001,45.1915798 +20167,#1150,-93.24045620000001,45.1915441 +20168,121 Ln Ne,-93.25234540000001,45.190429 +20169,Oak Park Blvd,-93.2460891,45.1929043 +20170,Oak Park Blvd,-93.2453895,45.1931164 +20171,Duke Dr,-93.2540649,45.1889015 +20172,Ulysses St,-93.2383551,45.190493100000005 +20173,Ulysses St,-93.23879810000001,45.1904582 +20174,Jefferson St,-93.25592400000001,45.189080000000004 +20175,#841,-93.24926070000001,45.193050400000004 +20176,122 Av Ne,-93.2522457,45.1913993 +20177,Oxford St,-93.14311980000001,45.006317100000004 +20178,Lexington Av,-93.1461927,45.006509400000006 +20179,121 Ln Ne,-93.2522806,45.190172800000006 +20180,Oxford St,-93.14288810000001,45.0064403 +20181,Madison St Ne,-93.25383090000001,45.189019800000004 +20182,County Road B & Dellwood Street,-93.15389440000001,45.0064039 +20183,Paul Pkwy,-93.2523067,45.1927098 +20184,Paul Pkwy,-93.2523673,45.192815100000004 +20185,County Road B & Fernwood Street,-93.151362,45.006432100000005 +20186,Target Driveway,-93.16288,45.006330600000005 +20187,Fillmore St Ne,-93.2426746,45.1926481 +20188,#1415,-93.1597057,45.0063352 +20189,Duke Dr,-93.24754300000001,45.193073600000005 +20190,County Road B & Hamline Avenue,-93.15630870000001,45.006393800000005 +20191,Har-Mar Mall,-93.1635145,45.0061473 +20192,Grace Church P&R,-93.156599,45.012706900000005 +20193,Albert St,-93.1594551,45.006210900000006 +20194,Hamline Av,-93.1568982,45.006227300000006 +20195,County Road B & Dellwood Street,-93.15421930000001,45.006226500000004 +20196,County Road B & Fernwood Street,-93.1516873,45.006271500000004 +20197,Pascal St,-93.1617169,45.013337400000005 +20198,Cr C,-93.15674440000001,45.0202718 +20199,Brooks Av,-93.1568874,45.0167178 +20200,Hamline En,-93.1559266,45.012728700000004 +20201,Oakcrest Av,-93.15686690000001,45.0177781 +20202,Rose Place,-93.1569008,45.0195486 +20203,Hamline Av,-93.15691360000001,45.0134229 +20204,Oakcrest Av,-93.15673000000001,45.017679900000005 +20205,Hamline Av,-93.15649230000001,45.0135841 +20206,Roseville High School,-93.15297430000001,45.013521600000004 +20207,Lexington Av,-93.14726990000001,45.0135841 +20208,Pascal St,-93.16158700000001,45.013429800000004 +20209,Lexington Av,-93.1458966,45.013677400000006 +20210,Roseville High School,-93.1527033,45.013599000000006 +20211,Dellwood / Cr B-2,-93.15412470000001,45.0131427 +20212,Skating Ctr P&R,-93.1493842,45.0212203 +20213,Willow Circle,-93.1566993,45.0164759 +20214,Skating Ctr P&R,-93.14939050000001,45.0215577 +20215,Victoria St,-93.1365858,45.0062483 +20216,Cr B-2,-93.1566561,45.0141341 +20217,Avon St,-93.1320675,45.006193100000004 +20218,Cr B-2,-93.15680440000001,45.0137398 +20219,Sextant Av,-93.15681980000001,45.014541200000004 +20220,#670,-93.12829590000001,45.0061539 +20221,Cr C,-93.15677480000001,45.021317800000006 +20222,Dale St,-93.1264766,45.0061053 +20223,#670,-93.1280373,45.006235200000006 +20224,Transit Av,-93.1364719,45.0148996 +20225,Victoria St,-93.136014,45.0063321 +20226,Grotto St,-93.130998,45.0062744 +20227,Eldridge Av,-93.1262434,45.004907200000005 +20228,Ryan Av,-93.1262164,45.000653500000006 +20229,Skillman Av,-93.1261994,45.002655600000004 +20230,Chatsworth St,-93.1411846,45.0136126 +20231,Dale St,-93.1265264,45.006215700000006 +20232,Eldridge Av,-93.126074,45.0047276 +20233,Avon St,-93.13319700000001,45.0206521 +20234,Skillman Av,-93.1260031,45.002499300000004 +20235,Fisk St,-93.13502980000001,45.0206371 +20236,Ryan Av,-93.1261104,45.0004501 +20237,Chatsworth St,-93.1415053,45.0135445 +20238,Victoria St,-93.13772730000001,45.0200693 +20239,Sextant Av,-93.1363963,45.015090300000004 +20240,Fisk St,-93.13465160000001,45.020754100000005 +20241,Avon St,-93.1329809,45.0207586 +20242,Mackubin St,-93.1224768,45.0207518 +20243,Cr C,-93.13790150000001,45.0197731 +20244,Dale St,-93.12590080000001,45.0207563 +20245,Westwood Village 3 West,-93.12036090000001,45.0207581 +20246,Dale St,-93.1264888,45.0206406 +20247,Woodhill Dr,-93.15680440000001,45.022599 +20248,Rosetown Court,-93.1298795,45.0206451 +20249,#2800,-93.1568613,45.0260745 +20250,Hamline Av,-93.15660960000001,45.0228471 +20251,Huron St,-93.15512910000001,45.022857300000005 +20252,Hamline Av,-93.1571071,45.025212100000005 +20253,#1380,-93.15904760000001,45.0252076 +20254,Huron St,-93.1554826,45.0227433 +20255,Hamline Av,-93.15732480000001,45.027057600000006 +20256,Pascal St,-93.1606411,45.0270245 +20257,Terrace Dr,-93.1607568,45.025501600000005 +20258,Westwood Village 3 West,-93.1206246,45.0206646 +20259,Mackubin St,-93.1229593,45.0206651 +20260,Corp Center,-93.16403700000001,45.021975600000005 +20261,Rosetown Court,-93.12954540000001,45.020732800000005 +20262,Corp Center,-93.16389720000001,45.022092400000005 +20263,Oxford St,-93.14438510000001,45.022739800000004 +20264,State Fair P&R,-93.15810110000001,45.026956500000004 +20265,#2755 - Apts,-93.1468409,45.0248372 +20266,Woodhill Dr,-93.14665950000001,45.0231629 +20267,#2755 - Apts,-93.1466745,45.0244785 +20268,Merrill St,-93.15279260000001,45.022849300000004 +20269,Griggs St,-93.1503598,45.0228424 +20270,Lexington Av,-93.14649460000001,45.0228156 +20271,Merrill St,-93.1528808,45.022729000000005 +20272,Oxford St,-93.14402980000001,45.022828600000004 +20273,Griggs St,-93.1506916,45.0227348 +20274,Lexington/Civic Ctr,-93.14761130000001,45.0228276 +20275,Cr C-2,-93.1477313,45.027624700000004 +20276,Civic Center Dr,-93.1494878,45.022726600000006 +20277,Josephine Rd,-93.14918460000001,45.030843600000004 +20278,Lexington Av,-93.1469703,45.022718600000005 +20279,Josephine Rd,-93.1489049,45.0298078 +20280,Cr C-2,-93.14796750000001,45.0283406 +20281,Josephine Park,-93.14863620000001,45.033196000000004 +20282,Edgewater Av,-93.1470736,45.0389302 +20283,Tiller Lane,-93.14707600000001,45.042712 +20284,Josephine Park,-93.1483099,45.0336592 +20285,Carlton Dr (Tiller),-93.14693600000001,45.042457600000006 +20286,Victoria St,-93.14000200000001,45.0227548 +20287,Millwood Av,-93.13662330000001,45.0297013 +20288,Ingerson Rd,-93.146918,45.0407048 +20289,Orchard Ln,-93.1388211,45.0264411 +20290,Owasso Blvd W,-93.136778,45.0284333 +20291,Cr D,-93.1472272,45.035322300000004 +20292,Millwood Av,-93.1367211,45.0299471 +20293,Glenhill Rd,-93.1469146,45.0384614 +20294,Owasso Blvd W,-93.1367223,45.0286975 +20295,Lakeview Av,-93.1417993,45.022748500000006 +20296,Ingerson Rd,-93.1471013,45.0405985 +20297,Victoria St,-93.1398776,45.0226941 +20298,Lakeview Av,-93.14141550000001,45.022800100000005 +20299,Woodhill Dr,-93.1392828,45.0230206 +20300,Orchard Ln,-93.13868360000001,45.026861800000006 +20301,Dale St,-93.1264829,45.0435881 +20302,Brenner Av,-93.13670060000001,45.033708600000004 +20303,Kent Ln,-93.1237648,45.043521600000005 +20304,Cr D,-93.1367343,45.0356858 +20305,Brenner Av,-93.1367768,45.0340093 +20306,Dale St,-93.1268623,45.043544000000004 +20307,Minnesota Av,-93.1058448,45.0097101 +20308,Owasso Hts Rd,-93.1247486,45.0431583 +20309,Minnesota Av,-93.10603040000001,45.010063200000005 +20310,Cr B,-93.10607320000001,45.0065607 +20311,Lake Bayview Ct,-93.12365480000001,45.0436253 +20312,Elmer St,-93.1060324,45.0024297 +20313,Mccarrons Blvd N,-93.10597750000001,45.0006615 +20314,Owasso St,-93.1289799,45.0430414 +20315,Cr B,-93.1058517,45.0061368 +20316,Arbogast St,-93.1330473,45.042846100000006 +20317,Elmer St,-93.1058491,45.0021659 +20318,Mccarrons Blvd N,-93.1058323,45.0003073 +20319,Edgewater Av,-93.1359608,45.038870900000006 +20320,Westwood Village 3 East,-93.1189561,45.0206773 +20321,Cr D,-93.13682030000001,45.0359798 +20322,Owasso St,-93.1289273,45.043108600000004 +20323,Westwood Village 3 East,-93.11854930000001,45.020773000000005 +20324,Victoria St,-93.1323088,45.043116600000005 +20325,Farrington St,-93.1138241,45.0206783 +20326,Western Av,-93.11661210000001,45.020670900000006 +20327,Edgewater Av,-93.13594880000001,45.039014800000004 +20328,Galtier St,-93.11135510000001,45.0206869 +20329,Owasso Hts Rd,-93.1248271,45.043227800000004 +20330,Galtier St,-93.1109416,45.0207678 +20331,Farrington St,-93.1134791,45.020782100000005 +20332,St Jude Medical Ctr,-93.09815640000001,45.013446 +20333,Western Av,-93.1159451,45.0207586 +20334,Cr B-2,-93.10583770000001,45.013269400000006 +20335,Roseville Middle School,-93.10053380000001,45.0135768 +20336,Rice St,-93.10482640000001,45.0135986 +20337,Grandview Av,-93.1060752,45.0127305 +20338,Roseville Middle School,-93.10063790000001,45.013436500000005 +20339,Transit Av,-93.106097,45.0154992 +20340,Cr B-2,-93.10609000000001,45.0136813 +20341,Demont Av,-93.1059706,45.017290700000004 +20342,Transit Av,-93.10594610000001,45.015113 +20343,Demont Av,-93.1061561,45.0172292 +20344,Rice St,-93.1056061,45.0171099 +20345,Wewers Rd,-93.1060123,45.018866900000006 +20346,Park St,-93.1030874,45.017093 +20347,Wewers Rd,-93.10616010000001,45.0191424 +20348,Cr C,-93.10618070000001,45.021304300000004 +20349,Stark St,-93.0994127,45.0170711 +20350,Roselawn Av,-93.0873572,45.0011494 +20351,Park St,-93.10281730000001,45.017197 +20352,Sunrise Dr,-93.0762984,45.0075669 +20353,Cr B,-93.0763668,45.006552600000006 +20354,Stark St,-93.09911050000001,45.017167900000004 +20355,Skillman Av,-93.07631520000001,45.002874000000006 +20356,Bradley St,-93.07861790000001,45.002812600000006 +20357,Cr C,-93.10600930000001,45.0213004 +20358,Desoto St,-93.08100130000001,45.0027168 +20359,Rice St,-93.105562,45.0171769 +20360,Arkwright St,-93.08376820000001,45.0027053 +20361,Skillman Av,-93.0864203,45.0024791 +20362,Woodbridge St,-93.10884800000001,45.020711600000006 +20363,Arkwright St,-93.0841122,45.0026645 +20364,Woodbridge St,-93.1084113,45.0207856 +20365,Desoto St,-93.0817932,45.002652700000006 +20366,Canabury Court,-93.09267240000001,45.0171398 +20367,Sunrise Dr,-93.07644710000001,45.013690800000006 +20368,Bradley St,-93.0790683,45.002752 +20369,Edgerton St,-93.07671880000001,45.002682400000005 +20370,Sunrise Court,-93.0763556,45.0134612 +20371,Cr B,-93.07634180000001,45.0062274 +20372,Cr B-2,-93.0763275,45.0115822 +20373,Sloan Place,-93.0865351,45.001924900000006 +20374,Grand Pre Apts,-93.0918738,45.0135372 +20375,Cr B-2,-93.0764274,45.0118517 +20376,St Jude Medical Ctr,-93.0980985,45.0135396 +20377,Cr B-2,-93.09045060000001,45.013426800000005 +20378,Edgerton St,-93.07684040000001,45.020787500000004 +20379,Cr B-2,-93.0902631,45.0136939 +20380,Noel Dr,-93.07966010000001,45.0208455 +20381,#210,-93.09250060000001,45.013451800000006 +20382,Jackson St,-93.0966425,45.0170601 +20383,Mcmenemy St,-93.0835921,45.0208949 +20384,Canabury Court,-93.09297120000001,45.0170274 +20385,Demont Av,-93.09059210000001,45.016577600000005 +20386,Demont Av,-93.09048220000001,45.016779500000005 +20387,Jackson St,-93.09610980000001,45.0171469 +20388,Noel Dr,-93.07995430000001,45.020820300000004 +20389,Marketplace,-93.10157880000001,45.025818 +20390,Mcmenemy St,-93.083768,45.0210121 +20391,Middle St,-93.104072,45.0260514 +20392,Litt Can Transit Ctr,-93.1029577,45.027941000000006 +20393,Sunset Court,-93.0764822,45.016545300000004 +20394,Owasso Blvd S,-93.1060444,45.031361100000005 +20395,Marketplace S Entrance,-93.1060664,45.027828 +20396,Little Canada Rd,-93.0764106,45.020428100000004 +20397,Little Canada Rd,-93.1061198,45.025890200000006 +20398,#2566,-93.07637000000001,45.018605300000004 +20399,Iona Lane,-93.1060544,45.0227701 +20400,Rosedale Estates S,-93.1062048,45.024888600000004 +20401,#2575,-93.0764766,45.0187742 +20402,Little Canada Rd,-93.10620010000001,45.0264097 +20403,Maple Lane,-93.10624220000001,45.0290741 +20404,Little Canada,-93.10189510000001,45.0265295 +20405,Owasso Blvd S,-93.1063036,45.0318211 +20406,Woodlynn Av,-93.1061502,45.0342617 +20407,Owasso Blvd N,-93.10637510000001,45.0422853 +20408,Eli Rd,-93.08792070000001,45.025416 +20409,Racine Dr,-93.0879472,45.023466600000006 +20410,Jerrold St,-93.1061919,45.0400701 +20411,Centerville Rd,-93.0876879,45.0269333 +20412,Owasso Lane E,-93.1061099,45.036808900000004 +20413,Eli Rd,-93.0878198,45.0251108 +20414,Centerville Rd,-93.08785080000001,45.026763100000004 +20415,Woodlynn Av,-93.1063141,45.0347993 +20416,Park View Ct,-93.09557760000001,45.024591400000006 +20417,Park View Ct,-93.09579980000001,45.0245933 +20418,Owasso Lane E,-93.1063101,45.0368772 +20419,Centerville Rd,-93.0876722,45.022325200000004 +20420,Jerrold St,-93.1063713,45.039979 +20421,#396,-93.08452670000001,45.0269403 +20422,Vanderbie St,-93.0790801,45.026938 +20423,Country Dr (Owasso N),-93.10615580000001,45.0424045 +20424,Desoto St,-93.08142550000001,45.0269015 +20425,Desoto St,-93.0817425,45.026841600000004 +20426,Racine Dr,-93.0877923,45.0233593 +20427,Vanderbie St,-93.07930560000001,45.026810100000006 +20428,#396,-93.08482090000001,45.0268663 +20429,Le Fure Apts,-93.0932312,45.0238956 +20430,Cr C,-93.0937471,45.0237683 +20431,Edgerton St,-93.07680760000001,45.0267981 +20432,Jackson St,-93.0970334,45.024914100000004 +20433,Labore Rd,-93.07659500000001,45.027107400000006 +20434,Allen Av,-93.07658810000001,45.0315439 +20435,Jackson St,-93.0966502,45.024896600000005 +20436,Allen Av,-93.07662350000001,45.031715600000005 +20437,Centerville Rd,-93.08767730000001,45.0221985 +20438,Cr D,-93.07659960000001,45.0353931 +20439,Cr D,-93.0767593,45.0355666 +20440,Pine Tree Dr,-93.1529146,45.0501256 +20441,Grey Fox Rd,-93.14700040000001,45.0538121 +20442,Grey Fox Rd,-93.14723760000001,45.054055600000005 +20443,Cr E,-93.1472011,45.050532200000006 +20444,Cannon Av,-93.1469484,45.044327900000006 +20445,Cannon Av,-93.14714140000001,45.0444892 +20446,#1200,-93.1499735,45.050340000000006 +20447,Harriet Av,-93.14697650000001,45.0464402 +20448,Harriet Av,-93.1471379,45.046666300000005 +20449,#1200,-93.1496128,45.050138100000005 +20450,Pine Tree Dr,-93.1521055,45.0503201 +20451,Cr E,-93.1469656,45.0504406 +20452,Red Fox Rd,-93.1473112,45.0575982 +20453,Cr F,-93.1474038,45.0643497 +20454,#1080,-93.14614060000001,45.0501531 +20455,Lexington Av,-93.1466918,45.0646454 +20456,#3717 Lexington Av,-93.1480544,45.053198200000004 +20457,Gramsie Rd,-93.14707290000001,45.0610598 +20458,Red Fox Rd,-93.147034,45.0572111 +20459,Harriet Av,-93.15370750000001,45.047663400000005 +20460,Oxford St,-93.14287540000001,45.0648009 +20461,#1050,-93.1458358,45.064677700000004 +20462,#3717 Lexington Av,-93.1481737,45.0534053 +20463,#4138-4134,-93.1453922,45.064796 +20464,Target Svc Rd,-93.1470252,45.0553283 +20465,Chatsworth St,-93.142493,45.064689400000006 +20466,Victoria St,-93.13414110000001,45.0501633 +20467,#3800 Lexington,-93.14480110000001,45.056317 +20468,Vivian Av,-93.13670280000001,45.050289500000005 +20469,Cr F,-93.1471193,45.0645892 +20470,Victoria St,-93.1329487,45.0500886 +20471,#3660 - Deluxe Corp,-93.1324469,45.053443300000005 +20472,Gramsie Rd,-93.1472902,45.0615168 +20473,Dale St,-93.1269213,45.0466581 +20474,Victoria St,-93.1328842,45.0502556 +20475,#3660 - Deluxe Corp,-93.13233810000001,45.0528993 +20476,#3545,-93.1281125,45.049208300000004 +20477,Harriet Av,-93.1292166,45.0468471 +20478,Kent St,-93.1244616,45.046674100000004 +20479,#3525-3505,-93.12877080000001,45.0478286 +20480,#3585-3575,-93.1304456,45.0500613 +20481,Harriet Av,-93.1240903,45.0463613 +20482,Dale St,-93.1262751,45.0467451 +20483,#3575-3585,-93.1304135,45.0501243 +20484,Owasso St,-93.1290178,45.046714800000004 +20485,#3545,-93.1279533,45.0491526 +20486,#3850,-93.13129780000001,45.0589815 +20487,#3505-3525,-93.12867390000001,45.047808 +20488,Gramsie Rd,-93.1314675,45.061326400000006 +20489,Lake Cove Ct,-93.12399690000001,45.0453218 +20490,Lake Cove Ct,-93.1241476,45.0456273 +20491,Wilson Park,-93.1355101,45.064726 +20492,Lake Summit Ct,-93.12383990000001,45.0446388 +20493,Nancy Place,-93.1397755,45.0647229 +20494,Crystal Av,-93.1317032,45.0631257 +20495,Victoria St,-93.13230320000001,45.0648228 +20496,Victoria St,-93.1323674,45.064708800000005 +20497,Wilson Park,-93.1351836,45.0648002 +20498,#3850,-93.13112890000001,45.0589932 +20499,Nancy Place,-93.13944710000001,45.064785 +20500,Amble Dr,-93.147485,45.074393900000004 +20501,Cummings Park Dr,-93.1474397,45.070294800000006 +20502,Gramsie Rd,-93.13130340000001,45.061490000000006 +20503,Victoria St N,-93.1474704,45.0717395 +20504,Valley View Court,-93.1315648,45.063101 +20505,Boston Scientific,-93.1473718,45.0669422 +20506,Shoreview Hills,-93.1471264,45.066144 +20507,Tanglewood Dr,-93.14755360000001,45.0860381 +20508,Cummings Park Dr,-93.14714710000001,45.069948000000004 +20509,Victoria St N,-93.147205,45.072338 +20510,Amble Dr,-93.14719000000001,45.074606900000006 +20511,Cr 96 W,-93.1472701,45.080165 +20512,Monterey Dr W,-93.1426311,45.086428600000005 +20513,Hanson Rd,-93.142138,45.086460900000006 +20514,Cr 96,-93.1475133,45.0788601 +20515,Victoria St,-93.13248130000001,45.086497 +20516,Tomlyn Av,-93.1475211,45.0816122 +20517,Anderson Ln,-93.13592650000001,45.086468100000005 +20518,Mound Av,-93.1341261,45.0828142 +20519,Pleasant Circle,-93.1475394,45.0770665 +20520,Monterey Dr (E),-93.1387121,45.086477300000006 +20521,Pleasant Circle,-93.1472279,45.077018100000004 +20522,Monterey Dr E,-93.1387691,45.086444300000004 +20523,Tanglewood Dr,-93.1323452,45.0860373 +20524,Tanglewood Dr,-93.1205559,45.0860611 +20525,Tanglewood Dr,-93.1216227,45.086893100000005 +20526,Lorinda Dr,-93.1297194,45.086464500000005 +20527,Laura Lane,-93.12664020000001,45.086482200000006 +20528,Chandler Rd,-93.1233464,45.0864038 +20529,Hodgson Rd,-93.12142220000001,45.0863172 +20530,Hodgson Rd,-93.12219200000001,45.0864763 +20531,Tomlyn Av,-93.1472847,45.081242 +20532,Lexington Av,-93.1470195,45.0863753 +20533,SuzAnne Av,-93.1062239,45.0619718 +20534,Shoreview Comm Ctr,-93.1322396,45.0801439 +20535,Gramsie (Rice),-93.1071557,45.0628309 +20536,Rice St (Gramsie),-93.10713960000001,45.063183300000006 +20537,Victoria Dr,-93.1348121,45.0810352 +20538,Vadnais Blvd,-93.10621280000001,45.0466363 +20539,Cr F,-93.1097101,45.0647151 +20540,Victoria Dr,-93.13471200000001,45.081155900000006 +20541,Rustic Place,-93.10638420000001,45.0567665 +20542,Mound Av,-93.133975,45.082686700000004 +20543,St Marie St,-93.10643160000001,45.050473800000006 +20544,Cr F,-93.110093,45.064786700000006 +20545,Anderson Ln,-93.1353974,45.086505 +20546,St Marie St,-93.1062112,45.050346100000006 +20547,Cr E,-93.10621010000001,45.046632300000006 +20548,Floral Dr W,-93.11140590000001,45.0668505 +20549,Cr E,-93.1064429,45.047127800000005 +20550,Rustic Place,-93.10629300000001,45.056577000000004 +20551,Snail Lake Rd,-93.1144479,45.073697 +20552,Snail Lake Rd,-93.1147794,45.073962800000004 +20553,Bridge St,-93.1161033,45.077472400000005 +20554,Village Center Rd,-93.118291,45.0815083 +20555,Cr 96,-93.11720430000001,45.0789964 +20556,Cr 96,-93.1172507,45.079812600000004 +20557,Hawes Av,-93.11192600000001,45.067968900000004 +20558,Village Center Rd,-93.11812830000001,45.081613600000004 +20559,Colleen Av,-93.11368270000001,45.071657200000004 +20560,Dennison Av,-93.11285290000001,45.0698901 +20561,Floral Dr W,-93.11121050000001,45.066680700000006 +20562,Belmont Ln,-93.04564300000001,45.004071700000004 +20563,Belmont Lane,-93.0457744,45.0042783 +20564,Hawes Av,-93.11172830000001,45.0678069 +20565,Burke Av,-93.04577,45.0054293 +20566,Dennison Av,-93.1125578,45.0696011 +20567,Burke Av,-93.04567030000001,45.0051506 +20568,Maplewood Bowl,-93.04579860000001,45.0001277 +20569,Colleen Av,-93.1134382,45.071469 +20570,Bridge St,-93.1165225,45.077499700000004 +20571,#1964 - Moose Lodge,-93.04563200000001,45.0000688 +20572,Germain St,-93.0330637,45.0064033 +20573,Cr B,-93.04562800000001,45.008063400000005 +20574,Mcafee Circle,-93.04458790000001,45.0078989 +20575,Junction Av,-93.0456661,45.0063729 +20576,English St,-93.04543980000001,45.008262300000005 +20577,Junction Av,-93.0458098,45.0066269 +20578,Birmingham St,-93.0406286,45.006605 +20579,Mcafee Circle,-93.0442206,45.0078526 +20580,Germain St,-93.0327214,45.0064742 +20581,Highway 61 & County Road C Park & Ride,-93.0517645,45.0203697 +20582,Barclay St,-93.037829,45.0066982 +20583,HazElwood St,-93.0353139,45.006457000000005 +20584,Highway 61 & County Road C,-93.0508317,45.0211066 +20585,Birmingham St,-93.04095960000001,45.006554300000005 +20586,Labore Rd,-93.05925380000001,45.0358571 +20587,HazElwood St,-93.0357299,45.006471100000006 +20588,Barclay St,-93.0382247,45.0064901 +20589,Labore Rd,-93.05840930000001,45.0359161 +20590,Aspen Circle E #2,-93.06315980000001,45.035850800000006 +20591,Ontario Rd,-93.07065,45.0358658 +20592,Payne Av,-93.0743384,45.035909700000005 +20593,Greenbrier St,-93.0696233,45.0358686 +20594,Payne Av,-93.07452260000001,45.0358521 +20595,Aspen Circle E #2,-93.06508070000001,45.035923200000006 +20596,Arcade St,-93.06628420000001,45.0359167 +20597,Greenbrier St,-93.069191,45.035969 +20598,Aspen Circle E #1,-93.063022,45.0359118 +20599,Walter St,-93.05463490000001,45.035921300000005 +20600,Ontario Rd,-93.07115900000001,45.0359471 +20601,Walter St,-93.05503230000001,45.0358486 +20602,Arcade St,-93.06675960000001,45.035856100000004 +20603,Highway 61 & Beam Avenue,-93.04695860000001,45.027836900000004 +20604,HazElwood St,-93.0344338,45.0282114 +20605,Aspen Circle E #1,-93.06542110000001,45.035850800000006 +20606,HazElwood St,-93.03434530000001,45.0279054 +20607,Country View Dr,-93.03970720000001,45.031593900000004 +20608,Country View Dr,-93.04188500000001,45.027977 +20609,Country View Dr,-93.0405834,45.031373800000004 +20610,Country View Dr,-93.04120080000001,45.028211000000006 +20611,Highway 61 & Beam Avenue,-93.04654500000001,45.02769 +20612,White Bear Avenue & Cope Avenue,-93.02357930000001,45.0096816 +20613,St Johns Hospital,-93.03360090000001,45.0300558 +20614,Kennard St,-93.0313385,45.006390700000004 +20615,Prosperity Av,-93.0283041,45.006436900000004 +20616,St Johns Hospital,-93.0335075,45.0303373 +20617,White Bear Avenue & County Road B,-93.0250699,45.006803000000005 +20618,White Bear Avenue & Flandrau Street,-93.02510240000001,45.001069400000006 +20619,Highridge Court,-93.051376,45.0359307 +20620,White Bear Avenue & Flandrau Street,-93.02533650000001,45.001063200000004 +20621,Highridge Court,-93.05174930000001,45.0358308 +20622,7 St N,-93.0126793,45.000507400000004 +20623,7 St N,-93.01229640000001,45.000836400000004 +20624,#1134,-93.05322980000001,45.0358463 +20625,Ariel St N,-93.0152774,45.0152803 +20626,White Bear Avenue & County Road C,-93.01913490000001,45.0210494 +20627,#1134,-93.05295690000001,45.0359099 +20628,White Bear Avenue & #2570,-93.019856,45.0182348 +20629,Kennard St,-93.0301149,45.0064803 +20630,White Bear Avenue & 11th Avenue,-93.0197514,45.0154397 +20631,White Bear Avenue & Cope Avenue,-93.02426790000001,45.0095522 +20632,Prosperity Av,-93.02779380000001,45.006480200000006 +20633,White Bear Avenue & #2570,-93.0195418,45.018422 +20634,White Bear Avenue & County Road B,-93.02538460000001,45.0066398 +20635,White Bear Avenue & County Road C,-93.0189253,45.020721200000004 +20636,White Bear Avenue & Gervais Avenue,-93.02001580000001,45.0158855 +20637,Mcknight Rd,-93.0054475,45.004997700000004 +20638,Cottage Dr,-93.0120905,45.015315300000005 +20639,#1975,-93.0172902,45.0156524 +20640,#1965,-93.01780400000001,45.015541000000006 +20641,White Bear Av,-93.0193698,45.015543400000006 +20642,Ariel St N,-93.01488760000001,45.015408400000005 +20643,6 St N,-93.0097987,45.0023117 +20644,Cottage Dr,-93.0119906,45.015413200000005 +20645,Seppala Blvd,-92.9973566,45.010262600000004 +20646,5 St N,-93.00722640000001,45.0038652 +20647,6 St N,-93.01018110000001,45.0019659 +20648,Mcknight Rd,-93.00516920000001,45.0048924 +20649,1 St N,-92.99714510000001,45.009566400000004 +20650,Mcknight Rd,-93.00452560000001,45.015489200000005 +20651,Mcknight Rd,-93.0045231,45.015554 +20652,3 St N,-93.00227720000001,45.015616800000004 +20653,3 St N,-93.0022629,45.0066793 +20654,Margaret Street & Seppala Boulevard,-92.99217250000001,45.012851000000005 +20655,Margaret Street & Seppala Boulevard,-92.9924177,45.0129625 +20656,2 St N,-92.99963460000001,45.0081542 +20657,Margaret Street & Centennial Drive,-92.992182,45.0148018 +20658,Margaret Street & Centennial Drive,-92.9924216,45.015133600000006 +20659,2 St N,-93.0001273,45.0077616 +20660,7th Avenue & Charles Street,-92.9893954,45.0139438 +20661,7th Avenue & Charles Street,-92.9899031,45.0134606 +20662,South Av (Cr B),-93.0026771,45.0062933 +20663,7th Avenue & Margaret Street,-92.992089,45.012449100000005 +20664,1 St N,-92.99760280000001,45.0091648 +20665,Helen St N,-92.99451160000001,45.011039700000005 +20666,Helen St N,-92.9953342,45.016400600000004 +20667,Helen St N,-92.9951096,45.0105536 +20668,PlazA 36 (Target),-93.00935000000001,45.0155631 +20669,1 St N,-92.9977168,45.0155195 +20670,1 St N,-92.9971079,45.0156732 +20671,PlazA 36 (Target),-93.0094279,45.015439900000004 +20672,Margaret St N,-92.9925408,45.0164932 +20673,Helen St N,-92.99460540000001,45.0166194 +20674,3 St N,-93.00263530000001,45.015517900000006 +20675,Kennard St,-93.0298135,45.02788 +20676,Kennard St,-93.0291419,45.0281722 +20677,White Bear Avenue & Mesabi Avenue,-93.01791990000001,45.0246609 +20678,Gate A,-93.0240528,45.0288988 +20679,Gate F,-93.0243318,45.029043800000004 +20680,Gate B,-93.0236448,45.028434700000005 +20681,Gate D/E,-93.02393830000001,45.0286081 +20682,White Bear Avenue & Mesabi Avenue,-93.0182218,45.0250879 +20683,White Bear Avenue & Kohlman Avenue,-93.0186743,45.0228331 +20684,White Bear Avenue & Kohlman Avenue,-93.0183945,45.022599 +20685,White Bear Avenue & Radatz Avenue,-93.0178432,45.0261538 +20686,Beam Avenue & Maplewood Mall,-93.01952730000001,45.028214600000005 +20687,Lydia Avenue & Ariel Street,-93.0145255,45.0317895 +20688,Orchard Lane,-93.01525290000001,45.0427649 +20689,Orchard Ln,-93.01544700000001,45.043204700000004 +20690,Lydia Avenue & Frederick Parkway,-93.01213100000001,45.031792800000005 +20691,Buerkle Rd,-93.0174504,45.038806400000006 +20692,Buerkle Rd,-93.01738510000001,45.0393568 +20693,White Bear Avenue & Beam Avenue,-93.01821480000001,45.0274121 +20694,Cr D,-93.0174801,45.035334600000006 +20695,Cr D / Woodlyn,-93.01777680000001,45.034483300000005 +20696,White Bear Avenue & Beam Avenue,-93.0177706,45.028686900000004 +20697,Lydia Avenue & Furness Street,-93.00928520000001,45.031797700000006 +20698,Lydia Avenue & Winthrop Drive,-93.0077579,45.0318075 +20699,Lydia Avenue & Frederick Parkway,-93.0122747,45.0316324 +20700,Lydia Avenue & Winthrop Drive,-93.00806200000001,45.031661 +20701,Lydia Avenue & Furness Street,-93.009566,45.031643900000006 +20702,Lydia Avenue & White Bear Avenue,-93.01739040000001,45.031461400000005 +20703,McKnight Road & Lydia Avenue,-93.0050032,45.0319419 +20704,Lydia Avenue & Ariel Street,-93.0149126,45.031603100000005 +20705,White Bear Avenue & Beam Avenue,-93.0182161,45.0287151 +20706,Sandra Ln,-93.0331489,45.085129 +20707,Lydia Avenue & McKnight Road,-93.0057019,45.0318221 +20708,McKnight Road & Karth Road,-93.0053003,45.0376338 +20709,McKnight Road & Karth Road,-93.00508900000001,45.037987300000005 +20710,McKnight Road & Woodlynn Avenue,-93.005032,45.0333501 +20711,McKnight Road & Gall Avenue,-93.00527380000001,45.034674800000005 +20712,Birch Lake Blvd S,-93.03566210000001,45.0811219 +20713,McKnight Road & Gall Avenue,-93.0050561,45.0348002 +20714,Sandra Ln,-93.0327879,45.0851756 +20715,McKnight Road & Woodlynn Avenue,-93.0052646,45.0335747 +20716,McKnight Road & Manitou Ridge,-93.0050733,45.0392048 +20717,Cr E,-93.01523060000001,45.0500063 +20718,McKnight Road & Orchard Lane,-93.0050614,45.043266700000004 +20719,Cr E,-93.0154552,45.0505475 +20720,McKnight Road & Manitou Ridge,-93.0052555,45.0394334 +20721,McKnight Road & Orchard Lane,-93.00525900000001,45.0435237 +20722,Birch St,-93.0154985,45.0612073 +20723,Willow Pond Trail E,-93.13657280000001,45.167534100000005 +20724,Birch St,-93.0153214,45.060906200000005 +20725,Cedar Av,-93.01524280000001,45.057357200000006 +20726,Cr F,-93.0153054,45.0645741 +20727,McKnight Road & Emerald Drive,-93.0050501,45.049174900000004 +20728,McKnight Road & Tracy Road,-93.00525610000001,45.045227100000005 +20729,Cedar Av,-93.015538,45.0576559 +20730,McKnight Road & Elm Drive,-93.0052431,45.0468629 +20731,Cr F,-93.0155553,45.0649819 +20732,McKnight Road & Emerald Drive,-93.0052376,45.049195700000006 +20733,County Road E & Cranbrook Drive,-93.0002754,45.050136300000005 +20734,McKnight Road & Tracy Road,-93.0050554,45.045077500000005 +20735,County Road E & McKnight Road,-93.00474080000001,45.0501079 +20736,County Road E & Golfview Drive,-93.0025569,45.0501081 +20737,McKnight Road & Elm Drive,-93.0050636,45.0466197 +20738,County Road E & Cranbrook Drive,-93.0005806,45.0502963 +20739,County Road E & Rolling View Drive,-92.9900119,45.0501561 +20740,County Road E & Golfview Drive,-93.0025205,45.050319800000004 +20741,County Road E & Mosby Road,-92.9976127,45.0501068 +20742,County Road E & Mosby Road,-92.99737900000001,45.050305 +20743,Lovell Rd,-93.16373920000001,45.142639200000005 +20744,County Road E & Bellaire Avenue,-92.9945824,45.0501359 +20745,County Road E & Bellaire Avenue,-92.99533120000001,45.0502963 +20746,South Shore Blvd,-93.01150050000001,45.069290800000005 +20747,South Shore Blvd,-93.0117525,45.0693148 +20748,County Road E & Rolling View Drive,-92.98966920000001,45.050319200000004 +20749,Sharon Ln,-93.0306786,45.0851441 +20750,Hwy 61,-93.01772340000001,45.0755027 +20751,Krech Av,-93.02288800000001,45.085472700000004 +20752,Karen Place,-93.02786,45.0851685 +20753,Hwy 61,-93.01792610000001,45.075409300000004 +20754,Sharon Ln,-93.0303449,45.08518 +20755,Whitaker St,-93.01640280000001,45.0754734 +20756,Krech Av,-93.0232459,45.0854238 +20757,Karen Place,-93.0283029,45.085116600000006 +20758,Lakeview Av,-93.0114868,45.0699903 +20759,Cr 96 (Lake Av),-93.0155964,45.0794646 +20760,Lake Av (Cr 96),-93.0154505,45.0791471 +20761,Lakeview Av,-93.01183540000001,45.070183 +20762,Lake (Old White Bear),-93.0162791,45.0748392 +20763,2 St,-93.0115323,45.0831378 +20764,Campbell Av,-93.01853200000001,45.0853904 +20765,2 St,-93.0114973,45.083526500000005 +20766,Campbell Av,-93.01816720000001,45.085481900000005 +20767,Wood Av,-93.0204147,45.085485500000004 +20768,Bald Eagle Av,-93.0152709,45.0854736 +20769,Miller Av,-93.01293650000001,45.0854809 +20770,Wood Av,-93.02075470000001,45.085395500000004 +20771,Bloom Av,-93.01135260000001,45.0854787 +20772,Bloom Av,-93.0119877,45.0854128 +20773,Miller Av,-93.0132861,45.0853959 +20774,Bald Eagle Av,-93.0157599,45.085377 +20775,West Rd,-93.16368050000001,45.1454777 +20776,Stewart Av,-93.0049085,45.086471800000005 +20777,West Rd (S),-93.16344720000001,45.145256200000006 +20778,97 Ln Ne,-93.1636496,45.1474744 +20779,4 St,-93.00482570000001,45.0855418 +20780,West Rd,-93.1634185,45.147777700000006 +20781,Cook Av,-93.0059714,45.0854319 +20782,#9505,-93.1634698,45.1441949 +20783,Jewel St,-93.15669360000001,45.1530658 +20784,Washington Av,-93.00888660000001,45.0854678 +20785,North Star Ln,-93.15782010000001,45.1530866 +20786,Center Rd,-93.1553236,45.153042500000005 +20787,4 St,-93.01025340000001,45.0848935 +20788,99 Av Ne,-93.1633558,45.149808900000004 +20789,Twilite Terrace,-93.16083920000001,45.153144000000005 +20790,4 St,-93.0098207,45.084948000000004 +20791,Lexington Av,-93.1629219,45.153171 +20792,Banning Av,-93.0078481,45.086467000000006 +20793,Austin St Ne,-93.1632653,45.1522079 +20794,North Star Ln,-93.15835290000001,45.153191500000005 +20795,Cook Av,-93.0063923,45.086437000000004 +20796,Quito St,-93.14660260000001,45.1529595 +20797,Jewel St,-93.15629030000001,45.1531613 +20798,Center Rd,-93.15501660000001,45.1531399 +20799,99 Av Ne,-93.16362020000001,45.1500767 +20800,Austin St Ne,-93.163556,45.1525228 +20801,Lexington Av,-93.16298330000001,45.1532734 +20802,Duen Way,-93.14797,45.1529991 +20803,Twilite Terrace,-93.1604166,45.1532033 +20804,North Rd Ne,-93.14301130000001,45.153069200000004 +20805,Park Dr E,-93.15080880000001,45.1530939 +20806,Park Dr W,-93.15281130000001,45.1530246 +20807,Sunset Av,-93.1431199,45.1529053 +20808,Duen Way,-93.1480191,45.1530676 +20809,Edge Dr,-93.1452678,45.152951300000005 +20810,101 Ln Ne,-93.1428949,45.1533011 +20811,Pine Dr,-93.1492183,45.1530853 +20812,Pine Dr,-93.1490595,45.152987200000005 +20813,Quito St,-93.14616760000001,45.153031000000006 +20814,Park Dr E,-93.15147280000001,45.153009100000006 +20815,Edge Dr,-93.1448634,45.152998200000006 +20816,Lever St,-93.15288910000001,45.1531071 +20817,103 Ln Ne,-93.1429427,45.1576146 +20818,Glenview Dr,-93.14294720000001,45.1566459 +20819,Fairmont Dr,-93.1427867,45.1636314 +20820,101 Ln Ne,-93.1430002,45.153986100000004 +20821,103 Ln Ne,-93.1428195,45.1575319 +20822,107 Av Ne,-93.14285890000001,45.163966300000006 +20823,106 Av Ne,-93.1428609,45.161904400000005 +20824,104 Av Ne,-93.1427862,45.1590409 +20825,105 Ln Ne,-93.1429308,45.1608202 +20826,104 Av Ne,-93.14290310000001,45.159364100000005 +20827,Gladstone Dr,-93.14279330000001,45.1600662 +20828,Glenview Dr,-93.1428875,45.156398800000005 +20829,106 Av Ne,-93.142798,45.1616853 +20830,108 Av Ne,-93.1427249,45.164841300000006 +20831,Elm St,-93.1427568,45.166275500000005 +20832,Lakeview Dr,-93.1406451,45.167408800000004 +20833,108 Av Ne,-93.1428774,45.165151900000005 +20834,Sunset Av,-93.1426658,45.1674361 +20835,#171 Elm St,-93.134731,45.1677228 +20836,Mourning Dove Rd,-93.13700030000001,45.167459400000006 +20837,P&R,-93.05455210000001,45.1233118 +20838,Highway 120 & County Road B,-92.9848516,45.0069187 +20839,Highway 120 & 46th Street,-92.9846655,45.0147959 +20840,Highway 120 & 40th Street North,-92.9846411,45.0065863 +20841,7th Avenue & Henry Street,-92.986806,45.0154073 +20842,Highway 120 & Upper 46th Street,-92.9846911,45.0157097 +20843,Highway 120 & 43rd Street,-92.9846706,45.0102495 +20844,Highway 120 & 10th Avenue,-92.9848949,45.0149635 +20845,Highway 120 & Upper 46th Street,-92.98488680000001,45.0159645 +20846,Highway 120 & 2nd Avenue,-92.9846577,45.0086991 +20847,7th Avenue & Henry Street,-92.9874183,45.0148669 +20848,Highway 120 & 4th Avenue,-92.98487680000001,45.0104319 +20849,Highway 120 & 17th Avenue,-92.98490020000001,45.021307400000005 +20850,Highway 120 & County Road D,-92.98494430000001,45.036320700000005 +20851,Highway 120 & 2nd Avenue,-92.9848644,45.008622300000006 +20852,Highway 120 & Long Lake Road,-92.98462470000001,45.0369188 +20853,Highway 120 & Century College,-92.9845872,45.042697600000004 +20854,Highway 120 & Genevieve Avenue,-92.9845957,45.0013395 +20855,Highway 120 & 19th Avenue,-92.98488760000001,45.0232928 +20856,Highway 120 & Genevieve Avenue,-92.9848214,45.001364300000006 +20857,Highway 120 & 8th Avenue,-92.9848831,45.0131609 +20858,Highway 120 & 54th Street,-92.98487010000001,45.0262368 +20859,Highway 120 & Upper 44th Street,-92.9846887,45.012968900000004 +20860,Highway 120 & 54th Street,-92.98464440000001,45.0259858 +20861,Highway 120 & Upper 51st Street,-92.98469730000001,45.0230832 +20862,Stillwater Boulevard & Lake Elmo Avenue,-92.88352900000001,45.000398000000004 +20863,Highway 120 & Elm Drive,-92.9849507,45.0485702 +20864,Highway 120 & County Road E,-92.98494740000001,45.049824300000004 +20865,Highway 120 & #3590,-92.98461350000001,45.048316400000004 +20866,Highway 120 & Century College,-92.98500100000001,45.0442978 +20867,County Road E & White Bear Hills,-92.9863308,45.0501457 +20868,County Road E & White Bear Hills,-92.9864847,45.050332100000006 +20869,Stillwater Boulevard & Lake Elmo Avenue,-92.8810141,45.0016558 +20870,Stillwater Boulevard & Lake Elmo Avenue,-92.880137,45.0023284 +20871,Stillwater Boulevard & Laverne Avenue,-92.8786675,45.003118400000005 +20872,Stillwater Boulevard & Lake Elmo Avenue,-92.88267110000001,45.0010569 +20873,Stillwater Boulevard & Laverne Avenue,-92.87904540000001,45.002680600000005 +20874,Stillwater Boulevard & Layton Avenue,-92.8774994,45.0034788 +20875,Stillwater Boulevard & McDonald Drive,-92.8597209,45.0175398 +20876,Stillwater Boulevard & 53rd Street,-92.85701440000001,45.0242571 +20877,Stillwater Boulevard & Layton Avenue,-92.87727530000001,45.0038007 +20878,Stillwater Boulevard & Marquess Trail,-92.8574533,45.023875800000006 +20879,Stillwater Boulevard & 50th Street,-92.85813370000001,45.021467300000005 +20880,Stillwater Boulevard & 58th Street,-92.850693,45.0321768 +20881,Curve Crest Boulevard & Orleans Street,-92.8262931,45.041352 +20882,Stillwater Boulevard & 50th Street,-92.8583681,45.021700100000004 +20883,Stillwater Boulevard & 58th Street,-92.849541,45.032744400000006 +20884,Stillwater Boulevard & 55th Street,-92.85405300000001,45.0285748 +20885,Stillwater Boulevard & Linden Trail,-92.8603243,45.0169416 +20886,Stillwater Boulevard & 55th Street,-92.85474980000001,45.0284343 +20887,Curve Crest Boulevard & Greeley Street,-92.8212431,45.0409182 +20888,Curve Crest Boulevard & Industrial Boulevard,-92.8239566,45.0408855 +20889,Olive Street & Pine Tree Trail,-92.82996680000001,45.0529829 +20890,Curve Crest Boulevard & Greeley Street,-92.82269400000001,45.040985600000006 +20891,Olive Street & Seeley Street,-92.8286156,45.0529829 +20892,Stillwater Boulevard & Oak Street,-92.83254090000001,45.052032700000005 +20893,Stillwater Boulevard & Fairmeadows Road,-92.8324192,45.0525825 +20894,Stillwater Boulevard & Pine Street,-92.8331539,45.0512451 +20895,Olive Street & Seeley Street,-92.82842090000001,45.053127200000006 +20896,Olive Street & Pine Tree Trail,-92.8295952,45.053137400000004 +20897,Curve Crest Boulevard & Market Drive,-92.8415904,45.039718300000004 +20898,Olive Street & Hemlock Street,-92.82579360000001,45.053130800000005 +20899,Olive Street & Brick Street,-92.82707470000001,45.053133 +20900,Stillwater Boulevard & Curve Crest Boulevard,-92.8422209,45.040153200000006 +20901,Orleans Street & Market Drive,-92.83906680000001,45.042989500000004 +20902,Olive Street & Grove Street,-92.8243226,45.0531309 +20903,Stillwater Boulevard & Croixwood Boulevard,-92.83527000000001,45.047586200000005 +20904,Olive Street & Grove Street,-92.824566,45.0529868 +20905,Stillwater Boulevard & Pine Street,-92.8330457,45.051003900000005 +20906,Stillwater Boulevard & Croixwood Boulevard,-92.8350589,45.048163300000006 +20907,Pine Street & William Street,-92.81822720000001,45.050974000000004 +20908,Olive Street & Center Street,-92.82306270000001,45.0531238 +20909,Stillwater Boulevard & Autumn Court,-92.83460260000001,45.048264 +20910,Greeley Street & Oak Street,-92.8192514,45.0524156 +20911,Olive Street & Brick Street,-92.82730280000001,45.0529827 +20912,Olive Street & Owens Street,-92.8206088,45.0529723 +20913,Olive Street & Sherburne Street,-92.8216886,45.052973800000004 +20914,Pine Street & Holcombe Street,-92.8130946,45.0509567 +20915,Olive Street & Sherburne Street,-92.8214634,45.0531256 +20916,Lake Dr,-93.1043606,45.190946000000004 +20917,Pine Street & Harriet Street,-92.81447560000001,45.050967 +20918,City Hall P&R,-93.08408650000001,45.1964355 +20919,City Hall P&R,-93.0838068,45.1965626 +20920,Pine Street & Harriet Street,-92.8139046,45.0510821 +20921,Osgood Avenue & 65th Street,-92.80746260000001,45.0426492 +20922,Pine Street & William Street,-92.817648,45.051093800000004 +20923,Osgood Avenue & 63rd Street,-92.8075149,45.0403329 +20924,4th Street & Orleans Street,-92.8076834,45.0429356 +20925,202 St N,-92.99896380000001,45.2430827 +20926,Osgood Avenue & 60th Street,-92.8076879,45.0367678 +20927,Osgood Avenue & 62nd Street,-92.8076893,45.0393637 +20928,Fenston Av N,-92.9988694,45.245085200000005 +20929,Osgood Avenue & 62nd Street,-92.8074514,45.0387414 +20930,Osgood Avenue & 60th Street,-92.80741660000001,45.0371053 +20931,206 St N,-92.9989159,45.247816300000004 +20932,206 St N,-92.9990341,45.248168 +20933,4th Street & Churchill Street,-92.80768,45.0482546 +20934,Fenston Av N,-92.9990973,45.245580000000004 +20935,4th Street & Marsh Street,-92.80747090000001,45.0445563 +20936,4th Street & Churchill Street,-92.8074821,45.0480579 +20937,202 St N,-92.9990058,45.2433649 +20938,4th Street & Walnut Street,-92.80826470000001,45.0510691 +20939,Pine Street & 6th Street,-92.8113278,45.0512791 +20940,Forest Lake P&R,-92.98596690000001,45.2393026 +20941,4th Street & Willard Street,-92.8075189,45.049867500000005 +20942,Pine Street & 6th Street,-92.81110260000001,45.051438600000004 +20943,3rd Street & Pine Street,-92.80723,45.0525023 +20944,3rd Street & Oak Street,-92.8076334,45.053445700000005 +20945,3rd Street & Oak Street,-92.8077099,45.0531646 +20946,Myrtle Street & Union Alley,-92.80694030000001,45.0563741 +20947,Water Street & Commercial Street,-92.8059236,45.057563900000005 +20948,Continental Divide Monument,-95.37719680000001,46.518235700000005 +20949,Main Street & Mulberry Street,-92.8068221,45.0584057 +20950,3rd Street & Chestnut Street,-92.8086854,45.0554239 +20951,Myrtle Street & 2nd Street,-92.80735990000001,45.056399500000005 +20952,College of Saint Scholastica,-92.10485010000001,46.816304800000005 +20953,NY Mills Post Office,-95.3771073,46.5190807 +20954,Cultural Center,-95.3759629,46.5184214 +20955,Mills Creamery,-95.3760666,46.517929 +20956,NY Mills Police,-95.37731480000001,46.5186208 +20957,Perham Health New York Mills Clinic,-95.37654230000001,46.5183845 +20958,Eagles Cafe,-95.37615240000001,46.518778000000005 +20959,Mills Fire Station,-95.3769393,46.518495300000005 +20960,Seip Drug,-95.3724724,46.5224544 +20961,Dean's Country Market,-95.37212910000001,46.5223068 +20962,Rocky Mountain Chocolate Factory,-92.0951393,46.781676100000006 +20963,Mills Liquor,-95.3775042,46.5186968 +20964,Anchor Bank,-92.9856759,45.016271200000006 +20965,Northpark Water Tower,-92.52773690000001,44.0905022 +20966,Discount Tire,-93.1572819,44.9552855 +20967,Gasthof zur Gemutlichkeit,-93.2633464,45.0112784 +20968,T-Mobile,-93.1622171,44.955088100000005 +20969,Mario's Keller Bar,-93.2633464,45.011430100000005 +20970,Devils Cascade,-92.2505742,48.204037400000004 +20971,Saganaga Falls,-90.8399138,48.228640500000004 +20972,Casa Lupita Mexican Restaurant,-93.0429134,45.078615400000004 +20973,Kawishiwi Falls,-91.7619243,47.934019000000006 +20974,Perkins,-93.3386725,43.6556652 +20975,Gaylord Point,-92.9102397,48.5933779 +20976,BP,-93.3163712,43.763930900000005 +20977,Taco John's,-93.3377823,43.6560593 +20978,El Tequila,-93.2951056,44.2797715 +20979,KFC,-93.3381729,43.6558341 +20980,The Liffey,-93.1031688,44.9444354 +20981,Casey's General Store,-93.3365684,43.6547434 +20982,Green Mill,-93.3370434,43.6545323 +20983,Americas Best Value Inn,-93.3355305,43.6550917 +20984,Hoot Lake Plant,-96.04320340000001,46.290591000000006 +20985,The Home Depot,-93.3273427,43.653702300000006 +20986,Trail's Travel Center,-93.3178177,43.657242100000005 +20987,Walgreens,-93.1170343,45.0811027 +20988,D&L Food and Gas,-93.12648460000001,44.991412700000005 +20989,Panino's,-93.1159877,45.0803835 +20990,Commander Bar,-94.221573,46.592192000000004 +20991,Maternity of Mary Church,-93.12564420000001,44.9834887 +20992,Mac's Fish and Chips,-93.1559915,44.991633 +20993,Original Malt Shop,-93.14753320000001,44.9926023 +20994,Buzz's,-93.2326848,44.926773600000004 +20995,Zen Asia,-93.0607217,45.080708400000006 +20996,Seven Dolars,-94.56551830000001,45.628487500000006 +20997,Albany Jr/Sr High,-94.5605369,45.6315861 +20998,Maria's Cafe,-93.2575094,44.962493900000005 +20999,United Noodle,-93.24219930000001,44.957836400000005 +21000,Albany Elementary,-94.556814,45.6315486 +21001,Hillcrest Family Restaurant,-94.5784862,45.6285626 +21002,Lunds & Byerlys,-93.25515030000001,44.9874099 +21003,Minnesota Driver and Vehicle Services - Arden Hills,-93.18582380000001,45.103843700000006 +21004,Peking Garden,-93.11673520000001,44.9554795 +21005,Huntington,-93.29950260000001,44.9485199 +21006,Lunds & Byerlys,-93.4459559,44.968147800000004 +21007,West Metro DMV,-93.46445200000001,45.006493000000006 +21008,Great Clips,-93.35862200000001,45.207936000000004 +21009,Darque Tan,-93.35835110000001,45.209096300000006 +21010,Starbucks,-93.3583538,45.209003700000004 +21011,Beauty Craft,-93.3597405,45.208729700000006 +21012,Leann Chins,-93.3597429,45.2085236 +21013,Kalla Lilly,-93.35974010000001,45.2086313 +21014,Pilgrim Cleaners,-93.3584072,45.2080871 +21015,The UPS Store,-93.3584124,45.207926500000006 +21016,Hirshfields,-93.3609368,45.2083177 +21017,Sarah Nails,-93.3586167,45.2080399 +21018,Office Depot,-93.3602767,45.208306400000005 +21019,The Tile Shop,-93.35999260000001,45.208304500000004 +21020,McDonald's,-93.39854000000001,45.0068842 +21021,GNC,-93.35974560000001,45.208308200000005 +21022,Current Style Homes,-93.36159350000001,45.2082307 +21023,Northwestern Book Stores,-93.36135250000001,45.2083196 +21024,Metro Dental Care,-93.36117010000001,45.2083177 +21025,Washington Technology Magnet,-93.1110707,44.987092100000005 +21026,Plato's Closet,-93.36188630000001,45.206082200000004 +21027,Turn Style,-93.361889,45.2061804 +21028,Slimgenics,-93.3618648,45.2062636 +21029,R/C Liquors,-93.36183530000001,45.206348600000005 +21030,Bemidji West Interchange,-94.92873420000001,47.500176200000006 +21031,Red Lake Interchange,-94.9794433,47.5135803 +21032,Lock and Dam 1,-93.20276940000001,44.915311700000004 +21033,Cantury Park Card Room,-93.4832952,44.790277200000006 +21034,Lock and Dam 1,-93.2025407,44.9141241 +21035,Heron Lake Dam,-95.28632800000001,43.797375900000006 +21036,Lock and Dam 1,-93.20218650000001,44.9141503 +21037,Lock and Dam 1,-93.2024203,44.9153433 +21038,Caribou Coffee,-93.19088450000001,44.917451400000004 +21039,Sawatdee,-93.25966100000001,44.9779222 +21040,AT&T,-93.1908858,44.917523900000006 +21041,PostNet,-93.19088310000001,44.9173787 +21042,Cost Cutters,-93.19087850000001,44.9171326 +21043,GNC,-93.1908745,44.917075700000005 +21044,Chuck & Don's Pet Food Outlet,-93.18948630000001,44.916896200000004 +21045,YoYo Donuts & Coffee Bar,-93.42224030000001,44.900283900000005 +21046,Visionworks,-93.18949570000001,44.916724300000006 +21047,Highland Bank,-93.18930830000001,44.917625400000006 +21048,Noodles & Company,-93.18948870000001,44.9171556 +21049,T-Mobile,-93.18948900000001,44.9170719 +21050,McDonald's,-93.31715600000001,43.657011100000005 +21051,Pearl Vision,-93.18602170000001,44.917603500000006 +21052,Banfield Pet Hospital,-93.1863349,44.9176056 +21053,Potbelly,-93.1908875,44.917611300000004 +21054,R.F. Moeller Jewler,-93.18757040000001,44.918108200000006 +21055,Wendy's,-93.3161221,43.6599051 +21056,Xfinity,-93.1869312,44.9176097 +21057,Papa Murphy's,-93.1866576,44.917607800000006 +21058,Love's,-93.31597900000001,43.659492900000004 +21059,Tiffany,-93.18682860000001,44.9180756 +21060,Subway,-93.2916503,44.6435596 +21061,Patina,-93.18718720000001,44.9180794 +21062,Spa Nails,-93.1861908,44.917604600000004 +21063,TurnStyle,-93.18675830000001,44.9176085 +21064,Jimmy John's,-93.4196301,44.8951754 +21065,Kids Hair,-93.1865554,44.917607100000005 +21066,Verizon,-93.18643390000001,44.9176063 +21067,The UPS Store,-93.18648830000001,44.9176067 +21068,WW Studio,-93.1857401,44.917601600000005 +21069,Scoreboard Bar & Grill,-93.42242060000001,44.8992754 +21070,FrameWorks,-93.1859014,44.9176027 +21071,Allina Health Highland Park Clinic,-93.1895049,44.9165435 +21072,Highland Cafe and Bakery,-93.1852516,44.9175983 +21073,Leean Chin,-93.1853755,44.917599100000004 +21074,Subway,-93.42684150000001,44.9212768 +21075,Von Hanson's Meats,-93.18556860000001,44.917600400000005 +21076,Carver County Sheriff's Office Chanhassen Precinct,-93.53916620000001,44.8634058 +21077,FedEx Office,-93.4197535,44.895175300000005 +21078,King's,-93.2417049,45.081329200000006 +21079,Chanhassen 55317,-93.53659440000001,44.863155500000005 +21080,Osaka,-93.1694384,45.024269200000006 +21081,Patrick's Restaurant & Bakery,-93.438833,45.0929877 +21082,Sprint,-93.4384661,45.092989100000004 +21083,Justice,-93.43792610000001,45.0926454 +21084,American Eagle Outfitters,-93.43811930000001,45.092664400000004 +21085,Jimmy John's,-93.17045490000001,45.023334600000005 +21086,U.S. Bank,-93.1661433,45.0219705 +21087,Lunds & Byerlys,-93.5002891,44.9722936 +21088,Chipotle,-93.49662950000001,44.9713818 +21089,Granite City,-93.16961400000001,45.0128799 +21090,Chipotle,-93.1702734,45.0127596 +21091,USPS,-93.44642610000001,44.864339300000005 +21092,Potbelly,-93.17011690000001,45.012783400000004 +21093,Pittsburgh Blue Steakhouse,-93.43210830000001,45.0916348 +21094,Interstate Bridge,-92.1003604,46.7505332 +21095,Maverick's,-93.1456855,44.9942816 +21096,Tea House,-93.4070544,44.9789285 +21097,Papa John's,-93.3599054,44.9499197 +21098,Shamrock's,-93.12769990000001,44.9273194 +21099,Olive Garden,-93.29878640000001,44.745966300000006 +21100,McDonald's,-93.35681910000001,45.220080900000006 +21101,CVS Pharmacy,-93.358187,45.2202509 +21102,Caribou Coffee,-93.4636328,44.9060215 +21103,Shampooch,-93.3833508,44.949751600000006 +21104,U.S. Bank,-93.47447670000001,45.017543700000004 +21105,Super America,-93.44851050000001,44.914607600000004 +21106,Circle K,-93.46458290000001,44.904549 +21107,Target,-93.4479067,44.969813200000004 +21108,BP Shop,-93.4656712,44.9046651 +21109,Wells Fargo,-93.3442052,44.9316234 +21110,Dragon Jade,-93.46378270000001,44.906729500000004 +21111,Duke'S On 7,-93.477435,44.921042400000005 +21112,Caribou Coffee,-93.258711,44.737932 +21113,Sawatdee St. Paul,-93.0937693,44.950744 +21114,Camp,-93.09389110000001,44.950861700000004 +21115,Haskell's,-93.1939657,44.918204200000005 +21116,Mansetti's,-93.1070009,45.0617287 +21117,TCF Bank,-93.1918287,44.9182251 +21118,Big Spring,-92.2257735,43.6043925 +21119,Edina Grill,-93.32930870000001,44.9117101 +21120,Whispering Hills Spring,-91.72345530000001,43.697245800000005 +21121,Furniture Barn,-93.1587078,44.9559834 +21122,Stray Dog,-93.2548857,44.9886957 +21123,Cub Foods,-93.5815578,44.8932425 +21124,Boat Ramp,-95.03109140000001,45.1305926 +21125,Sorensen,-93.3549833,44.943465800000006 +21126,Closed Down A & W,-93.10583600000001,45.0318357 +21127,Warrier's Cove,-93.37013590000001,44.9593797 +21128,A Barber's Touch,-93.3704766,44.959211100000005 +21129,Fern Hill,-93.33731300000001,44.952866300000004 +21130,Triangle,-93.3392388,44.946260200000005 +21131,Cobblecrest,-93.3939866,44.9479368 +21132,Wolfe Park,-93.33851460000001,44.937451100000004 +21133,Cedar Manor,-93.39220560000001,44.9563572 +21134,Elmwood,-93.35487610000001,44.935089100000006 +21135,Crestview,-93.39862140000001,44.965247000000005 +21136,Westdale,-93.3981279,44.9690044 +21137,Kilmer,-93.4029988,44.967926600000006 +21138,Willow Park,-93.37627330000001,44.9596521 +21139,Texa Tonka,-93.37657370000001,44.951991500000005 +21140,Oak Hill,-93.37547930000001,44.9435857 +21141,Aquila,-93.3862618,44.941193600000005 +21142,Birchwood,-93.35268740000001,44.953116900000005 +21143,Minnehaha,-93.39530620000001,44.942294700000005 +21144,Westwood Hills,-93.3879892,44.965672100000006 +21145,Bronx Park,-93.36372730000001,44.954035600000005 +21146,Pennsylvania Park,-93.37537200000001,44.967190300000006 +21147,Lenox,-93.36501480000001,44.9449922 +21148,Eliot,-93.3637956,44.966393200000006 +21149,Eliot View,-93.36521180000001,44.959910300000004 +21150,Subway,-93.454352,45.011369 +21151,Maaco,-93.36992950000001,44.9332526 +21152,"Omni Contracting, Inc.",-93.3696785,44.932883800000006 +21153,Bona,-93.22631790000001,44.9737665 +21154,American Dental Accessories,-93.37138630000001,44.9323344 +21155,Hoigaards,-93.3739943,44.9302299 +21156,Burger King,-93.22478910000001,44.973785500000005 +21157,Caribou Coffee,-93.34995710000001,44.9482979 +21158,Discount Tire Co.,-93.1571904,44.955364700000004 +21159,Holiday,-93.4201134,44.9517626 +21160,BP,-93.4204567,44.9525826 +21161,Leann Chin,-93.1584581,44.955365400000005 +21162,McCarthy Creek,-91.7842468,47.111423900000005 +21163,DT-38,-92.08582910000001,46.8368496 +21164,Kimball Creek,-90.1836995,47.7934866 +21165,Superior Hiking Trail,-91.03073,47.464460100000004 +21166,Red Pine Overlook,-91.21862390000001,47.3461973 +21167,Carlton Peak,-90.86013120000001,47.583425000000005 +21168,East Palisade Creek,-91.26685140000001,47.325551100000006 +21169,SHT Oberg Mountain Trailhead,-90.78338860000001,47.6275435 +21170,Crystal Creek,-91.01368140000001,47.4831513 +21171,Superior St & Glen Pl,-92.1123742,46.775116800000006 +21172,Superior Hiking Trail - Cook County Road 6 Trailhead,-90.39259700000001,47.781027900000005 +21173,West Poplar River,-90.7054178,47.678789200000004 +21174,West Gooseberry,-91.5187054,47.1488309 +21175,Stewart River,-91.70984870000001,47.140667900000004 +21176,West Devil Track,-90.294886,47.7813972 +21177,Superior Hiking Trail,-91.22815100000001,47.429428800000004 +21178,Trout Creek,-90.5285884,47.713951 +21179,Bear Lake,-91.288624,47.3137078 +21180,Fault Line Creek,-91.34788300000001,47.2448197 +21181,Sugarloaf Pond,-90.988274,47.5068427 +21182,Superior Hiking Trail,-91.2686652,47.2950815 +21183,Aspen Knob,-91.12868680000001,47.4791189 +21184,Superior Hiking Trail,-90.7848269,47.627898900000005 +21185,East Poplar River,-90.70104070000001,47.6821959 +21186,Woods Creek,-90.2660994,47.7833367 +21187,South Sonju Lake,-91.20561090000001,47.481801100000006 +21188,East Devil Track,-90.2973079,47.780978600000005 +21189,West Rollins Creek,-90.7613628,47.631364100000006 +21190,Jackson Creek,-89.9130487,47.9235946 +21191,North Beaver River,-91.30588130000001,47.2675679 +21192,Arrowhead Trail Trailhead,-89.95233,47.8876025 +21193,Superior Hiking Trail,-91.31294150000001,47.247961700000005 +21194,Sundling Creek Campsite,-90.45279260000001,47.771817500000004 +21195,Superior Hiking Trail,-90.7152525,47.664675700000004 +21196,North Sonju Lake,-91.2019578,47.4825059 +21197,South Carlson Pond,-89.9837655,47.891780100000005 +21198,East Leveaux Pond,-90.8051027,47.6176891 +21199,Northeast Split Rock River,-91.4229234,47.201147600000006 +21200,Jackson Lake Road Trailhead,-89.8989162,47.9138986 +21201,Big White Pine,-90.5379946,47.725864800000004 +21202,Superior Hiking Trail,-90.88423610000001,47.5643997 +21203,Hazel,-90.0276541,47.89551 +21204,Leskinen Creek,-91.19249020000001,47.4242484 +21205,Northwest Split Rock River,-91.42886100000001,47.201557400000006 +21206,Superior Hiking Trail,-90.9978799,47.4979322 +21207,South Cross River,-90.9161153,47.557739500000004 +21208,West Kennedy Creek,-91.18448500000001,47.376223700000004 +21209,"Superior Hiking Trail, Kadunce River Trailhead",-90.154144,47.793945900000004 +21210,North Cross River,-90.91662620000001,47.559019600000006 +21211,Superior Hiking Trail,-91.86139460000001,47.044873300000006 +21212,Superior Hiking Trail,-91.82140530000001,47.090617800000004 +21213,Pincushion Mountain,-90.3166614,47.7707831 +21214,Jonvick Creek,-90.6449082,47.6890465 +21215,Spruce Creek,-90.60796140000001,47.6950177 +21216,Crow Creek,-90.1643524,47.799786600000004 +21217,Northwest Little Brule River,-90.0911799,47.821582500000005 +21218,Gooseberry River,-91.4982964,47.1514006 +21219,Superior Hiking Trail,-91.17842710000001,47.482821200000004 +21220,Chapins Ridge,-91.3807666,47.2222541 +21221,Round Mountain Beaver Pond,-91.27221440000001,47.31918760000001 +21222,West Caribou River,-91.0353085,47.47034540000001 +21223,Superior Hiking Trail - Sundling Creek Trailhead,-90.4509154,47.773554100000005 +21224,Horseshoe Ridge,-91.07789720000001,47.4835362 +21225,Superior Hiking Trail,-91.30921000000001,47.2660326 +21226,East Rollins Creek,-90.7603752,47.6315381 +21227,Durfee Creek,-90.2396246,47.7939391 +21228,South Bally Creek Pond,-90.4332021,47.767995000000006 +21229,South Egge Lake,-91.2155656,47.455286300000004 +21230,Andy Creek,-89.9184307,47.9685476 +21231,Springdale Creek,-90.83456220000001,47.6033145 +21232,Superior Hiking Trail,-91.11212710000001,47.4787298 +21233,Superior Hiking Trail,-90.05361880000001,47.8197969 +21234,Cut Log,-90.5388499,47.7313095 +21235,West Palisade Creek,-91.2709538,47.3231905 +21236,Fredenberg Creek,-90.94862660000001,47.5513665 +21237,North Little Brule River,-90.0905006,47.820862600000005 +21238,Superior Hiking Trail - Bally Creek Road Trailhead,-90.43630610000001,47.7673317 +21239,Southeast Split Rock River,-91.42095880000001,47.199373800000004 +21240,East Lake Agnes,-90.68227230000001,47.7002151 +21241,Big Bend,-91.84764150000001,47.0734593 +21242,Cliff Creek,-90.2214242,47.797895000000004 +21243,Crow Creek Valley,-91.558013,47.125230200000004 +21244,West Leveaux Pond,-90.80624920000001,47.6180662 +21245,Superior Hiking Trail,-90.9752977,47.540151200000004 +21246,Superior Hiking Trail,-91.1463767,47.4123481 +21247,Penn Creek,-91.29608660000001,47.30265 +21248,East Kennedy Creek,-91.18263,47.3761072 +21249,Superior Hiking Trail,-90.52457290000001,47.7070219 +21250,Blesener Creek,-91.16028750000001,47.4734509 +21251,Dyer's Creek,-90.97041660000001,47.5325658 +21252,Onion River,-90.789347,47.6253369 +21253,Superior Hiking Trail,-91.66799350000001,47.105244600000006 +21254,Superior Hiking Trail,-91.7488861,47.107916200000005 +21255,North Cascade River,-90.5189479,47.754585000000006 +21256,Caribou Pond,-89.91486540000001,47.8996429 +21257,Southwest Split Rock River,-91.4210482,47.198858 +21258,Superior Hiking Trail,-91.3776971,47.1986708 +21259,Superior Hiking Trail,-90.8948919,47.5475823 +21260,Section 13,-91.15242520000001,47.424132 +21261,Superior Hiking Trail - Lindskog Road Trailhead,-90.26570020000001,47.7776908 +21262,Falls,-90.92732520000001,47.565177500000004 +21263,West Lake Agnes,-90.6867574,47.699587900000004 +21264,Superior Hiking Trail,-92.371069,46.654770500000005 +21265,West Fork of the Kadunce River,-90.1607376,47.800394700000005 +21266,Cook County Road 14 Trailhead,-90.1825245,47.793817600000004 +21267,Silver Creek,-91.6438784,47.076085400000004 +21268,Cascade River State Park,-90.5197553,47.709817900000004 +21269,Kadunce River,-90.15584670000001,47.8043835 +21270,Ferguson,-91.7650414,47.1139591 +21271,Blueberry Hill,-91.4439411,47.1737641 +21272,Superior Hiking Trail,-91.19570730000001,47.3547792 +21273,Keegan's Irish Pub,-93.256895,44.9883669 +21274,South Beaver River,-91.3007262,47.267595400000005 +21275,East Caribou River,-91.0323104,47.471129000000005 +21276,Superior Hiking Trail,-90.6674976,47.7072397 +21277,Prospect Park,-93.2163026,44.968558400000006 +21278,East Branch Baptism River,-91.16941200000001,47.4782243 +21279,Howe,-93.2159479,44.936716800000006 +21280,Bancroft,-93.25488460000001,44.9305651 +21281,Mystery Mountain,-90.7282235,47.669428 +21282,Regina,-93.268251,44.9226419 +21283,Tangletown,-93.2818835,44.912663800000004 +21284,Otter Lake Road Trailhead,-89.9335308,47.986476 +21285,Fulton,-93.3188654,44.912446200000005 +21286,Cooper,-93.2123923,44.9470334 +21287,Field,-93.2684148,44.9168278 +21288,North Bally Creek Pond,-90.4314679,47.769146600000006 +21289,Wenonah,-93.2343118,44.9007638 +21290,North Carlson Pond,-89.9525668,47.8945814 +21291,Kowalski's,-93.0171476,45.0739766 +21292,Beaver Pond,-91.3665012,47.236160100000006 +21293,Superior Hiking Trail,-90.8620023,47.598650600000006 +21294,Rice Fire Department,-94.2170602,45.753790800000004 +21295,North Egge Lake,-91.2159747,47.4574263 +21296,McDonald's,-94.213114,45.756685600000004 +21297,Ledge,-90.91348860000001,47.5659265 +21298,Subway,-94.2130389,45.7565359 +21299,Cook County Road 70 Trailhead,-90.0608675,47.884298300000005 +21300,Rice Mini Serve,-94.21296380000001,45.756378700000006 +21301,Camp Creek,-90.55827140000001,47.707469700000004 +21302,Loft,-93.1703064,45.013011600000006 +21303,South Little Brule River,-90.0879075,47.8164111 +21304,Williams-Sonoma,-93.17049010000001,45.0129735 +21305,East Gooseberry,-91.50917190000001,47.151714500000004 +21306,Digger's Polaris & Marine,-93.42641610000001,44.7094414 +21307,O'Briens Pub,-94.2190752,45.7522942 +21308,Love from Minnesota,-93.17749140000001,45.015297600000004 +21309,American Automobile Association,-93.1779077,45.015887400000004 +21310,Dunn Bros Coffee,-93.17778100000001,45.0155072 +21311,Party City,-93.17789900000001,45.016050500000006 +21312,Immaculate Conception Church,-94.2195901,45.7550341 +21313,Herberger's,-93.1712011,45.0116243 +21314,The Creamery,-94.2161676,45.7540908 +21315,Spyhouse Coffee Shop,-93.2945444,44.958934400000004 +21316,Hard Times Cafe,-93.24616560000001,44.969586400000004 +21317,Triple Rock Social Club,-93.2470533,44.966759100000004 +21318,Corner Coffee - Uptown,-93.2976763,44.9520952 +21319,Bob's Java Hut,-93.2878373,44.9538376 +21320,It's Greek To Me,-93.28787580000001,44.9484963 +21321,Little Caesars,-93.2402177,44.948793 +21322,Sandy Lake Dam,-93.32004020000001,46.787796 +21323,Wells Fargo,-93.2399374,44.948766400000004 +21324,Breezy Point Fire Station,-94.21887570000001,46.597795000000005 +21325,ProFuel,-94.22007740000001,46.5910566 +21326,Whitebirch,-94.2303899,46.5925901 +21327,Breezy Point Resort,-94.2190195,46.5914695 +21328,Breezy Point City Park,-94.2178823,46.5961584 +21329,Oasis,-94.22020610000001,46.591911800000005 +21330,Eagle View Elementary,-94.26526080000001,46.600522500000004 +21331,Breezy Point Police,-94.21890690000001,46.5974116 +21332,Breezy Oasis,-94.2199851,46.5921035 +21333,Subway,-94.2201637,46.591217 +21334,Super America,-94.31404280000001,46.601726500000005 +21335,Leisure Suites,-94.2199851,46.5905847 +21336,Food King,-94.31412,46.6021688 +21337,Lakes Area Pharmacies,-94.3133588,46.5957505 +21338,REI,-93.29091410000001,44.8611165 +21339,Pequot Lakes Police,-94.3075721,46.6034956 +21340,Pequot Lakes Fire Station,-94.30758390000001,46.6039673 +21341,Hanging Kettle Lake Public Water Access,-93.71528230000001,46.4711251 +21342,Pequot Lakes Library,-94.30981770000001,46.603847 +21343,Anderson's Cleaners,-93.18697780000001,44.919969800000004 +21344,S&S Hardware,-93.1769769,44.9268641 +21345,Pinehurst Bank,-93.187579,44.918674800000005 +21346,Edward Jones,-93.1875842,44.918513000000004 +21347,Nutritional Weight and Wellness,-93.18699210000001,44.9202566 +21348,The Fixery,-93.18717480000001,44.9184514 +21349,Red Nails,-93.1869755,44.9199251 +21350,Cleveland Wok,-93.187565,44.918358000000005 +21351,Great Clips,-93.1871998,44.9186781 +21352,Vina,-93.1872014,44.9186106 +21353,Quixotic Coffee,-93.1875601,44.918284400000005 +21354,International Wines and Liquors,-93.18699020000001,44.92022 +21355,Caribou Coffee,-93.1768656,44.927319100000005 +21356,Salon 760 in Highland Park,-93.1871747,44.9184957 +21357,The Great Metropolitan Back Rub,-93.1871653,44.918348800000004 +21358,Bloomington Fire Department - Station #2,-93.318674,44.811406500000004 +21359,Highland Tailors,-93.186985,44.9201143 +21360,Teasource,-93.187207,44.9187251 +21361,M Gayle Sudio,-93.1869827,44.9200694 +21362,Arthur F Williams Optical,-93.187182,44.9182554 +21363,Chipotle,-93.4428214,44.8592796 +21364,Babcock and Son Security Corporation,-93.18698040000001,44.920021600000005 +21365,Punch Neapolitan Pizza,-93.1869954,44.920324400000005 +21366,Panera Bread,-93.2731746,44.975428300000004 +21367,Noodles,-93.44315110000001,44.8592918 +21368,Vein Clinics of America,-93.44345650000001,44.8592918 +21369,Jerabek's,-93.0879673,44.931498600000005 +21370,Edelweiss Bakery,-93.42425510000001,44.714667600000006 +21371,Naf Naf Grill,-93.442684,44.8592664 +21372,Merlin's Rest Irish Pub,-93.220205,44.9481759 +21373,Jersey Mike's Subs,-93.4425023,44.8592607 +21374,Cobblestone Cafe,-93.00889400000001,45.0851471 +21375,Cup N' Cone,-93.0112402,45.0852621 +21376,Advance Auto Parts,-92.1262073,46.7999567 +21377,ADVENT LUTHERAN CHURCH,-93.15610410000001,45.0316222 +21378,Real Life Church,-93.1422627,45.0122566 +21379,ROSEVILLE COVENANT CHURCH,-93.157886,45.0274954 +21380,Holiday,-93.00800000000001,45.0873958 +21381,Caribou Coffee,-93.1204948,44.8844763 +21382,Subway,-93.1246981,44.8820551 +21383,Subway,-93.1376596,44.900088100000005 +21384,Mendota Heights Police Station,-93.14724860000001,44.8852707 +21385,Cub Foods,-93.08292300000001,44.885327100000005 +21386,Subway,-93.2157303,44.9175564 +21387,Fasika Ethiopian Restaurant,-93.1667458,44.9564211 +21388,Drivers ED,-93.5302333,44.858002000000006 +21389,"BuySelf Realty, Inc.",-93.2965516,44.857381700000005 +21390,Gina Maria's,-93.5299303,44.8580058 +21391,DaVita Dialysis,-93.3695306,44.939767700000004 +21392,Nails,-93.5298283,44.858000100000005 +21393,Twin Cities Periodontics,-93.3691318,44.939497200000005 +21394,Spyhouse Coffee,-93.2776589,44.9574462 +21395,Sam's Club,-92.9073314,44.9426761 +21396,Davanni's,-93.4739026,44.9215919 +21397,Pizza Lucé,-93.240525,44.9628797 +21398,Dollar Tree,-93.2563329,44.9621585 +21399,Warfa Store,-93.2526765,44.962591200000006 +21400,Precision Grind Coffee,-93.23970410000001,44.9626273 +21401,General Store of Minnetonka,-93.46368600000001,44.922009800000005 +21402,Tracy's Saloon and Eatery,-93.2405921,44.962621600000006 +21403,Sushi Tango,-93.2972591,44.9473153 +21404,Viking Bar,-93.24587220000001,44.969453400000006 +21405,West Bank Grocery,-93.24704170000001,44.969354700000004 +21406,Falafel King,-93.321095,44.949326500000005 +21407,Code Blu Coffee,-93.2334519,44.9629174 +21408,Wendy's,-93.2712798,44.9624546 +21409,Cedar Inn,-93.2471247,44.927179300000006 +21410,BP,-93.2730076,44.962431800000005 +21411,Starbucks,-93.2780609,44.962411 +21412,Kulan Deli Express,-93.27424710000001,44.9625302 +21413,Golden Valley Fire Station #3,-93.3268627,45.0007717 +21414,PetSmart,-93.3507194,44.963929 +21415,Walgreens,-92.9989151,45.279981 +21416,All Seasons Garment Care and Tailoring,-93.19496720000001,44.9812172 +21417,Walmart,-93.158906,45.1663347 +21418,The Home Depot,-93.1556637,45.166395200000004 +21419,Cub Foods,-93.010823,45.283055600000004 +21420,Kennedy Transmission,-92.99711210000001,45.2797404 +21421,Menards,-93.0118958,45.280443600000005 +21422,The Home Depot,-93.00762510000001,45.2806693 +21423,Arby's,-92.99930400000001,45.277777500000006 +21424,Starbucks,-93.00978380000001,45.2834481 +21425,OfficeMax,-92.9968391,45.277423500000005 +21426,Holiday,-92.99945410000001,45.2790017 +21427,Famous Dave's,-93.0052491,45.278499000000004 +21428,Subway,-92.99704770000001,45.2769093 +21429,Holiday,-93.00599460000001,45.278854700000004 +21430,St. Kate's Bookstore,-93.183289,44.924914900000005 +21431,BP,-92.9996251,45.2799271 +21432,United States Postal Service,-93.18282040000001,44.924964200000005 +21433,Boat Ramp,-93.2450206,44.9105253 +21434,Marketplace,-93.1831459,44.924911800000004 +21435,History Center of Olmsted County,-92.5099326,44.0062177 +21436,Horizons,-93.2323114,45.2578023 +21437,Ear of Corn Water Tower,-92.46016150000001,44.005433800000006 +21438,Soldiers Field Veterans Memorial,-92.4673372,44.0154258 +21439,Federal Medical Center,-92.43500320000001,44.0248088 +21440,Rochester Civic Theatre,-92.45944490000001,44.022982500000005 +21441,Hartley Nature Center,-92.0829825,46.8385654 +21442,Memorial Lutheran Church,-92.7860876,44.9035742 +21443,Windmill Marina,-92.7798487,44.901537600000005 +21444,Afton Marina,-92.78004720000001,44.9022671 +21445,Subway,-93.5093705,44.7993425 +21446,Great Harvest Bread,-92.08251130000001,46.798680700000006 +21447,SuperOne,-92.0820001,46.798369400000006 +21448,Pizza Man,-93.5068876,44.7957954 +21449,Subway,-93.31412490000001,46.6097662 +21450,Mark's Bar,-93.3114685,46.610668000000004 +21451,Uncle Franky's,-93.409529,44.985587300000006 +21452,Dairy Queen,-93.31610710000001,46.6098336 +21453,Holiday,-93.3124626,46.610923400000004 +21454,McGregor Baking Comany,-93.3178353,46.609684800000004 +21455,Burger King,-92.1287978,46.7999494 +21456,Caribou Coffee,-93.40969530000001,44.9855266 +21457,Arby's,-93.41035520000001,44.985048600000006 +21458,Persis Xpress Indian Grill,-93.4086815,44.9866497 +21459,Black Box Network Svcs,-93.42705240000001,44.9117675 +21460,Holiday,-93.4029952,44.979167200000006 +21461,Black Box Central Distribution Ctr,-93.425427,44.9117144 +21462,Thai Table,-93.40775350000001,44.9862704 +21463,Erbert's and Gerbert's,-93.409411,44.985568400000005 +21464,Chanhassen Dental,-93.53415910000001,44.8623483 +21465,Caribou Coffee,-93.54473730000001,44.8636397 +21466,Subway,-93.7895,44.841892 +21467,Bonsai,-93.531616,44.8577822 +21468,Holiday Station,-93.7904817,44.842793500000006 +21469,Mocha Monkey,-93.7859488,44.849046300000005 +21470,Waconia Brewing Company,-93.79008470000001,44.849883000000005 +21471,Shanty Bottle Shop,-92.0865957,46.8019904 +21472,Frost and Steam,-93.7885237,44.8505599 +21473,Kwik Trip,-93.77135220000001,44.8477456 +21474,NAPA Auto Parts,-93.4662285,44.8623248 +21475,Lake County Demonstration Forest,-91.7428883,47.1083599 +21476,Berry Coffee Company,-93.4657942,44.8623673 +21477,Total Energy Systems,-93.4667489,44.864526100000006 +21478,MAC Cosmetics,-93.29849890000001,44.9485128 +21479,Tum Rup Thai,-93.2955287,44.948221800000006 +21480,reVamp! Salonspa,-93.29849770000001,44.948849800000005 +21481,Amore Uptown,-93.30224720000001,44.9482232 +21482,LA Fitness,-93.29750370000001,44.9481982 +21483,Tenka Ramen,-93.2974112,44.9485012 +21484,Floyd's 99 Barbershop,-93.295561,44.948493000000006 +21485,West Coast Hair,-93.2975052,44.9485037 +21486,Libertine,-93.2972087,44.9481963 +21487,Jason Deavalon Hair Salon,-93.3018861,44.9482913 +21488,Psychic Reader,-93.30356250000001,44.9485807 +21489,Instant Oil Change,-93.293957,44.958902800000004 +21490,Isles Bun & Coffee,-93.2987215,44.9521554 +21491,Ragstock,-93.29922570000001,44.9482153 +21492,Snap Fitness,-93.2948372,44.949062500000004 +21493,DCA Title,-93.29643320000001,44.949382400000005 +21494,Minneapolis Parks,-93.305873,44.948361000000006 +21495,Darbar India Grill & Bar,-93.2948236,44.948235100000005 +21496,Cal Surf,-93.3040905,44.948247200000004 +21497,CVS Pharmacy,-93.2927868,44.948595000000005 +21498,Hennepin Lake Beer and Liquor,-93.2949052,44.9485128 +21499,Cowboy Slim's,-93.2980067,44.949393400000005 +21500,Palm Beach Tan,-93.2928306,44.948235100000005 +21501,China Moon,-93.2927789,44.949132000000006 +21502,Ban Sabai,-93.3037067,44.948598800000006 +21503,T-Mobile,-93.2946309,44.9482293 +21504,Covered,-93.2946165,44.949062500000004 +21505,Sociale Make & Take Gourmet,-93.37827300000001,44.7451882 +21506,Drama,-93.29472200000001,44.949062500000004 +21507,Keller Williams Realty,-93.29635230000001,44.9493815 +21508,GameStop,-93.2947474,44.948229000000005 +21509,ACE Cash Express,-93.2927789,44.9491639 +21510,Rubicon Mortgage Advisors,-93.29628550000001,44.9493798 +21511,Uptown Tavern & Rooftop,-93.29732840000001,44.9493962 +21512,Dr. Bob Maley Family Dentistry,-93.1485389,44.912291700000004 +21513,Exit Innovation Realty,-93.1488266,44.912292900000004 +21514,Bodymind Chiropractic,-93.1486744,44.912289300000005 +21515,Martinizing,-93.37793070000001,44.7452546 +21516,Children's Dental Care,-93.3781684,44.7453772 +21517,Caliber Collision,-93.5090708,44.778947 +21518,Enterprise,-93.50866500000001,44.778894300000005 +21519,Holiday,-93.2779002,44.859239 +21520,Insty-Prints,-93.16651,44.9040066 +21521,7/8 Liquors,-93.27912620000001,44.8589495 +21522,The Lockup Self Storage,-93.2826876,44.858816600000004 +21523,Starbucks,-93.1717577,44.901487200000005 +21524,Lehman's In Bloomington,-93.2811034,44.8587263 +21525,Jiffy Lube,-93.16671380000001,44.903866 +21526,Bloomington Self-Storage,-93.2813679,44.8577353 +21527,Cedar,-93.24748000000001,44.973440000000004 +21528,Williamson Hall,-93.23491100000001,44.977406 +21529,Micron Molding Inc.,-93.2799999,44.858844600000005 +21530,MCAD,-93.27458,44.957280000000004 +21531,Walker Art Center,-93.2884959,44.967245500000004 +21532,Hennepin,-93.297143,44.9554734 +21533,28th Ave.,-93.23083070000001,44.962712200000006 +21534,Franklin,-93.24560000000001,44.96312 +21535,Lyndale,-93.28824110000001,44.9497219 +21536,YWCA Downtown,-93.276435,44.972217 +21537,IDS Center,-93.27218500000001,44.975641 +21538,Oak Street Ramp,-93.22697000000001,44.97202 +21539,Loring Park,-93.2849489,44.9715027 +21540,Laurel Ave.,-93.28305,44.973910000000004 +21541,Central Avenue NE,-93.25392000000001,44.988890000000005 +21542,Augsburg University,-93.23840000000001,44.96622 +21543,11th Ave.,-93.2583,44.96251 +21544,27th Street,-93.26259,44.95355 +21545,Hennepin,-93.27869000000001,44.97534 +21546,Portland,-93.267526,44.962846000000006 +21547,3rd Ave. S,-93.26670100000001,44.976602 +21548,17th Ave. SE,-93.23189,44.979130000000005 +21549,13th Ave. SE,-93.23746000000001,44.98102 +21550,Lyndale,-93.28775,44.95548 +21551,33rd. Ave. S.,-93.22341340000001,44.957351300000006 +21552,19th Ave.,-93.24519000000001,44.97003 +21553,2nd Ave. S,-93.26599,44.97974 +21554,Marquette,-93.26634,44.981120000000004 +21555,2nd Ave. N,-93.27099000000001,44.983830000000005 +21556,Midtown Exchange,-93.26020000000001,44.948510000000006 +21557,Colfax,-93.29174,44.962900000000005 +21558,100 Main Street SE,-93.256551,44.984892 +21559,Marquette,-93.27405,44.97265 +21560,Akerman Hall,-93.23190000000001,44.975350000000006 +21561,Social Sciences,-93.2435969,44.9706607 +21562,MyCableMart,-93.47955160000001,44.859189900000004 +21563,YWCA Uptown,-93.29853,44.95131 +21564,Bank Street SE,-93.25576000000001,44.987170000000006 +21565,Planet Beach Tanning Salon,-93.37788760000001,44.7476715 +21566,5th Street,-93.26078000000001,44.97491 +21567,Davanni's,-93.37788660000001,44.747364100000006 +21568,Kids' Hair,-93.37788710000001,44.747517800000004 +21569,Franklin,-93.23604,44.96293 +21570,Grand Nails,-93.37788920000001,44.748132600000005 +21571,Chuck & Don's Pet Food & Supplies,-93.3778879,44.747748400000006 +21572,Nice Ride Minnesota,-93.26872,44.97265 +21573,Great Clips,-93.3778882,44.7478252 +21574,Clean'n'Press,-93.3778887,44.7479789 +21575,Coffman Memorial Union Station,-93.23476570000001,44.973393300000005 +21576,Super Dragon,-93.3778874,44.7475947 +21577,Lyndale,-93.28815,44.960744000000005 +21578,Party Land,-93.3778884,44.747902100000005 +21579,Humboldt,-93.30077,44.94865 +21580,Downtown Library,-93.26921700000001,44.980199000000006 +21581,1st Ave Picture Framing,-93.526464,44.7984783 +21582,Ca Nails,-93.52473450000001,44.7989771 +21583,Currie Park,-93.251136,44.969225 +21584,South Metro Credit Union,-93.5086139,44.794982700000006 +21585,Ricks Refrigeration & Auto,-93.52490730000001,44.7986822 +21586,4th Ave. N,-93.27245900000001,44.986087000000005 +21587,Underground Jiu-Jitsu,-93.5251137,44.7989313 +21588,Mpls. Convention Center,-93.275861,44.970041 +21589,Nationwide,-93.5259499,44.798826600000005 +21590,Saks Salon,-93.5244976,44.7989989 +21591,Tobacco & E-Cig,-93.5255748,44.798876500000006 +21592,Hertz Rent-a-car,-93.50861520000001,44.794852000000006 +21593,Papa John's,-93.5257103,44.7988647 +21594,Pizza and Pasta,-93.50861660000001,44.794721300000006 +21595,Arnies,-93.5259403,44.7985319 +21596,Bittner's Bakery,-93.526195,44.798503600000004 +21597,Mortgage Avenue,-93.5246017,44.798989500000005 +21598,Command Center,-93.5373945,44.794767 +21599,Dragon Cafe,-93.5086146,44.7949174 +21600,Fantastic Sams,-93.50860490000001,44.7945356 +21601,Real Gem Jewelers,-93.52639740000001,44.798486000000004 +21602,Panadería y Paseleria oralia's Bakery,-93.50861730000001,44.7946559 +21603,Domino's,-93.5245063,44.798723900000006 +21604,State Farm Auto Insurance,-93.52562780000001,44.798874100000006 +21605,Masterson Personnel,-93.52582890000001,44.7988535 +21606,Paragon Bank,-93.52624130000001,44.7988347 +21607,Stewart's,-93.18718870000001,44.945334800000005 +21608,Goodyear,-93.5099598,44.7992621 +21609,Galen's Barber Shop,-93.52483240000001,44.7986729 +21610,Flagship Insurance Services,-93.524342,44.7987437 +21611,Goldy's Locker Room,-93.23552430000001,44.980545500000005 +21612,Aurelia's,-93.4844547,44.864218900000004 +21613,Jimmy John's,-93.23543670000001,44.9806674 +21614,Kbop Korean Bistro,-93.2367773,44.981987000000004 +21615,Alpha Print,-93.2352656,44.9804431 +21616,Simpson Shelter,-93.2768923,44.952271100000004 +21617,Freewheel Midtown Bike Center,-93.2609036,44.9504547 +21618,ALDI,-93.2419248,44.9486033 +21619,Leif Erikson,-93.1045131,44.955521700000006 +21620,Nina's Coffee Cafe,-93.11631320000001,44.946456500000004 +21621,Midway Motel,-93.1676207,44.9683946 +21622,Solo's Pizza Cafe,-93.449589,45.0686562 +21623,Trader Joe's,-93.4341287,45.092066100000004 +21624,Dave & Buster's,-93.4287858,45.0931863 +21625,BP,-93.4322405,45.087763 +21626,Wells Fargo,-93.44428900000001,45.0661329 +21627,Carol's Restaraunt,-93.23393940000001,45.186528700000004 +21628,Blaine Area Pet Hospital,-93.2337517,45.185583400000006 +21629,Leeann Chin,-93.35005430000001,44.966808500000006 +21630,"Dermatology Consultants, P. A.",-93.16669540000001,44.9495139 +21631,Co-Operative Plating Co,-93.16752790000001,44.9491498 +21632,Vintage Music Company,-93.2476685,44.934259000000004 +21633,Hugos,-96.60924080000001,47.784812800000005 +21634,Maxwell's Cafe and Grill,-93.2438309,44.983846 +21635,CrunCheese,-93.23586250000001,44.9806783 +21636,More Value Food & Deli,-93.25226160000001,44.9520986 +21637,Zipp's Liquors,-93.2334519,44.963033200000005 +21638,Land Stewardship Project,-93.2617101,44.9392556 +21639,Khyber Pass Cafe,-93.1664336,44.940221300000005 +21640,Twin Cities Friends Meeting,-93.17329500000001,44.9404668 +21641,Saji Ya,-93.12953180000001,44.9403452 +21642,South City Cafe,-93.26233470000001,44.9410734 +21643,Grand Ole Creamery & Grand Pizzeria,-93.1319019,44.939817500000004 +21644,16/33 Center,-93.25083590000001,44.943234600000004 +21645,Target,-93.5541326,45.1971964 +21646,Rogers High School,-93.54435330000001,45.211653600000005 +21647,Pumphouse Creamery,-93.2628246,44.916401400000005 +21648,El Mariachi Bar & Restaurant,-93.2781508,44.952230300000004 +21649,Minnesota Sword Club,-93.2628255,44.9164825 +21650,Turtle Bread,-93.2628967,44.916239000000004 +21651,Primp,-93.2623884,44.9162235 +21652,Sky Glider,-93.1712526,44.9814683 +21653,Celts Irish Pub,-93.1258911,44.738936700000004 +21654,Northern Tool and Equipment,-93.5014505,44.913104600000004 +21655,Sky Glider,-93.1693286,44.986913300000005 +21656,Edina Liquor,-93.33065040000001,44.9119983 +21657,D'Amico and Sons,-93.3314612,44.912716800000005 +21658,Salut Bar Americain,-93.32928840000001,44.911537800000005 +21659,General Sports,-93.3287746,44.911658800000005 +21660,Breadsmith Bakery,-93.3306498,44.912194 +21661,Brides of France,-93.32884170000001,44.912033 +21662,Robert Foote Jewelry,-93.32883550000001,44.9122441 +21663,Diamonds Direct,-93.32880680000001,44.911309300000006 +21664,Caribou Coffee,-93.33112530000001,44.9118088 +21665,TCF Bank,-93.329234,44.912021900000006 +21666,Curves for Women,-93.3280003,44.912363500000005 +21667,Peterson Portraits,-93.3282489,44.9123692 +21668,Hopkins Eisenhower Community Center,-93.411769,44.933789100000006 +21669,Good Night Moon,-93.3288682,44.9108947 +21670,Caribou Coffee,-93.3288746,44.9133781 +21671,Gather,-93.3288907,44.913279300000006 +21672,North American Banking Company,-93.3288907,44.9130704 +21673,Anthropologie,-93.3288639,44.912724700000005 +21674,Monkey Business,-93.2695085,44.948542700000004 +21675,U.S. Bank,-93.332099,44.912956 +21676,Kramarczuk Deli,-93.25727040000001,44.987838800000006 +21677,WCCO-AM Tower,-93.3497339,45.178625700000005 +21678,Eisenhower Elementary,-93.4130925,44.9341738 +21679,Jimmy John's,-93.3874239,44.936126300000005 +21680,Grooming Room,-93.3024833,44.948477100000005 +21681,Mochi Dough,-93.23574210000001,44.9808259 +21682,Dairy Queen,-93.5024784,44.918196200000004 +21683,Potbelly,-93.23571000000001,44.980294400000005 +21684,Walgreens,-93.5044762,44.914506900000006 +21685,Subway,-93.5024719,44.9181049 +21686,Campus Market and Tobacco,-93.23449930000001,44.9795311 +21687,Great Tile Company,-93.504936,44.9155972 +21688,Caribou Coffee,-93.5024913,44.918009000000005 +21689,China Express,-93.2357027,44.980873300000006 +21690,Chipotle,-93.25689650000001,44.9880009 +21691,Great Clips,-93.50118830000001,44.917794300000004 +21692,Royal Cigar & Tobacco,-93.2358183,44.9807325 +21693,Open Eye Figure Theater,-93.2687097,44.959311 +21694,House of Prayer Church International,-95.3500053,45.863184100000005 +21695,Saint Paul's Lutheran Church (WELS),-95.346269,45.8822513 +21696,Hedstrom Lumber Company,-90.30053380000001,47.808597500000005 +21697,Dairy Queen,-93.7912486,45.0352675 +21698,Coborn's,-93.7683951,45.036905100000006 +21699,Holiday,-93.7674166,45.0371022 +21700,Holiday,-93.78952020000001,45.0351401 +21701,Pete's Pizza,-93.7902937,45.0353736 +21702,Cook County Recycling Center,-90.3392189,47.7575498 +21703,Applebee's,-93.76936070000001,45.0361015 +21704,Pizza Ranch,-93.76963,45.036950600000004 +21705,Delano Wine & Spirits,-93.76919760000001,45.036950600000004 +21706,CVS Pharmacy,-93.7704947,45.036950600000004 +21707,Harbor House Grille,-90.33950750000001,47.7495008 +21708,Superior North Outdoor Center,-90.3333698,47.748781900000004 +21709,Sivertson Gallery,-90.3339875,47.749146200000006 +21710,Grand Marais Wellness Center,-90.3349835,47.750691100000004 +21711,Threads,-90.33440130000001,47.7500293 +21712,First & Second Thrift Store,-90.3364774,47.7501096 +21713,Viking Hus,-90.33411020000001,47.750945200000004 +21714,Coldwell Banker,-90.33515940000001,47.7507126 +21715,Gunflint Mercantile and Candy Company,-90.3344043,47.7497355 +21716,Cook County News Herald,-90.33476130000001,47.7499174 +21717,Buck's Hardware Hank,-90.33439290000001,47.7502445 +21718,Superior Design Jewelry,-90.33508330000001,47.749412400000004 +21719,Sven and Ole's Pizza,-90.33373850000001,47.7494567 +21720,Lake Superior Trading Post,-90.33432830000001,47.748751500000004 +21721,Arrowhead Pharmacy,-90.33430100000001,47.750907600000005 +21722,Cook County Whole Foods Co-Op,-90.33209570000001,47.750395700000006 +21723,Terra Bella Floral and Gifts,-90.3347645,47.7506925 +21724,The Beaver House,-90.3329111,47.7494109 +21725,Joynes Department Store and Ben Franklin,-90.3348703,47.749492000000004 +21726,St. Richard's Catholic Church,-93.30943660000001,44.8660058 +21727,Touch-Free Car Wash,-90.32809660000001,47.7534263 +21728,Light Broadway Art Gallery,-90.3329332,47.7496236 +21729,North Shore Car Wash,-90.32730760000001,47.752892200000005 +21730,Cabin Antiques,-90.34361360000001,47.749459300000005 +21731,Grand Marais Family Dentistry,-90.32862730000001,47.753277600000004 +21732,Super America,-90.33126010000001,47.751492000000006 +21733,Birch Bark Gallery,-90.33478140000001,47.7497886 +21734,United States Post Office Grand Marais,-90.33066070000001,47.752468300000004 +21735,NAPA Auto Parts,-90.3267824,47.753083800000006 +21736,Hughie's Taco House,-90.33402140000001,47.7510071 +21737,North Shore Federal Credit Union,-90.3305947,47.751737500000004 +21738,Grand Marais Condominiums,-90.3320638,47.7522445 +21739,City Hall,-90.33339740000001,47.750197500000006 +21740,Tire and Auto Lodge,-90.327565,47.752589900000004 +21741,Moose Tracks,-90.33347520000001,47.7494208 +21742,Como Oil and Fuel,-90.33253160000001,47.751000700000006 +21743,Subway,-90.32651800000001,47.753376900000006 +21744,South of the Border Cafe,-90.33358150000001,47.7507005 +21745,Gunflint Tavern,-90.33526400000001,47.7494437 +21746,Joy & Co.,-90.33442210000001,47.7499758 +21747,North House Folk School,-90.34082430000001,47.748783 +21748,Grand Marais Municipal Liquor Store,-90.33351830000001,47.750425500000006 +21749,Boreal Light Imagery Gallery,-90.3333693,47.7487348 +21750,Chuck's Hair Styling,-90.33439320000001,47.7497939 +21751,N. Oliver Ave,-93.306269,44.991412000000004 +21752,The Attic,-90.33413940000001,47.7494231 +21753,Nicollet Ave. S,-93.27831,44.9519 +21754,Birch Terrace,-90.341876,47.749760200000004 +21755,Summit Academy,-93.29100100000001,44.983938 +21756,Franklin,-93.277939,44.96342 +21757,Nicollet Mall and Grant Street,-93.27813300000001,44.969950000000004 +21758,Elliot Park,-93.26079,44.970553 +21759,4th Street,-93.27152000000001,44.98017 +21760,S 2nd Street & 3rd Ave S,-93.2635547,44.980915200000005 +21761,4th Street N,-93.277316,44.984390000000005 +21762,Elliot Hall,-93.2380993,44.9769334 +21763,Northern Wilds,-90.3347098,47.750764700000005 +21764,9th Ave.,-93.25535,44.97654 +21765,4th Ave. S,-93.26668400000001,44.974970000000006 +21766,Beth's Fudge and Gifts,-90.3333685,47.7488686 +21767,McNamara Center,-93.22854000000001,44.9743 +21768,Blue Water Cafe,-90.3343756,47.7491521 +21769,East 27th Street,-93.26907,44.954096 +21770,International Market Square,-93.288464,44.979396 +21771,TLC Antiques,-90.34382260000001,47.749449500000004 +21772,2nd Ave N. and North 4th Street,-93.27410800000001,44.981930000000006 +21773,Cook County Senior Center,-90.33292630000001,47.749817500000006 +21774,24th Street,-93.294317,44.959629 +21775,Nicollet and 24th Street,-93.2783,44.959046 +21776,Security State Bank,-90.33370670000001,47.749064100000005 +21777,Java Moose,-90.33671720000001,47.749461200000006 +21778,The Print Shop,-90.334714,47.750834100000006 +21779,Lake County Veterinary Clinic,-90.3537598,47.7491156 +21780,Tourism Info Center,-90.3354199,47.749985 +21781,Sydney's Frozen Custard,-90.33286100000001,47.7482156 +21782,Sawtooth Lumber,-90.3550699,47.7490457 +21783,Drury Lane Books,-90.3325037,47.7491269 +21784,The Crooked Spoon Cafe,-90.3340276,47.7494266 +21785,Raven's Beak Design,-90.3605969,47.750241 +21786,Public Restrooms,-90.3334047,47.7500821 +21787,Studio 61 Hair Design,-90.33613430000001,47.7502117 +21788,Human Development Center,-90.3597707,47.749572400000005 +21789,Gunflint Ranger Station,-90.3658941,47.7486437 +21790,Mayhew Building,-90.3405369,47.7496236 +21791,The Blue Moose,-90.3512046,47.749576600000005 +21792,Norshor Insurance Agency,-90.3617529,47.749127400000006 +21793,Buck's Hardware & Conoco,-90.334275,47.750411500000006 +21794,Shirt Outfitters,-90.33435800000001,47.749669700000005 +21795,Red Pine Realty,-90.3327502,47.748372800000006 +21796,McDonald's,-92.5049874,44.0802945 +21797,Holiday,-92.5065428,44.0801813 +21798,Stone Harbor Wilderness Supply,-90.3321336,47.750197500000006 +21799,Kwik Trip,-92.51535460000001,44.0790352 +21800,Dairy Queen,-90.3357544,47.7499812 +21801,Buffalo Wild Wings,-92.5157581,44.0771603 +21802,Saint John's Bookstore,-94.39464910000001,45.5817126 +21803,Dollar Tree,-92.51448230000001,44.0761052 +21804,Carlos O'Kelly's,-92.5056447,44.0730536 +21805,Merchants Bank,-92.51857860000001,44.0787404 +21806,Fazoli's,-92.5060761,44.0808653 +21807,University of Minnesota - Rochester,-92.46333990000001,44.022505100000004 +21808,Mayo Medical School,-92.4668987,44.021175400000004 +21809,Think Bank,-92.5210613,44.0771534 +21810,Sinclair,-92.4663201,44.0172332 +21811,KFC,-92.4856434,44.0213569 +21812,Skyride,-93.16955630000001,44.9797115 +21813,Silver Lake Foods,-92.46132530000001,44.037873700000006 +21814,Maple Sugar Shack,-94.3753879,45.580726600000006 +21815,Skyride,-93.17569320000001,44.9809447 +21816,Melon Vine Farm,-92.8663198,45.775555000000004 +21817,radio tower,-94.38003180000001,45.582195000000006 +21818,Village Inn,-93.00770440000001,45.337034300000006 +21819,Family Pathways Thrift Store,-93.00674360000001,45.337580700000004 +21820,Holiday,-93.00795640000001,45.3360987 +21821,Holiday,-93.00759330000001,45.3360573 +21822,Blue Sky Animal Hospital,-93.0063059,45.3380633 +21823,DQ Grill & Chill,-93.00227620000001,45.3359328 +21824,Subway,-92.9929525,45.3961448 +21825,Subway,-93.00092040000001,45.3359326 +21826,BP,-92.99285110000001,45.3973431 +21827,Holiday,-92.98729750000001,45.683362900000006 +21828,Burger King,-92.9858234,45.6837451 +21829,Rush City Foods,-92.9819824,45.6850943 +21830,Marathon,-92.9871217,45.76724 +21831,McDonald's,-92.4704057,43.9546107 +21832,Saint John's Pottery Studio,-94.3969378,45.5802056 +21833,Holy Spirit School,-92.5404876,44.076604 +21834,Super Target,-92.465502,43.954247800000005 +21835,Community Presbyterian Church,-92.5188765,44.081060300000004 +21836,Douglas Saloon & Social Club,-92.56780880000001,44.108186200000006 +21837,Godfather's Pizza,-92.4866384,44.0388807 +21838,Minnoco,-92.3510876,43.9439221 +21839,Jerry's Restraunt and Lounge,-95.0698574,49.3418617 +21840,Wells Fargo,-92.85584130000001,44.026560800000006 +21841,Newt's,-92.4642311,44.0210024 +21842,A&W,-92.4809922,44.003952000000005 +21843,Olmsted County Courthouse,-92.4603503,44.0204632 +21844,Denny's,-92.46255760000001,44.005437 +21845,Snappy Stop,-92.46215980000001,44.012911900000006 +21846,Sierra,-93.43636190000001,44.8506754 +21847,Bob's Smoke Stack Ribs,-92.52217200000001,44.0467135 +21848,McDonald's,-92.90778540000001,44.4908942 +21849,Speedway (Auto),-92.90583050000001,44.4914634 +21850,Dairy Queen Brazier,-92.9090245,44.4864358 +21851,Rancho Loco Grill & Bar,-92.9088998,44.495580000000004 +21852,Nick-N-Willy's Pizza,-92.4309516,44.049584700000004 +21853,Family Dollar,-92.90853800000001,44.4963926 +21854,El Toro,-93.216453,44.736378 +21855,Holy Spirit Catholic Church,-92.5399943,44.0770896 +21856,Donut Hut,-93.09984870000001,45.0258471 +21857,Christina Lake Church,-95.70659040000001,46.063739700000006 +21858,Caravelle,-93.10136150000001,45.0260936 +21859,Galaxie Diner,-93.2069955,44.7269572 +21860,Ruby Tuesday,-93.20687210000001,44.7328452 +21861,Famous Dave's,-93.2199233,44.7353922 +21862,Subway,-93.2197735,44.730894 +21863,White Castle,-93.21841090000001,44.730707300000006 +21864,Wendy's,-93.21672650000001,44.7305129 +21865,Kami Sushi and Hibachi,-93.20715100000001,44.7268314 +21866,Boulder Ridge Water Tower,-92.5081876,44.0915151 +21867,Kyoto Sushi and Hibachi,-93.15696150000001,44.831846600000006 +21868,SELCO,-92.5004265,44.043162800000005 +21869,Vasa Lutheran Church,-92.7247542,44.5039499 +21870,HuHot Mongolian Grill,-92.47819340000001,44.0049365 +21871,Ristorante Luci,-93.18725570000001,44.9274684 +21872,JCPenney,-92.47719950000001,44.004499900000006 +21873,Applebee's,-92.4785741,44.0049433 +21874,Joe's Market,-93.2258286,44.9877045 +21875,Hy-Vee,-92.48131520000001,44.0300127 +21876,Famous Dave's,-92.48469770000001,44.0288897 +21877,Healthpartners Como,-93.2017871,44.986532200000006 +21878,Como Healthpartners,-93.2022144,44.986642100000005 +21879,Subway,-93.2199166,45.0158884 +21880,Minnehaven Barbers,-93.5033844,44.941550400000004 +21881,Winner Gas,-93.1956054,44.974689500000004 +21882,Tony's Diner,-93.235955,44.9807253 +21883,Great Dragon Buffet,-93.21992300000001,45.015245 +21884,Mystic Nails,-93.2275319,45.0062621 +21885,University of Minnesota Reuse Center,-93.21433680000001,44.9860818 +21886,Deakynes True Value Hardware,-93.50135390000001,44.9413083 +21887,Lakewinds Natural Foods,-93.5007322,44.9413083 +21888,Pi Woodfired Pizza,-92.5010081,44.0637592 +21889,Anna's Nails,-93.50338690000001,44.941501900000006 +21890,Mr. Zero's,-93.1456878,44.9942184 +21891,Bokoo Bikes,-93.50279250000001,44.941178400000005 +21892,Beauphoria,-93.5033159,44.9416169 +21893,Anytime Fitness,-93.5030363,44.9413873 +21894,Applebee's,-92.50056070000001,44.063200300000005 +21895,Fitness Crossroad,-93.21992700000001,45.0154474 +21896,Spasso,-93.50193250000001,44.9413173 +21897,CVS Pharmacy,-92.5028439,44.06264 +21898,Jimmy John's,-93.22716530000001,45.0062615 +21899,Fantastic Sams,-93.1456771,44.9944287 +21900,Dairy Queen,-92.4576882,44.006824900000005 +21901,Silver Beach Tan,-93.2199246,45.015052700000005 +21902,stinson wine beer and spirits,-93.22733840000001,45.0062597 +21903,Jo-Ann,-93.1692354,45.016004 +21904,Red Wing,-93.1456818,44.994384100000005 +21905,Caribou Coffee,-93.5027986,44.9410681 +21906,Moka,-92.4583266,44.006736200000006 +21907,Great Clips,-93.227703,45.0062639 +21908,Cub Foods,-92.4449615,44.0101491 +21909,O'Reilly Auto Parts,-93.2189879,45.016013300000004 +21910,Lunalux,-93.2857415,44.9714353 +21911,Holiday,-92.44298420000001,44.0097481 +21912,GQ Tailors,-93.50338950000001,44.9414535 +21913,Mandarin Yang,-93.50335650000001,44.941388800000006 +21914,Caribou Coffee,-93.4196824,44.894773 +21915,Lilli Salon,-93.42231380000001,44.9005553 +21916,My Burger,-93.4197084,44.893882000000005 +21917,Hopkins Fire Department,-93.4210635,44.922366800000006 +21918,AT&T,-93.50556110000001,44.9145607 +21919,UBAH Medical Academy,-93.42088650000001,44.9236012 +21920,Eagle Mountain,-90.56034220000001,47.897423800000006 +21921,Chipotle,-93.13656870000001,44.9402677 +21922,Calhoun Dental,-93.3214858,44.94905 +21923,J.Crew,-93.13740680000001,44.9398166 +21924,Pottery Barn,-93.13663650000001,44.9398111 +21925,St. Paul Cheese Shop,-93.16656660000001,44.9402242 +21926,KT Nails,-93.50541840000001,44.914721400000005 +21927,Jamba,-93.1667293,44.9402199 +21928,Bread & Chocolate,-93.13662640000001,44.9401067 +21929,Stitchville USA,-93.5054758,44.914627200000005 +21930,Papa Murphy's,-93.2063305,44.948500100000004 +21931,Jello's Joe the Barber,-93.1666386,44.9402199 +21932,Holiday,-92.47665190000001,44.0620077 +21933,Hy-Vee Pharmacy,-92.4695923,44.059953 +21934,Hy-Vee,-92.46987320000001,44.0600486 +21935,Hy-Vee Gas,-92.4683906,44.061263800000006 +21936,KTTC-NBC/CW KXLT - FOX,-92.5097329,44.091567000000005 +21937,Plummer House,-92.4793657,44.010441 +21938,ALDI,-92.46631260000001,44.0058884 +21939,Savers,-92.46631330000001,44.006258900000006 +21940,Hy-Vee,-92.4699207,44.0051563 +21941,Hance Ace Hardware,-93.4118136,44.9256845 +21942,Center Drug,-93.4123929,44.9256959 +21943,Sears,-93.95414550000001,44.173890300000004 +21944,Barnes & Noble,-93.9552309,44.172211600000004 +21945,Herbergers,-93.95627110000001,44.1721711 +21946,Target,-93.9509685,44.1734037 +21947,Life Lutheran Church,-92.55704510000001,44.0693369 +21948,Mankato COVID-19 Community Testing Site,-93.94782670000001,44.1731111 +21949,Scheel's,-93.955751,44.1729739 +21950,Rest Area (I-90 East Bound),-95.08327750000001,43.6357877 +21951,JCPenney,-93.9539194,44.172260300000005 +21952,Huntington Bank,-93.2300642,44.973964200000005 +21953,Ardian Rest Area - I90 EB,-95.9812357,43.6369534 +21954,Noodles & Company,-93.2262707,44.9734722 +21955,Starbucks,-93.22987330000001,44.973963600000005 +21956,Chick-fil-A,-93.2292651,44.973985500000005 +21957,Qdoba,-93.2357764,44.9802041 +21958,Stillwater,-92.81349820000001,45.0564041 +21959,Millville Cafe,-92.2947834,44.2448506 +21960,Lucky Seven Bar,-92.29520810000001,44.244843100000004 +21961,Stumble Inn,-92.29496400000001,44.2444749 +21962,Schleicher Flooring,-92.294365,44.2445201 +21963,sate People's State Bank,-92.2953473,44.244366500000005 +21964,McDonald's,-92.67144830000001,44.279634 +21965,RST Control Tower,-92.49213,43.9114367 +21966,BP,-93.4193345,44.8916715 +21967,Two Steps Falls,-91.20651840000001,47.347754200000004 +21968,Mount Trudee,-91.25142930000001,47.338041600000004 +21969,Rock Knob,-92.0902334,46.834736 +21970,Raven Rock,-91.24057180000001,47.3460387 +21971,Downtown Transit Center,-92.4657816,44.0214262 +21972,5-8 Bar & Grill,-93.3599154,45.1532059 +21973,El Toro's,-93.36142570000001,45.152147400000004 +21974,Maverick's,-93.3499343,45.1601209 +21975,PR's Sports Bar,-93.2058064,44.7325189 +21976,Trader Joe's,-92.48116200000001,44.000604 +21977,Grand Cafe,-93.28453590000001,44.9338263 +21978,Twin Town Guitars,-93.2884446,44.941176500000005 +21979,Petite León,-93.2781224,44.9339718 +21980,Noodles & Company,-93.206536,44.733151500000005 +21981,Applebee's,-93.4629032,45.104497200000004 +21982,Jimmy John's,-93.2065628,44.7332963 +21983,West Saint Paul,-93.08020730000001,44.910154500000004 +21984,Zippel Bay Resort,-94.8881831,48.856246000000006 +21985,Bruegger's Bagels,-93.0963337,44.9473465 +21986,Sherco Unit 3,-93.89787170000001,45.379794600000004 +21987,Rivertown Market,-93.096511,44.947521 +21988,Candyland,-93.09641950000001,44.947449000000006 +21989,Red Lantern Sushi and Noodle Bar,-93.09715940000001,44.948246600000004 +21990,LA Nails,-92.99250780000001,43.6845925 +21991,Wabasha7 Market,-93.0972131,44.948311200000006 +21992,Crowne Plaza,-93.09265740000001,44.9444553 +21993,"GeoComm, Inc.",-94.1596231,45.560657600000006 +21994,Arby's,-93.09291490000001,44.9482103 +21995,Italia Pasta Express,-93.09256620000001,44.9482407 +21996,Maison Darras,-93.09267890000001,44.9481951 +21997,The Lobby Shoppe,-93.09226050000001,44.9484002 +21998,McDonald's,-93.0923932,44.948565200000004 +21999,Glacier Gifts,-93.153479,44.982892500000005 +22000,Lower Falls,-91.4672958,47.1427606 +22001,Beaver Falls,-91.2963557,47.2604084 +22002,Middle Falls,-91.4679409,47.1429381 +22003,Upper Falls,-91.5843105,47.095888900000006 +22004,Fifth Falls,-91.47718330000001,47.1487953 +22005,LaCompte Green Playfield,-93.41781560000001,44.984918400000005 +22006,Garden Safari Gifts,-93.15266530000001,44.981343300000006 +22007,Foto Fantasy,-93.153553,44.982319200000006 +22008,Upper Falls,-90.0484916,47.828067000000004 +22009,Johnson Falls,-90.2634464,48.06220810000001 +22010,Caribou Falls,-91.03180130000001,47.4689868 +22011,Uncle Sven's,-93.17812280000001,44.9341609 +22012,Partridge Falls,-89.8457705,47.994557500000006 +22013,Fleet Farm Gas Mart,-92.46354720000001,43.952463200000004 +22014,Red Rabbit,-93.1332136,44.9398276 +22015,Bruegger's Bagels,-93.1337288,44.939835900000006 +22016,Poppy Fun Fashion!,-93.1368601,44.940097 +22017,Golden Fig,-93.133604,44.9398369 +22018,Coulee Bank,-93.13152070000001,44.939686900000005 +22019,Grand Spectacle,-93.1323268,44.939695500000006 +22020,Webster Lake,-94.5079896,47.603201000000006 +22021,The North Face,-93.1336821,44.9401221 +22022,Gent Cuts and Grooming,-93.1369801,44.940104100000006 +22023,RE/MAX Results,-93.1317477,44.939813300000004 +22024,India House,-93.1321126,44.9398087 +22025,Treats,-93.1326896,44.9397627 +22026,Ale Jail,-93.1759248,44.9344199 +22027,Billy's On Grand,-93.135857,44.940315600000005 +22028,Coldwell Banker - Burnet,-93.1346135,44.9401463 +22029,Specs Appeal,-93.13566660000001,44.939761700000005 +22030,Bombshell,-93.1335215,44.9398095 +22031,Juut Salon,-93.1362402,44.9401099 +22032,Perkins,-92.4631102,46.7134896 +22033,Apostolic Lutheran Church,-93.41999000000001,44.9851328 +22034,Chipotle,-93.28861470000001,44.7475681 +22035,Drake,-94.55271210000001,47.7280886 +22036,Lake Bemidji State Park,-94.8255728,47.5377163 +22037,Super One,-92.00969350000001,46.8380779 +22038,Outback Steakhouse,-93.30514670000001,44.747318 +22039,Associated Bank,-93.3165834,44.745703500000005 +22040,Guaranty Bank,-93.28099080000001,44.69223 +22041,Mendota Heights Trailhead,-93.17356960000001,44.867240300000006 +22042,Coates Corner,-93.03446220000001,44.7169487 +22043,Staring Lake,-93.4625908,44.8374132 +22044,27 Av Se,-93.21505040000001,44.988048500000005 +22045,Sterling Supply,-93.2210683,44.9947366 +22046,Holiday,-94.2157832,45.755346 +22047,The Lyndale Tap House,-93.2878271,44.9490934 +22048,Spoonbridge and Cherry,-93.2891065,44.9702603 +22049,Green Mill,-93.43458770000001,44.854773200000004 +22050,hairlounge Minneapolis,-93.28788030000001,44.948538500000005 +22051,Applebee's,-93.4305523,44.8510183 +22052,M&I Bank,-93.39564290000001,44.8348719 +22053,Champp's,-93.4283326,44.8587787 +22054,Creekside Supperclub,-93.2628071,44.9154531 +22055,M&I Bank,-93.3954058,44.834777800000005 +22056,M&I Bank,-93.3956344,44.8349898 +22057,Penn Cycle,-93.33033850000001,44.810732900000005 +22058,Richard T. Anderson Conservation Area,-93.5146606,44.8188912 +22059,Sex World,-93.271569,44.983349000000004 +22060,Cannon Valley Trail,-92.5674718,44.565669 +22061,Richard T. Anderson Conservation Area,-93.51167810000001,44.8210266 +22062,Mayo Family Clinic Northwest,-92.5046351,44.066208100000004 +22063,Richardson Nature Center,-93.37284740000001,44.843431700000004 +22064,Kwik Trip,-92.50271020000001,44.0659572 +22065,The Bulldog,-93.2877103,44.9559044 +22066,Broadway Bar & Pizza,-92.5028054,44.0665635 +22067,Kona Grill,-93.4292085,44.8554741 +22068,Field of Dreams Airport,-92.895401,46.0228004 +22069,t,-96.7269524,46.8830509 +22070,Nauerth Land Ranch Airport,-95.2247009,43.6251984 +22071,Pike Field Airport,-92.41670230000001,47.651901200000005 +22072,Lower Hay Lake Seaplane Base,-94.2925034,46.6777992 +22073,International Falls Seaplane Base,-93.3707962,48.6058006 +22074,Tyler Farms Airport,-94.5106964,45.2621994 +22075,Lookout Lake Seaplane Base,-93.9561005,46.4375 +22076,Hay Acres Airport,-94.7606964,45.9382019 +22077,Shirt Lake Seaplane Base,-93.83309940000001,46.4305992 +22078,Carlson Agricultural Airport,-96.19439700000001,45.9852982 +22079,Pribbs Field,-97.0162964,48.0820999 +22080,Dreamcatcher Airport,-93.2978973,46.9403992 +22081,Zarn Airport,-94.27466700000001,43.907417 +22082,Fussy Airport,-94.3407974,45.7915993 +22083,Shadduck Seaplane Base,-94.09470370000001,45.2921982 +22084,Blue Sky Airport,-96.59500120000001,46.800499 +22085,Schumacher Airport,-93.93609620000001,44.9844017 +22086,Radloff's Cedar View Farms Airport,-93.02660370000001,43.545898400000006 +22087,Coot Landing Airport,-96.2417674,46.6636675 +22088,Howard's Airport,-95.40936570000001,44.977070600000005 +22089,Seven Hills Airport,-94.0766983,45.412498500000005 +22090,Northbound Seaplane Base,-93.52390290000001,47.156398800000005 +22091,Mattison's Seaplane Base,-92.9665985,45.2817993 +22092,Rooney Airfield,-95.42310330000001,47.0555992 +22093,Gale's Seaplane Base,-94.16249850000001,45.2076988 +22094,Goose Lake Seaplane Base,-93.8421021,44.887500800000005 +22095,Ponderosa Seaplane Base,-93.98940280000001,46.8630981 +22096,Eagles Nest Seaplane Base,-92.0997009,47.828498800000006 +22097,Fox Field,-93.9503021,44.801700600000004 +22098,Breezy Point Airport,-94.22000120000001,46.5957985 +22099,Up Yonder Airport,-94.8749008,47.293499000000004 +22100,Whaletail Lake Seaplane Base,-93.72270200000001,44.938900000000004 +22101,Grygla Municipal Mel Wilkens Field,-95.6250614,48.2971458 +22102,Carey Lake Seaplane Base,-92.82769780000001,47.4183006 +22103,Troll Farm Airport,-93.19740300000001,45.611599000000005 +22104,Wabana Seaplane Base,-93.5187988,47.418598200000005 +22105,Whiskey Lake Seaplane Base,-95.5761032,45.9730988 +22106,Lac La Croix Seaplane Base,-92.1999969,48.349998500000005 +22107,Webb Lake Airport,-94.42469790000001,46.9598007 +22108,Princeton Municipal Airport,-93.6077173,45.559973500000005 +22109,Eagles Nest Aerodrome,-93.8721359,44.1247587 +22110,Barrett Airport,-94.0886002,46.1781998 +22111,Swan Field,-92.4575367,46.8700333 +22112,Pinetree Airpark,-92.9630966,45.5797997 +22113,Brandt Airport,-93.83640290000001,45.0472984 +22114,Kaiser's Airstrip,-96.09960170000001,46.7969017 +22115,Walker Field,-92.81770320000001,44.933498400000005 +22116,Timmers Landing Field,-94.21418600000001,44.973428000000006 +22117,Johnson'S Sea Landing Seaplane Base,-92.391675,47.856094000000006 +22118,North Air Seaplane Base,-95.70444400000001,46.610833 +22119,Angen Field,-95.5261993,45.9364014 +22120,Sandy Flats Airport,-92.8117222,44.7058018 +22121,Bush Field,-92.988253,46.036072000000004 +22122,Ingleside Airport,-93.652298,45.0630989 +22123,Krezowski Seaplane Base,-93.2823029,46.7582016 +22124,The Pass Seaplane Base,-93.6884995,44.9143982 +22125,Cooks Landing Airport,-93.22271110000001,45.243259 +22126,Serenity Airport,-94.0892445,44.916371700000006 +22127,Watonwan Memorial Hospital Heliport,-94.6166658,43.979934300000004 +22128,Svard Heliport,-93.4327011,45.0428009 +22129,Mandarin Yen So Heliport,-93.30989840000001,44.8568993 +22130,Rosemount Fire Station #1,-93.1456014,44.7362136 +22131,Fairview Red Wing Hospital Heliport,-92.5463028,44.560199700000005 +22132,Carbonne's Pizza,-93.125803,44.7385566 +22133,Pine Point,-92.83795690000001,45.1208727 +22134,Sunrise Bank,-93.25224700000001,44.9481958 +22135,Gateway Community Commons,-93.08783150000001,44.9842718 +22136,Lebanon Hills Campground,-93.18531420000001,44.7745991 +22137,Lebanon Hills Campground,-93.1809175,44.7740439 +22138,Frogtown,-93.1213587,44.958718600000005 +22139,Kwik Trip,-92.47848450000001,44.0289212 +22140,Home Federal,-92.4780339,44.0276306 +22141,Cathedral Hill,-93.1200069,44.9476979 +22142,Acme Deli,-93.16589450000001,44.9341294 +22143,Crocus Hill,-93.1210959,44.9404344 +22144,Cheapo,-93.1673971,44.943507100000005 +22145,Highland Park,-93.1751763,44.913914000000005 +22146,Mac-Groveland,-93.17603290000001,44.9382092 +22147,Cahoots Coffee Bar,-93.16623510000001,44.9464264 +22148,Signal Garage Auto Care,-93.16739650000001,44.9482203 +22149,Midway,-93.1650144,44.956775 +22150,Mahtomedi,-92.9491756,45.0567962 +22151,St. James on the Parkway,-93.22461580000001,44.9155941 +22152,Vic's,-93.2546499,44.9843363 +22153,Willernie Post Office,-92.9585349,45.0565736 +22154,Segway Tours,-93.2551701,44.9845344 +22155,Aster Cafe,-93.2550643,44.9844954 +22156,Daileys Pub,-93.6665275,44.938221500000004 +22157,St. Anthony Main Theatre,-93.2555978,44.9847052 +22158,Michael Sharp Realty,-93.2552431,44.9845671 +22159,Merriam Park,-93.1801241,44.949674900000005 +22160,Dunn Bros,-93.2837751,44.9678114 +22161,Soona,-93.2553591,44.988146900000004 +22162,Kemp Salon Spa,-93.25235570000001,44.990262 +22163,Sala Architects,-93.25516830000001,44.9882069 +22164,Winona 7,-91.6367932,44.053931600000006 +22165,Otter's Saloon,-93.25208740000001,44.9905592 +22166,Preston Kelly,-93.25744080000001,44.988719200000006 +22167,Old St. Anthony Chiropractic and Rehabilitation,-93.25523340000001,44.989205000000005 +22168,GH2,-93.2554053,44.988130600000005 +22169,Denny Kemp,-93.255255,44.9881796 +22170,Pizza Nea,-93.2557984,44.987997 +22171,Duluth Teachers Credit Union,-92.09948150000001,46.8212071 +22172,Discover Strength,-93.2554843,44.988107400000004 +22173,Ground Zero,-93.2551607,44.989070600000005 +22174,Wildflyer Coffee,-93.23070750000001,44.9431093 +22175,Speedway,-93.22259240000001,44.9105567 +22176,Saint Louis County License Center,-92.1608889,46.8041641 +22177,Caribou Coffee,-93.2170265,44.7364382 +22178,Auto Ace Express Lube,-92.0999414,46.821393900000004 +22179,Mu Performing Arts Office/Studio,-93.2128411,44.9927021 +22180,Wells Fargo,-92.0850413,46.818513 +22181,Kenwood Muffler and Brake,-92.0999419,46.821537400000004 +22182,U.S. Bank,-92.0850018,46.8185987 +22183,Huntington Bank,-92.0850216,46.818555800000006 +22184,maple,-92.10801090000001,46.817795700000005 +22185,Huntington Bank,-92.0851397,46.8188017 +22186,Northern Shores Coffee,-92.08504780000001,46.8184862 +22187,Silver Lake,-92.46239820000001,44.0369705 +22188,Jimmy John's,-93.18696270000001,44.918074600000004 +22189,Sledding Hill,-92.0679544,46.8152027 +22190,Buffalo Wild Wings,-92.1552767,46.806215 +22191,Holy Rosary,-92.06824730000001,46.816523600000004 +22192,Robert Trail Library,-93.12673140000001,44.7406372 +22193,Las Ranas Mexican Grill,-93.27052490000001,44.9482015 +22194,The Bad Waitress,-93.2776755,44.9557127 +22195,Phở Hòa,-93.27848080000001,44.957489300000006 +22196,Church of Gichitwaa Kateri,-93.26481650000001,44.946896200000005 +22197,Rainbow Chinese Restaurant and Bar,-93.27768320000001,44.9524668 +22198,African Safari Halal Meat Market & Deli,-93.2700853,44.9481783 +22199,Walgreens,-92.08440900000001,46.7986346 +22200,Taco Bell,-92.15168990000001,46.804088300000004 +22201,Sprint,-92.15153950000001,46.805033400000006 +22202,North Star Ford,-92.15637310000001,46.804797400000005 +22203,Applebee's,-92.15842450000001,46.8045332 +22204,Kenwood Laundramat,-92.0984825,46.8212521 +22205,Papa Murphy's,-92.09855730000001,46.821252 +22206,Redbox,-92.0841772,46.798510500000006 +22207,CVS Pharmacy,-92.08281310000001,46.799303 +22208,Jimmy John's,-92.08238130000001,46.7985812 +22209,Language of Hair,-92.0759527,46.8012907 +22210,Bulldog Pizza,-92.0733751,46.821451700000004 +22211,Fox 21,-92.0704472,46.804230600000004 +22212,Great Clips,-92.07337170000001,46.8216029 +22213,Diamond Vogel Paints,-92.07492500000001,46.8019988 +22214,Fitger's Brewhouse Brewery and Grille,-92.0907559,46.7924183 +22215,Erbert & Gerbert's,-92.09918830000001,46.821250000000006 +22216,Chaska Herald,-93.60152020000001,44.784934500000006 +22217,Excelsior,-93.57364820000001,44.902035700000006 +22218,Minnoco (cars),-92.99409050000001,44.6093703 +22219,Norsemen travel,-93.60189980000001,44.785930900000004 +22220,Little Oscar's,-92.99385190000001,44.6088911 +22221,AM,-92.7789273,44.855570400000005 +22222,Old Chicago,-93.4327179,44.8576713 +22223,X,-92.77998670000001,44.869177400000005 +22224,R,-92.77454510000001,44.861289500000005 +22225,AL,-92.78141090000001,44.8621093 +22226,W,-92.7795253,44.8706161 +22227,Faith Lutheran Church,-96.73471280000001,46.5627938 +22228,Wolverton Town Hall,-96.7339156,46.562930900000005 +22229,Carlson Equipment Company,-96.7341224,46.563681300000006 +22230,Mount Olive Lutheran School,-93.9801968,44.164009400000005 +22231,Comstock Lutheran Church,-96.7453212,46.6608688 +22232,Christ the King Lutheran Church,-93.97882940000001,44.163016600000006 +22233,Mankato Clinic,-93.9837062,44.162839600000005 +22234,Bloomington Central,-93.22693070000001,44.8564227 +22235,Terminal 1 - Lindbergh,-93.2056761,44.8805436 +22236,Lake Street/Midtown,-93.2386738,44.9479327 +22237,28th Avenue,-93.2320658,44.855562000000006 +22238,Sugar Sugar,-93.284188,44.933840700000005 +22239,McDonald's,-92.18479830000001,46.822535800000004 +22240,Saint Louis County Fire Department,-92.1930555,46.8363888 +22241,Chaska Laundry Cleaners,-93.5804863,44.801570500000004 +22242,O' Reilly,-93.58030400000001,44.801692200000005 +22243,Chaska Music Studios,-93.5797993,44.8009058 +22244,Pizza,-93.5794508,44.8011137 +22245,Pet Spa,-93.57952030000001,44.801069500000004 +22246,The work connection,-93.57960080000001,44.8010162 +22247,National Karate,-93.5796705,44.8009743 +22248,AE,-92.7933941,44.8658991 +22249,J,-92.7745228,44.853235700000006 +22250,T,-92.76945500000001,44.8705836 +22251,AD,-92.79153930000001,44.868533600000006 +22252,AC,-92.79156440000001,44.8690603 +22253,E,-92.7768721,44.845038100000004 +22254,AJ,-92.78130660000001,44.863912400000004 +22255,Z,-92.7871173,44.8690864 +22256,AH,-92.7848347,44.861351400000004 +22257,AI,-92.78600490000001,44.8644984 +22258,V,-92.77647,44.871890400000005 +22259,AA,-92.7916792,44.8726524 +22260,AB,-92.79548390000001,44.8685958 +22261,AG,-92.78615780000001,44.8594596 +22262,U,-92.773764,44.8719802 +22263,Valley family practice,-93.5993188,44.792082400000005 +22264,Domino's,-93.6020594,44.7891002 +22265,O,-92.7743267,44.858401900000004 +22266,AN,-92.7808062,44.851910000000004 +22267,Hay Creek Valley Campground,-92.5478721,44.4898229 +22268,S,-92.7735207,44.863212100000005 +22269,F,-92.77725620000001,44.841277600000005 +22270,Jab's Farm,-93.6198499,44.734363800000004 +22271,G,-92.76924410000001,44.8418025 +22272,Ehmiller Place,-93.5967308,44.7334144 +22273,AF,-92.79611560000001,44.8632556 +22274,P,-92.77419660000001,44.8588268 +22275,Holiday,-92.5514232,47.5107146 +22276,L,-92.77448980000001,44.8558195 +22277,Taco John's,-93.1059141,45.042281 +22278,Herberger's,-92.55670280000001,47.511450800000006 +22279,Dunham's Sports,-92.5554359,47.511889800000006 +22280,Forestville State Park,-92.2258551,43.6336146 +22281,Aesop's Table,-93.12659380000001,44.968845200000004 +22282,Burger King,-93.10723370000001,45.0422431 +22283,Taco Bell,-93.10555070000001,44.9915862 +22284,Popeyes,-93.1055132,44.9901787 +22285,CVS Pharmacy,-93.10550660000001,45.0214091 +22286,Speedway,-93.10653190000001,44.9903763 +22287,Central Lakes State Trail - Garfield,-95.4915825,45.9385947 +22288,Holiday,-93.1050589,44.9895256 +22289,Central Lakes State Trail - Evansville,-95.6824598,46.004572100000004 +22290,Winner on 46th,-93.26993440000001,44.919875100000006 +22291,Lake Wobegon Trail Head,-94.3174508,45.570111600000004 +22292,Southside Family Charter School,-93.27179020000001,44.920813200000005 +22293,Wilebski's Blues Saloon,-93.10562320000001,44.990693500000006 +22294,TCF Bank,-93.5393724,44.860362800000004 +22295,Patron,-93.6006296,44.7853608 +22296,Schneider Theater,-93.3020888,44.8257738 +22297,Wild Rice Moon,-92.08817610000001,46.8160839 +22298,Bloomington Police Department,-93.3021435,44.824687100000006 +22299,Goldfine Hall Laundry Room,-92.08973780000001,46.8194509 +22300,Buffalo Books & Coffee,-93.8760086,45.171930100000004 +22301,Paint Your Plate,-93.3288385,44.911871500000004 +22302,J's Restaurant,-93.87509200000001,45.171929000000006 +22303,J'S Down Under Bar,-93.87509200000001,45.171879800000006 +22304,Pig & Fiddle,-93.3282405,44.912702700000004 +22305,Smashburger,-93.4249956,44.8585529 +22306,Sport Clips,-93.4250009,44.8586442 +22307,Miracle-Ear,-93.1469239,44.994024100000004 +22308,Verizon,-93.4250009,44.8587354 +22309,TCF,-93.4216315,44.858988000000004 +22310,DaVita Dialysis,-93.1469229,44.9937959 +22311,Jerry's Hardware & Rental,-93.4004898,44.836481600000006 +22312,Subway,-93.40041120000001,44.835969000000006 +22313,Holiday,-93.60723250000001,44.934915800000006 +22314,Cheers Wine and Spirits,-93.3963243,44.8346936 +22315,Starbucks,-93.400401,44.8361673 +22316,Eden Prairie Clinic,-93.3968904,44.8351199 +22317,Parkway Dental,-93.400766,44.8361839 +22318,Jerry's Foods,-93.4005705,44.8354644 +22319,Lai Inn,-93.3966213,44.8349117 +22320,Clover Cleaners,-93.396167,44.8345623 +22321,North Star Wisdom,-93.39677160000001,44.8350109 +22322,Cooper's,-93.6004132,44.7916189 +22323,The UPS Store,-93.4004123,44.836094800000005 +22324,Allstate Insurance,-93.396831,44.835070300000005 +22325,Brugger's Bagels,-93.40040330000001,44.836227400000006 +22326,Ace Hareware,-93.5998338,44.791727400000006 +22327,Cuzzy's Brick House,-93.5938203,44.7946587 +22328,Savanna State Park,-93.1762837,46.818461600000006 +22329,169,-92.090941,46.8196158 +22330,168,-92.09088290000001,46.8193251 +22331,Sherco Unit 1,-93.8953417,45.378514200000005 +22332,Staring Lake Park,-93.44953620000001,44.830485200000005 +22333,Staring Lake Park,-93.44911350000001,44.830778900000006 +22334,Schneider Drug,-93.208816,44.9681584 +22335,Tommy Chicago's,-93.1213048,44.884406500000004 +22336,Sage,-93.1212404,44.8845928 +22337,Uptown Hamel Library/Museum,-93.52547990000001,45.0410465 +22338,Wells Fargo,-93.5313189,45.045376600000004 +22339,Sherco Unit 2,-93.89650040000001,45.378513500000004 +22340,Barnes & Noble,-93.0213947,45.032209800000004 +22341,Caribou Coffee,-93.53129990000001,45.0446509 +22342,KYSM,-94.03993340000001,44.172263300000004 +22343,Men's Wearhouse,-92.9378391,44.9418078 +22344,Cargo Terminal,-92.48639410000001,43.907677500000005 +22345,Water's Edge at Donovan Lake,-94.0731135,45.572312100000005 +22346,Bruegger's Bagels,-93.11465030000001,45.0801376 +22347,Lower St. Anthony Falls Lock and Dam,-93.2460154,44.978537100000004 +22348,Sitzer Park Playground,-93.1132041,45.073504500000006 +22349,Holiday,-93.10649880000001,44.959723600000004 +22350,Rising Eagle Resort,-93.8470334,47.6077242 +22351,Bloomington,-93.3204872,44.832240500000005 +22352,Edina,-93.3501222,44.8897027 +22353,Chili's,-92.9045928,44.9428319 +22354,Saint Louis Park,-93.3569023,44.9475726 +22355,Kwik Trip,-92.9043462,44.950651900000004 +22356,Wells Fargo,-92.90415300000001,44.946985700000006 +22357,Top Ten Wine & Spirits,-92.90533310000001,44.9463099 +22358,Super America,-92.90434610000001,44.945467 +22359,Sam's Club,-92.9064489,44.9457328 +22360,Arby's,-92.9056872,44.9450949 +22361,Guitar Center,-92.93690120000001,44.951323300000006 +22362,Chipotle,-92.90468940000001,44.944578500000006 +22363,Kowalski's,-93.4864938,44.863646200000005 +22364,Tavern 4 & 5,-93.48490960000001,44.8642003 +22365,Fantastic Sams,-93.01727460000001,45.1626586 +22366,Postal Credit Union,-93.01774200000001,45.164979300000006 +22367,Lake Area Bank,-93.01033840000001,45.1618908 +22368,Festival Foods,-93.015338,45.1649923 +22369,Blue Heron Grille,-93.01571360000001,45.1638387 +22370,Red's Savoy Pizza,-93.01627210000001,45.1649377 +22371,Patriot Bank of Minnesota,-93.0261856,45.162475400000005 +22372,Windigo Lodge,-90.50478220000001,48.0507507 +22373,Electric Car Charging Station,-92.46180000000001,44.021766500000005 +22374,St. Mary's Catholic Church,-92.8096896,45.052176900000006 +22375,Loon Lake Lodge,-90.6502648,48.0727811 +22376,Midwest Transmission,-93.2476175,44.9408218 +22377,Seagull Creek Fishing Camp,-90.8688472,48.1563798 +22378,Trinity Lutheran Church,-93.5749322,44.9993272 +22379,Seagull Canoe Outfitters and Cabins,-90.8677035,48.1597881 +22380,Minneola,-92.71034560000001,44.3230458 +22381,Forest Lake Library,-92.9877187,45.238935100000006 +22382,Park Point Beach House,-92.0510457,46.7313495 +22383,Park Point,-92.0527914,46.7317112 +22384,Minnesota Point,-92.03237060000001,46.715063900000004 +22385,Dairy Queen,-93.0353575,45.1625868 +22386,Kingsbeck Home,-92.9591043,45.044797700000004 +22387,Forest Lake License Center,-92.9878046,45.238721600000005 +22388,Manor Cleaners & Launderers,-92.0738781,46.8215482 +22389,Crutchfield Dermatology,-93.1508776,44.8334349 +22390,Berkshire,-93.25820820000001,44.753674700000005 +22391,Vanilla Bean,-92.0738781,46.8216024 +22392,Housing Office,-92.0874041,46.8187184 +22393,Duluth Public Library,-92.0735956,46.8215018 +22394,Borealis Yarn,-93.15699280000001,44.9591913 +22395,Chester Park,-92.0904613,46.812087000000005 +22396,Nopeming Sanatorium,-92.2726557,46.705605000000006 +22397,Riverside Group Camp,-92.7567674,45.2231451 +22398,Savanna Campground,-92.7734078,45.225230700000004 +22399,Knapps Cave,-92.76407040000001,45.285650700000005 +22400,Riverway Campground,-92.7566458,45.2203123 +22401,amphitheater,-92.74149290000001,45.5431388 +22402,Wild River Camp Sites D,-92.74209920000001,45.545057 +22403,Wild River Camp Sites A,-92.73806520000001,45.5430733 +22404,Wild River Camp Sites C,-92.74057570000001,45.5447113 +22405,Wild River Camp Sites B,-92.7393526,45.543705200000005 +22406,Wild River Camp Sites E,-92.74365920000001,45.545894000000004 +22407,Waldsee Bemidji,-94.73826220000001,47.5593616 +22408,Lac du Bois,-94.7390994,47.5645673 +22409,Jammer's,-94.8023993,47.5773439 +22410,BP,-92.7854844,45.4907425 +22411,Chester Bowl,-92.09551110000001,46.8126979 +22412,The Uptowner,-93.146782,44.9398713 +22413,Mulberrys Garment Care,-93.1413689,44.939854000000004 +22414,Wuollet Bakery,-93.14575160000001,44.9398744 +22415,Anthropologie,-93.13863620000001,44.9401341 +22416,Bravo! Café & Bakery,-93.14703890000001,44.9398816 +22417,Anytime Fitness,-93.1449154,44.9401316 +22418,CVS Pharmacy,-93.14423380000001,44.9398424 +22419,Palm Beach Tanning,-93.14504380000001,44.9401327 +22420,Caribou Coffee,-93.1444352,44.9401244 +22421,Shoester,-93.1449446,44.9398555 +22422,Oakdale Minnesota Stake Center,-92.9662313,44.9797414 +22423,CRISP & GREEN,-93.140957,44.940104600000005 +22424,LA Nails,-93.1468856,44.939876500000004 +22425,St. Paul Minnesota Temple,-92.9653205,44.980210500000005 +22426,Summit Hill Chiropractic & Physical Therapy,-93.1412512,44.9398533 +22427,J5,-93.63687700000001,45.0174366 +22428,Jimmy John's,-93.14134820000001,44.9401084 +22429,Pizza Hut,-93.1412524,44.9401054 +22430,Running Room,-93.14532550000001,44.9398682 +22431,Edward Jones,-93.14451840000001,44.940126500000005 +22432,Salut Bar American,-93.13824050000001,44.940352600000004 +22433,J3,-93.63675830000001,45.017840400000004 +22434,Starbucks,-93.1447658,44.939849900000006 +22435,The Wow Bar Blow Dry & Style Bar,-93.1469936,44.9398816 +22436,J2,-93.6368362,45.017982700000005 +22437,Stogies on Grand,-93.1406589,44.940158700000005 +22438,J4,-93.6368066,45.017611 +22439,The Lexington,-93.1462654,44.9398682 +22440,J1,-93.63704010000001,45.018089700000004 +22441,Subway,-94.7298513,45.3759413 +22442,Kilimanjaro Cafe,-93.2474425,44.970593900000004 +22443,Easel Street,-93.2625033,45.001006700000005 +22444,Paynesville American Legion,-94.7305487,45.373130100000004 +22445,Erte,-93.26334370000001,45.0010082 +22446,Peacock Lounge,-93.2635072,45.0010058 +22447,Highland Park Library,-93.1829884,44.917641700000004 +22448,iware,-93.26259680000001,45.001007200000004 +22449,Mayday Books,-93.24698430000001,44.9710072 +22450,Seward Redesign,-93.2334352,44.9626041 +22451,Hillcrest Recreation Center,-93.183023,44.917305400000004 +22452,Fairview Clinic,-93.193651,44.9182305 +22453,Train Park,-93.25276360000001,45.0169328 +22454,Barnes & Noble,-92.1579317,46.804300600000005 +22455,Holy Land,-93.2470188,45.0136777 +22456,Minnesota's Oldest Concrete,-92.07466210000001,46.8157008 +22457,Tettegouche State Park,-91.1961387,47.338585 +22458,The UPS Store,-93.14691260000001,44.994753800000005 +22459,Tii Cup,-93.1469083,44.994820700000005 +22460,Lowry Lab Theatre,-93.0943781,44.9451112 +22461,Nickel Joint,-93.1214649,44.961305 +22462,McDougal Lake Campground,-91.5339311,47.6391398 +22463,Little Isabella River Campground,-91.4239026,47.647277800000005 +22464,7th Grocery,-93.0985491,44.9476218 +22465,Eckbeck Campground - Finland State Forest,-91.2279925,47.3726415 +22466,Kincaid's,-93.0960761,44.945894300000006 +22467,Hiawatha Church,-93.2137794,44.9271795 +22468,Unbank,-93.0983532,44.947699500000006 +22469,Pazzaluna,-93.0953224,44.945095 +22470,Ruam Mit Thai,-93.09847930000001,44.947866700000006 +22471,Peace Officers Memorial,-93.1003565,44.951790200000005 +22472,Coon Rapids High School,-93.32624100000001,45.1819951 +22473,World War II Memorial,-93.102232,44.9520695 +22474,Minnesota Workers Memorial,-93.1004451,44.952523500000005 +22475,Charles Lindbergh Memorial,-93.10352010000001,44.9529585 +22476,Floyd Olson,-93.1035011,44.954388400000006 +22477,Westwood Middle School,-93.2549049,45.1393883 +22478,Preston Visitors Center,-92.0884717,43.677373100000004 +22479,Que Nha Vietnamese Restaurant,-93.13602850000001,44.9559751 +22480,Ala Francaise Restaurant & Bakery,-93.1349423,44.955939 +22481,Tai Hoa BBQ,-93.1361385,44.9555328 +22482,Subway,-93.1253587,44.9559561 +22483,Preston Fire Department,-92.0842178,43.6705909 +22484,Midway Book Store,-93.1667774,44.955908300000004 +22485,Preston City Hall,-92.0837671,43.6701641 +22486,Watertown TrueValue,-93.8482601,44.9613159 +22487,Luce Line Lodge,-93.84926320000001,44.9617372 +22488,Marketplace Foods,-93.84857120000001,44.961035 +22489,Delano Ice Arena,-93.7759237,45.048027700000006 +22490,Watertown City Hall,-93.8494787,44.9614654 +22491,Ridgeview Medical Clinic,-93.77580040000001,45.036106800000006 +22492,Sexton,-94.3941784,45.5817357 +22493,Midtown Farmers Market,-93.23406200000001,44.9474256 +22494,U.S. Bank,-93.1631062,45.1402486 +22495,Dance Factory,-93.16193170000001,45.1409299 +22496,Frattallone's Ace Hardware,-93.16194750000001,45.1413838 +22497,Kwik Trip,-92.47178170000001,43.954203 +22498,Macy's,-92.47985580000001,44.0024208 +22499,Newt's Hamburgers,-92.50603740000001,44.077311 +22500,Hope Oak Knoll Campground,-93.2448267,43.9539272 +22501,Subway,-93.2409751,44.948580500000006 +22502,Hi Lake Liquors,-93.2405452,44.9487365 +22503,Hy-Vee,-93.2285111,44.0673198 +22504,Subway,-93.24153000000001,44.084020800000005 +22505,Perkins,-93.2461414,44.0970997 +22506,Dairy Queen,-93.24215740000001,44.084906200000006 +22507,Fuel & Food,-93.2257051,44.088109700000004 +22508,Jimmy John's,-93.2419048,44.0848467 +22509,Kwik Trip,-93.23048250000001,44.0881227 +22510,Mileage,-93.2180917,44.109338300000005 +22511,Holiday,-93.2430327,44.084111500000006 +22512,Kwik Trip,-93.25375290000001,44.095995800000004 +22513,Russell Stover,-93.25457320000001,44.138342800000004 +22514,McDonald's,-93.25217310000001,44.0958552 +22515,Timber Lodge Steakhouse,-93.2530626,44.1384132 +22516,Mobil,-93.2470153,44.1738574 +22517,Medford Muni,-93.2470845,44.174359 +22518,First State Bank Of Red Wing,-93.24606840000001,44.1738477 +22519,Anhorn's Gas & Tire,-93.2465727,44.171760500000005 +22520,Country Kitchen,-93.31116200000001,44.291772300000005 +22521,Select Inn,-93.31210890000001,44.2919957 +22522,Hy-Vee Gas,-93.29918880000001,44.2948772 +22523,Happy Chef,-93.2474119,44.095757400000004 +22524,Hy-Vee,-93.2971481,44.2952425 +22525,Mobil,-93.2897154,44.290385 +22526,Citizens State Bank,-93.28241720000001,43.573478900000005 +22527,Faribault Harley-Davidson,-93.30514310000001,44.319508400000004 +22528,Hardee's,-93.2965904,44.3188971 +22529,Flying J Travel Plaza,-93.29466430000001,44.4710928 +22530,Big Steer,-93.29472790000001,44.4706673 +22531,Lakes Natural Gas,-93.2904695,44.4744248 +22532,The UPS Store,-92.09899700000001,46.8212509 +22533,Sinclair,-92.992974,43.6784521 +22534,McDonald's,-92.9924225,43.6784873 +22535,Burger King,-92.9801594,43.6795465 +22536,12,-92.0981757,46.8220613 +22537,Kwik Trip,-92.9798372,43.678868300000005 +22538,Shell,-93.01696430000001,43.666354000000005 +22539,KOA Kampground,-93.18247840000001,43.660787400000004 +22540,BP,-93.0170839,43.6672256 +22541,Speedway,-93.42106790000001,43.687992900000005 +22542,Perkins,-94.44675500000001,43.6772026 +22543,Speedway,-94.44908360000001,43.6762053 +22544,Gary's Electric,-95.79468720000001,43.616753900000006 +22545,Kum & Go,-94.7324088,43.661812700000006 +22546,Jamboree Foods,-94.7270311,43.6533979 +22547,Farmers State Bank,-94.7275927,43.6528745 +22548,KOA Campground,-94.9980551,43.644435300000005 +22549,The Rumor Mill Bar & Grill,-95.93339,43.6342188 +22550,BP,-94.9960963,43.6384028 +22551,Dairy Queen,-94.99634200000001,43.6385347 +22552,Keith's Grocery & Bake Shoppe,-95.9335693,43.6343649 +22553,Family Dollar,-94.9919364,43.627575 +22554,Adrian Auto Service,-95.9335511,43.6362304 +22555,Ace Hardware,-94.99124710000001,43.627288400000005 +22556,Sunshine Foods,-94.9905519,43.6271385 +22557,Cenex,-95.93336640000001,43.639717000000005 +22558,Subway,-94.98933240000001,43.6254888 +22559,KFC,-95.5926577,43.6360236 +22560,Kum & Go (Cars),-95.9339132,43.6406973 +22561,Cenex,-95.59289240000001,43.635551500000005 +22562,Subway,-95.9343276,43.6405308 +22563,Dairy Queen,-95.5927211,43.6345297 +22564,Pizza Hut,-95.59452680000001,43.634326900000005 +22565,Magnolia,-96.0845797,43.644893700000004 +22566,Subway,-95.5943907,43.6338631 +22567,McDonald's,-95.5943496,43.632622500000004 +22568,Tasty Drive In,-96.21357,43.6448752 +22569,O'Reilly Auto Parts,-95.5926201,43.632359 +22570,Walgreens,-95.5941995,43.631757400000005 +22571,Southgate Auto,-96.2124849,43.6531461 +22572,Bob and Steve’s Holiday,-95.59298530000001,43.6309733 +22573,BP,-93.4654431,44.9046437 +22574,Burger King,-95.5939634,43.630720100000005 +22575,Days Inn,-95.61081250000001,43.631428400000004 +22576,Oxford Bowl,-95.6095284,43.6316002 +22577,Casey's General Store,-95.6025661,43.6313888 +22578,Pizza Ranch,-95.5996049,43.630853 +22579,Ace Hardware,-95.5993528,43.632138100000006 +22580,Carquest,-95.5980268,43.6315699 +22581,Budget Inn Motel,-95.5972876,43.630876300000004 +22582,Winona,-91.6420949,44.044423900000005 +22583,Think ATM,-92.51299970000001,44.0786844 +22584,Farview Park,-93.287559,45.005994 +22585,Wilde Cafe & Spirits,-93.2577184,44.9857086 +22586,Fremont,-93.29490700000001,44.992075 +22587,North Regional Library,-93.296761,45.012998 +22588,Logan Ave. N,-93.305857,45.002448 +22589,Penn Ave.,-93.30773230000001,45.013396400000005 +22590,Midtown YWCA,-93.24054000000001,44.94823 +22591,Portland Ave.,-93.26695000000001,44.969535 +22592,University Ave.,-93.2492088,44.982562800000004 +22593,North Commons Park,-93.30225100000001,44.998685 +22594,West Broadway,-93.290941,44.999341 +22595,Yale Ave.,-93.22046,44.966570000000004 +22596,Throndson Gas Station,-92.499435,44.0387823 +22597,12th Ave. N,-93.281058,44.990764000000006 +22598,39th Ave. S,-93.21705,44.948308000000004 +22599,Southpoint Motors,-92.4625307,44.0301416 +22600,Holiday,-92.4863675,44.021432100000006 +22601,Beaver dam,-90.24673150000001,48.076674100000005 +22602,A1,-93.6374584,45.0184638 +22603,D13,-93.6423587,45.0161467 +22604,Gazebo,-94.73672450000001,47.5588835 +22605,The Depot Coffee House,-93.39924880000001,44.923747000000006 +22606,Dunn Brothers Coffee,-93.4277016,44.9238176 +22607,Oldenburg Point,-92.34572320000001,46.6459543 +22608,Jacobson Wayside Rest,-93.27030230000001,47.002709200000005 +22609,Jay Cooke State Park,-92.3711409,46.6568392 +22610,Silver Creek Backpack Campsite,-92.3639418,46.6394134 +22611,Lost Lake Backpack Campsite,-92.33799950000001,46.6404889 +22612,High Landing Backpack Campsite,-92.3507239,46.642846000000006 +22613,Remote Lake,-93.21447110000001,46.829332 +22614,Ash Ridge Backpack Campsite,-92.34417420000001,46.642305500000006 +22615,Kwik Trip,-92.5179129,44.034667000000006 +22616,Casey's General Store,-92.48817050000001,44.069806400000004 +22617,Best Western,-92.48512140000001,44.002954100000004 +22618,Barnes & Noble,-92.4808807,44.0033758 +22619,Shell Bait & Tackle,-95.0985807,46.754566800000006 +22620,Star Ocean Buffet,-92.4844278,44.0051244 +22621,TJ Maxx,-92.48383890000001,44.0043744 +22622,Police Department,-95.0976614,46.7565832 +22623,Big Ole statue,-95.3772934,45.8910555 +22624,Menahga Memorial Forest Campground,-95.10280680000001,46.741437000000005 +22625,Holiday,-94.2153342,45.755388100000005 +22626,Jimmy's Pizza,-94.21570410000001,45.7555167 +22627,Post Office,-95.09678070000001,46.754194500000004 +22628,Menahga Museum,-95.09438560000001,46.749853800000004 +22629,Fire Department,-95.09751700000001,46.7566457 +22630,Eastside Food Co-op,-93.2470382,45.014615600000006 +22631,City Hall,-95.0977301,46.7567618 +22632,Carbone's Pizza,-92.5219988,44.052738000000005 +22633,Northbound Spirits,-95.0983685,46.7552284 +22634,Subway,-92.5214495,44.0523363 +22635,Zen Fusion Hibachi & Lounge,-92.52294380000001,44.044193400000005 +22636,Spirit Lake Motel,-95.096715,46.7505608 +22637,U.S. Bank,-92.52126750000001,44.0511441 +22638,Ashley HomeStore,-92.4955448,44.0632552 +22639,Clothes Mentor,-92.50573650000001,44.063028700000004 +22640,Premier Bank,-92.49500850000001,44.062745400000004 +22641,Papa Murphy's,-92.4961921,44.0642824 +22642,Hobby Lobby,-92.4957928,44.0637504 +22643,Rock Harbor,-95.0683386,48.9603291 +22644,Rock Harbor Lodge,-95.0674736,48.960893600000006 +22645,William OBrien State Park,-92.759462,45.2188954 +22646,Bogart's Place,-93.2116374,44.7339132 +22647,PDQ,-93.1760654,44.743301900000006 +22648,Hagen's Auto Body,-93.28834570000001,44.951420000000006 +22649,Double Curve,-93.2894931,44.9697977 +22650,Without Words,-93.2895314,44.969497600000004 +22651,Sagacious Head 7,-93.2883207,44.9710642 +22652,Amaryllis,-93.28937660000001,44.969697000000004 +22653,Selections from The Living Series,-93.2890089,44.9695867 +22654,Hare on Bell on Portland Stone Piers,-93.28935170000001,44.9714893 +22655,X with Columns,-93.289304,44.970765 +22656,Bronze Woman IV,-93.2885907,44.9695861 +22657,"Five Plates, Two Poles",-93.28926440000001,44.9698258 +22658,Dollar Tree,-93.0653642,44.9665012 +22659,East Side Family Clinic,-93.060378,44.9650465 +22660,Arikidea,-93.2888221,44.971248300000006 +22661,Sagacious Head 6,-93.2883754,44.971101700000006 +22662,Cost Cutters,-92.5110808,44.0775449 +22663,Two-way Mirror Punched Steel Hedge Labyrinth,-93.2893921,44.969315300000005 +22664,Seat-Leg Table,-93.2897442,44.9678745 +22665,Suishin Japanese Restaurant,-93.11531330000001,45.0802004 +22666,Ordovician Pore,-93.28837060000001,44.9697109 +22667,Whittier Recreational Center,-93.2845053,44.9549894 +22668,Whistle Binkies on the Lake,-92.45580600000001,43.9735886 +22669,Forreal Coffeehouse,-93.26275430000001,44.934604400000005 +22670,Whittier International Elementary School,-93.28387740000001,44.9547503 +22671,Buffalo Wild Wings,-93.2268521,44.975924400000004 +22672,Southside Medical Clinic,-93.2717958,44.9402904 +22673,Ginger Hop,-93.25772300000001,44.9876894 +22674,Supatra's Thai,-93.1273594,44.9274913 +22675,John Sargent Pillsbury,-93.2369077,44.9782414 +22676,Dinkytown Optical,-93.23516380000001,44.9804011 +22677,Phillips West,-93.2663821,44.9537642 +22678,Angus Meats,-93.04867940000001,45.022926000000005 +22679,White Bear Lake Historical Society,-93.01049,45.084897100000006 +22680,Bald Eagle Lake Boat Launch,-93.0039375,45.114860400000005 +22681,Roger Imme Recreation Center,-93.2846141,44.9553238 +22682,Marissa's Bakery,-93.2782202,44.9521273 +22683,Galactic Pizza,-93.2878172,44.9496843 +22684,Rinata Restaurant,-93.2950655,44.957519000000005 +22685,Inner Search,-93.26565740000001,44.9796071 +22686,W.A. Frost & Company,-93.1159404,44.9464528 +22687,H-3,-92.0926113,46.835889300000005 +22688,Pad Thai,-93.1711861,44.940305300000006 +22689,Sinclair,-93.1746032,44.9404003 +22690,H-20,-92.0996563,46.842749500000004 +22691,H-4,-92.0920157,46.8354336 +22692,Breadsmith,-93.1668006,44.9402198 +22693,H-7,-92.0976377,46.830361700000005 +22694,Laura Jeffrey Academy,-93.16583770000001,44.941019000000004 +22695,Grandma's Bakery,-93.0334162,45.0398846 +22696,H-5,-92.0930726,46.834681800000006 +22697,H-18,-92.1018162,46.8412513 +22698,Red Wing Chevrolet-Buick-Cadillac,-92.56777410000001,44.5650264 +22699,Vista point,-92.524033,44.562932 +22700,Thief River Falls,-96.17706670000001,48.1172301 +22701,New Art Salon,-93.16728490000001,44.921675900000004 +22702,Welch Mill Tubing Canoe Kayak,-92.73874900000001,44.568168 +22703,Serenity Nails & Spa,-93.1672884,44.9217445 +22704,Fisico Training,-93.1672714,44.9228615 +22705,New Art Salon,-93.1665119,44.9229672 +22706,The Marion Apartments,-92.4343199,44.000475300000005 +22707,Rite Liquor,-93.1672846,44.921972700000005 +22708,Snelling Avenue Dental,-93.1665109,44.923234400000005 +22709,Potbelly,-92.9607366,44.9250504 +22710,The Art Academy,-93.1672865,44.9217932 +22711,Starbucks,-92.960605,44.924998800000004 +22712,Wells Fargo,-93.16651320000001,44.923093 +22713,Woody's Pet Food Deli,-93.1672877,44.921897900000005 +22714,D17,-93.642638,45.0157383 +22715,Bruegger's Bagels,-93.4878649,44.8635455 +22716,Freeziac,-93.4879535,44.8635576 +22717,The UPS Store,-93.48775930000001,44.8635455 +22718,D15,-93.6425236,45.015899600000004 +22719,Buster's on 28th,-93.23235820000001,44.926627200000006 +22720,Kwik Trip,-93.2613408,44.2916332 +22721,Cadenza Music,-93.16726120000001,44.946000000000005 +22722,Now Bikes & Fitness,-93.1673923,44.9436964 +22723,Security/Loading Dock,-93.2226954,44.9763679 +22724,Donny Dirk's Zombie Den,-93.28047070000001,45.0001164 +22725,Hennepin Island,-93.2556558,44.982448100000006 +22726,World War Ⅰ Memorial Flagpole,-93.3194381,45.0370933 +22727,Abraham Lincoln Statue,-93.3182469,45.035982600000004 +22728,Level Five Café,-93.25566810000001,44.9780518 +22729,Platonic Figure,-93.23320430000001,44.9748764 +22730,Norwegian Hill,-93.2430709,45.024604000000004 +22731,Sea Change,-93.2558559,44.9781163 +22732,Westgate,-93.2076662,44.9679877 +22733,Rocky Point,-90.96208410000001,48.217522300000006 +22734,American Point,-90.96483070000001,48.209283500000005 +22735,United States Point,-91.58897730000001,48.0948816 +22736,Rochester Toyota-Scion,-92.4638391,43.9590309 +22737,Fat Willy's,-92.4622834,43.9585328 +22738,Pizza Hut Express,-92.4649656,43.954086000000004 +22739,Sylvan City Park,-91.9734804,43.7174418 +22740,Applebee's,-92.99835800000001,45.2752179 +22741,Taco John's,-93.0086742,45.2789784 +22742,Wendy's,-93.00953240000001,45.2798328 +22743,Key's Café & Bakery,-93.0081195,45.278662600000004 +22744,Jiffy Lube,-93.00702960000001,45.2789852 +22745,AT&T,-93.008677,45.279191700000005 +22746,Chuck & Don's Pet Food Outlet,-93.00848930000001,45.278642500000004 +22747,Vannelli's By The Lake,-92.9845525,45.2786017 +22748,Ted Tofte Overlook,-90.8562907,47.5848883 +22749,Don Julio Authentic Mexican Restaurant,-92.98548100000001,45.2704437 +22750,Gooseberry Falls State Park,-91.46974560000001,47.140820600000005 +22751,Great Clips,-93.3499347,44.9663431 +22752,Phở 79,-93.1951059,44.9746979 +22753,Bryant Ave. S,-93.2911181,44.937755700000004 +22754,Bryant Ave. S,-93.29038,44.94478 +22755,Hennepin Ave.,-93.26819,44.983046 +22756,Lake Street,-93.27808,44.94769 +22757,Logan Park,-93.25276000000001,44.99882 +22758,Dairy Queen,-91.84464650000001,47.90339 +22759,Marshall Street NE,-93.26744000000001,44.99611 +22760,U of M St. Paul Student Center,-93.185029,44.984527 +22761,Washington Ave.,-93.26023,44.978068 +22762,Willow,-93.2836,44.96801 +22763,12th Ave. NE,-93.26296,44.999894000000005 +22764,Super 8,-91.8422776,47.9034725 +22765,14th Ave. SE,-93.23169,44.9878 +22766,Short Stop,-91.83941770000001,47.903399 +22767,20th Ave NE,-93.24713320000001,45.0099481 +22768,29th Ave. SE,-93.21289200000001,44.987934 +22769,Essentia,-91.8436109,47.9022407 +22770,8th Ave. N,-93.27651,44.989166000000004 +22771,Holiday,-91.8506174,47.903022 +22772,Lucky Seven,-91.8575457,47.902978600000004 +22773,A&W,-93.6194449,47.263484000000005 +22774,Clark,-93.5734796,47.2390448 +22775,Tobacco Den,-93.52811700000001,47.224924200000004 +22776,NAPA Auto Parts,-93.52183480000001,47.235724600000005 +22777,Boat House,-91.86566380000001,47.9033424 +22778,Ely,-91.8725402,47.90260910000001 +22779,Spur,-93.53846510000001,47.193364800000005 +22780,Corner Club,-93.6146669,46.899244800000005 +22781,Ray's Sport and Cycle,-93.5393016,47.1798 +22782,Pickled Loon Saloon,-93.54841370000001,47.1703033 +22783,Country House,-93.5546319,47.1524468 +22784,Budget Host Inn,-93.7006913,46.1381019 +22785,Holiday,-93.824679,46.2969999 +22786,Dairy Queen,-93.8252224,46.292760200000004 +22787,Blue Goose Inn,-93.82544770000001,46.292302400000004 +22788,BP,-93.6442071,46.107997600000004 +22789,McDonald's,-93.8257459,46.2906861 +22790,Dairy Queen,-93.64389870000001,46.107728800000004 +22791,Holiday,-93.6323878,45.757976400000004 +22792,BP,-93.66307040000001,46.0658739 +22793,Subway,-93.632564,45.758259300000006 +22794,Hardee's,-93.6390947,45.756353100000005 +22795,Cenex,-93.6619941,46.0546407 +22796,Onamia Post Office,-93.6678959,46.0708063 +22797,Lutsen Resort,-90.70847040000001,47.6362054 +22798,Onamia Drug,-93.6670551,46.0708028 +22799,Onamia Tire,-93.6664691,46.0704458 +22800,Bluefin Bay,-90.8359312,47.573722100000005 +22801,Bluefin Grille,-90.83501720000001,47.574164 +22802,Woodlands Bank,-93.6658984,46.070813400000006 +22803,Father Baraga’s Cross,-90.89178740000001,47.543155600000006 +22804,Lamb's Resort,-90.8977596,47.542250300000006 +22805,Marathon,-93.6556966,45.8245328 +22806,Dairy Queen,-93.6317973,45.758523700000005 +22807,Gull Island,-90.919633,47.520022100000006 +22808,Little Gull Island,-90.9133539,47.5229804 +22809,BP,-93.75247060000001,46.343057800000004 +22810,Allina Medical Clinic,-93.29869450000001,44.951518300000004 +22811,Bobby Bead,-93.2980684,44.950939500000004 +22812,Bishop's Cuts/Color,-93.2980747,44.9513223 +22813,Pete's Retreat Campground & RV Park,-93.5165719,46.3386269 +22814,Familia Skateboard Shop,-93.2980618,44.950859400000006 +22815,FedEx Office,-93.29912110000001,44.9485104 +22816,Royal Tobacco,-93.29806350000001,44.950822300000006 +22817,Local Motion,-93.2980764,44.9514313 +22818,Masu Sushi & Robata,-93.2550176,44.9882824 +22819,Cenex,-93.5173393,46.3358794 +22820,Mesa Pizza,-93.2993613,44.9485146 +22821,Tibet Store,-93.29807000000001,44.950786300000004 +22822,Sunrise Cafe,-93.5173678,46.336120400000006 +22823,emuble Furnishing,-93.29853530000001,44.9521346 +22824,Marathon,-93.51692720000001,46.334338800000005 +22825,Ford Dam Scenic Overlook,-93.1985872,44.914661800000005 +22826,Portside,-93.4632217,46.1561327 +22827,Hardware Hank,-93.4690472,46.1383426 +22828,Punch Pizza,-93.2267465,44.973466900000005 +22829,Supervalue,-93.4718124,46.137614600000006 +22830,Morning Star Market,-93.5206778,46.1184249 +22831,GSR Ranger,-92.42015140000001,43.948272 +22832,Subway,-93.64495500000001,45.004387300000005 +22833,GSR Camp Office,-92.42242350000001,43.9478401 +22834,Gamehaven Boat Dock,-92.4340214,43.9468977 +22835,Silver Lake,-92.4599281,44.028355700000006 +22836,Think Mutual Bank,-92.4858279,43.9984413 +22837,Trailer Dump Station,-92.5233505,43.529688400000005 +22838,Red Oak Group Camp,-92.52211720000001,43.529074300000005 +22839,Riverview Group Camp,-92.5214198,43.5288254 +22840,Lake Louise Campground,-92.52396420000001,43.529116300000005 +22841,Lake Louise State Park,-92.51292260000001,43.5363003 +22842,Lake Louise State Park,-92.5151649,43.534620200000006 +22843,Bishop,-93.1653452,44.9666276 +22844,Shooting Star State Trail,-92.8226176,43.6003789 +22845,Swimming Beach,-92.5171815,43.525358700000005 +22846,Shooting Star State Trail,-92.82255880000001,43.600052700000006 +22847,Picnic Area,-92.5159588,43.525379300000004 +22848,3,-92.31425300000001,43.9924837 +22849,Kwik Trip,-92.64768310000001,44.0294491 +22850,"Garbage, Refuse and Recyclable Disposal",-92.31119500000001,43.9961113 +22851,Chester Woods County Park Campground,-92.3109539,43.9950385 +22852,2,-92.31433340000001,43.994189500000005 +22853,Saint Cloud,-94.14877630000001,45.568022400000004 +22854,Chester Lake Boat Launch,-92.3131061,43.9967388 +22855,1,-92.31308890000001,43.9960534 +22856,6,-92.3106695,43.993900000000004 +22857,4 & 5,-92.313046,43.9911831 +22858,Picnic Pavilion,-92.4366712,44.032204 +22859,7,-92.3108734,43.992777000000004 +22860,Quarry Hill (West),-92.43789960000001,44.030784700000005 +22861,Chester Woods Park,-92.31223030000001,43.999405700000004 +22862,Quarry Hill (Southwest),-92.43545350000001,44.0284551 +22863,Quarry Hill (East Hill),-92.4288389,44.0306572 +22864,NW Quarry Hill Park Entrance Sign,-92.43617230000001,44.0359835 +22865,Quarry Hill (Oak Savanna),-92.43517960000001,44.0345409 +22866,16,-92.43559830000001,44.035528400000004 +22867,14,-92.4326157,44.0368319 +22868,1,-92.43085590000001,44.029446300000004 +22869,13,-92.43265860000001,44.035821500000004 +22870,12,-92.43260500000001,44.0315985 +22871,4,-92.4352228,44.0275101 +22872,15,-92.4349492,44.0355901 +22873,2,-92.43230460000001,44.0291725 +22874,Historic Structure,-92.43434300000001,44.029581300000004 +22875,Historic Structure,-92.43264880000001,44.0292654 +22876,3,-92.43414960000001,44.0277144 +22877,8,-92.43420330000001,44.0313244 +22878,10,-92.4323957,44.030090400000006 +22879,5,-92.4359577,44.029033600000005 +22880,6,-92.4362528,44.0303334 +22881,Quarry Hill Ruins,-92.43454150000001,44.0302524 +22882,Historic Structure,-92.4335652,44.02994 +22883,18,-92.4327978,44.0316447 +22884,20,-92.43011050000001,44.030804 +22885,11,-92.43076500000001,44.0305918 +22886,7,-92.4352925,44.0312436 +22887,9 - Historic Structure,-92.4333131,44.029234200000005 +22888,19,-92.4305075,44.0309158 +22889,24,-92.4275034,44.037387200000005 +22890,22,-92.4301317,44.034163 +22891,23,-92.42866210000001,44.0342287 +22892,17,-92.43527110000001,44.032369800000005 +22893,Tot Lot,-92.47649120000001,43.9498241 +22894,21,-92.43051820000001,44.0339858 +22895,Frankie's Chicago Style Bar & Restaurant,-93.3783621,45.0211149 +22896,Ferguson's Willow Creek Camp,-92.4671522,43.940654300000006 +22897,Little Caesars,-93.1695198,44.902922600000004 +22898,Tires Plus,-93.3797837,45.0211276 +22899,Tuesday Morning,-93.1693364,44.9028921 +22900,Tot Lot,-92.9547886,43.6899954 +22901,Tot Lot,-92.9719065,43.6599687 +22902,Todd Park (South),-92.9561565,43.6893709 +22903,Nerstrand Big Woods State Park,-93.1052301,44.342198800000006 +22904,Todd Park (North),-92.9592786,43.6936686 +22905,Tot Lot,-92.9555316,43.6921422 +22906,Northern Waters Smokehaus,-92.09458620000001,46.7821663 +22907,Men As Peacemakers,-92.10349120000001,46.7861041 +22908,Mapleview,-92.974793,43.690417200000006 +22909,Welcome Circle,-92.9380854,43.6787902 +22910,Bauer Hockey Experience,-93.29112140000001,44.8603499 +22911,Summerset Theater,-92.99504370000001,43.6760479 +22912,Firestone,-92.47605250000001,44.0043761 +22913,Home Federal,-92.46454580000001,44.0049143 +22914,#400,-93.1011404,44.890804700000004 +22915,Play Fountain,-92.4678899,44.0131865 +22916,Andy's Liquor,-92.4647657,44.003824300000005 +22917,Prescott's Grill,-92.46574360000001,44.003800600000005 +22918,Dollar Tree,-92.4660961,44.0065175 +22919,Splash Park,-92.4678899,44.013252200000004 +22920,Kwik Trip,-92.45828630000001,44.007347700000004 +22921,Sport Clips,-92.46876300000001,44.005719500000005 +22922,Pizza Hut/Wing Street,-92.46248130000001,44.0138448 +22923,Handicapped Parking,-92.45998150000001,44.002644200000006 +22924,Boneshaker Books,-93.2396664,44.962444500000004 +22925,Modern Times Cafe,-93.2628597,44.944599600000004 +22926,Camp Grounds,-92.4616445,44.0045696 +22927,Clancey's Meats & Fish,-93.3145454,44.924258900000005 +22928,All American Auto Repair,-93.2527531,44.9397147 +22929,Raising Cane's,-93.22582320000001,44.973755700000005 +22930,In Season,-93.30889210000001,44.9045581 +22931,At Home,-92.4593311,43.9799609 +22932,Subway,-93.24334230000001,44.9720244 +22933,Trattoria Tosca,-93.3236617,44.923137600000004 +22934,Afro Deli & Grill,-93.22778960000001,44.973528200000004 +22935,Flashback Cafe & Cocktail Lounge,-93.23494170000001,44.9563563 +22936,Commuters & Guests,-92.47662270000001,43.997384200000006 +22937,Sport Clips,-93.22438650000001,44.9738648 +22938,Zumbro South Gardens,-92.47909050000001,43.9979457 +22939,Staff Parking,-92.4764859,43.9975019 +22940,Zumbro South Park,-92.46932430000001,44.003604800000005 +22941,St. Mary's Water Tower (Historic),-92.47765270000001,44.0197094 +22942,Wood Lake Beach,-92.45536630000001,43.973596400000005 +22943,Tot Lot,-92.47248880000001,43.931096200000006 +22944,Saint Mary's Emergency Department,-92.4832289,44.0198156 +22945,Mayo Eugenio Litta Children's Hospital,-92.48295470000001,44.020487700000004 +22946,Info & Admissions,-92.4831236,44.0205745 +22947,Elm Creek Mountain Bike Trailhead,-93.41596360000001,45.180717 +22948,Greystone Tot Lot,-92.4851544,43.976426700000005 +22949,Old Navy,-92.46537140000001,43.9556447 +22950,Syverson,-92.47528120000001,43.919707900000006 +22951,Mayo/Airport,-92.4902739,43.910507200000005 +22952,Airport Fire Station,-92.4912048,43.912035700000004 +22953,American Eagle Concourse Upper Level,-92.4900326,43.909995200000004 +22954,Air Cargo,-92.4867201,43.908238700000005 +22955,Budget,-92.49030880000001,43.910544 +22956,National,-92.4903518,43.9105633 +22957,Airport Emergency,-92.49144620000001,43.911842500000006 +22958,Airport Gift Shop,-92.490502,43.910431900000006 +22959,Bossard Park,-92.99866890000001,45.055425 +22960,Avis,-92.49014790000001,43.9104453 +22961,331 Bar & Grill,-92.49033030000001,43.910341 +22962,331,-92.490384,43.910285 +22963,Delta Concourse Upper Level,-92.490982,43.9106116 +22964,Emerald Hills Playground,-92.4211934,44.051864800000004 +22965,Aviation Fuel,-92.5007695,43.917243000000006 +22966,River Park,-92.5193608,44.155436800000004 +22967,Heritage House,-92.46491780000001,44.026066 +22968,Town Hall,-92.5355083,44.166544800000004 +22969,River Park shelter,-92.5191221,44.1557042 +22970,Park,-92.53528200000001,44.151765700000006 +22971,P.O.,-92.5345436,44.164485400000004 +22972,Tot Lot,-92.535213,44.16651 +22973,Auto Parts,-92.52832640000001,44.1626497 +22974,King's Marina,-92.4589591,44.181441500000005 +22975,Fisherman's Inn & Slipway,-92.4648385,44.1788948 +22976,Fisherman's,-92.46507460000001,44.1792333 +22977,Uncle John's Bar & Grill,-92.45966720000001,44.180179700000004 +22978,Party Cove,-92.45966720000001,44.1798489 +22979,Essex Park Tot Lot & Trail,-92.4818338,44.0792273 +22980,Estates Office,-92.5171684,44.123761900000005 +22981,All My Relations Arts,-93.2545535,44.9629051 +22982,Spruce Park,-93.0055416,45.052328900000006 +22983,Pow Wow Grounds,-93.25445230000001,44.9629047 +22984,Paperback Book Palace,-92.48801900000001,44.0660551 +22985,Derby 4 All,-93.25268820000001,44.9467189 +22986,Café Royale,-93.2522744,44.9485249 +22987,Cedarwood Laundromat,-92.48809650000001,44.066097500000005 +22988,Twilight Tattoo,-93.25268550000001,44.9467568 +22989,Family Dollar,-93.2531184,44.929884 +22990,Clement's Chevrolet Cadillac,-92.47679760000001,44.0062386 +22991,Zadeo's Pizza,-92.44455660000001,44.0091265 +22992,Leaf Circle,-93.75340840000001,45.2834699 +22993,Oak Leaf Court,-93.75266280000001,45.282952800000004 +22994,Tot Lot,-92.50374070000001,43.8588346 +22995,Stewartville,-92.49842260000001,43.869759800000004 +22996,Tot Lot,-92.4837152,43.8584052 +22997,Tot Lot,-92.4921267,43.8574557 +22998,Stewartville South,-92.47816850000001,43.848614500000004 +22999,Bear Cave Park,-92.5013911,43.8581306 +23000,Peace Fountain,-92.46396510000001,44.0225481 +23001,Tot Lot,-92.5008415,43.8584346 +23002,Bear Cave Park Meadow,-92.50503850000001,43.856372500000006 +23003,Water Slides,-92.4908151,43.8518757 +23004,Main Entrance,-92.4942987,43.8521626 +23005,Splash Park,-92.4906363,43.8521725 +23006,Boy with Dolphin,-92.46620180000001,44.0217967 +23007,P.O. Employee,-92.4867153,43.853918900000004 +23008,Staples,-94.79541350000001,46.3545042 +23009,Mister Car Wash,-92.51175090000001,44.0657396 +23010,Seth's Down Under Bar & Grill,-92.48892310000001,43.8550915 +23011,Think Bank,-92.46467630000001,44.0209836 +23012,Pine Island,-92.6357938,44.210063500000004 +23013,Twigs,-92.4683897,44.0173501 +23014,Longfellow,-92.4347709,43.998574000000005 +23015,Casey's General Store,-92.4398007,44.006835200000005 +23016,Brother's,-92.46240970000001,44.0140733 +23017,"Parking Lot, Gordon W Yeager WMA, South East Unit",-92.4199615,44.0250524 +23018,Eastwood,-92.41370040000001,44.004504700000005 +23019,Arezzo Ristorante,-93.3288656,44.9108377 +23020,Main South Parking Ramp,-93.0951338,44.9544822 +23021,Simoniz Car Wash,-92.4746228,44.062741900000006 +23022,Edina Creamery,-93.3288668,44.910862400000006 +23023,Hy-Vee Garden Center,-92.47061690000001,44.0060488 +23024,John Adams,-92.4884911,44.0571235 +23025,East Shelter,-92.4541071,44.0327342 +23026,"Fleet Services, Inc.",-93.1807198,44.9587674 +23027,KTTC-NBC,-92.51007510000001,44.091333000000006 +23028,Marina,-92.4576085,44.0321474 +23029,West Shelter,-92.45868320000001,44.0312416 +23030,KXLT-FOX,-92.5093777,44.0909628 +23031,Lower St. Anthony Falls Lock and Dam,-93.2477587,44.978717 +23032,Upper St. Anthony Falls Lock and Dam,-93.2582885,44.9813089 +23033,Upper St. Anthony Falls Lock and Dam,-93.25653960000001,44.9807039 +23034,IBM,-92.4968644,44.0552835 +23035,Wells Fargo,-94.22552900000001,45.6310774 +23036,Super USA,-93.29617350000001,45.024217 +23037,Church of Saint Bridget,-92.43593560000001,43.9234184 +23038,Caribou Coffee,-93.2553924,44.9874919 +23039,Gas Stop,-93.30862020000001,45.0239343 +23040,Salon Chic,-92.4631772,44.040140300000004 +23041,Nova Academy of Cosmetology,-92.46306440000001,44.0401596 +23042,Lunds Drugstore,-93.25491720000001,44.9871241 +23043,Caribou Coffee,-92.48090020000001,44.0218147 +23044,Cup Foods,-93.26227440000001,44.9342862 +23045,Shish,-93.1706295,44.9399438 +23046,French Meadow Bakery,-93.17052220000001,44.9399476 +23047,Italian Pie Shoppe,-93.17070460000001,44.93994 +23048,Woody's Liquor,-92.46888410000001,44.043824300000004 +23049,Nokomis Beach Coffee Cafe,-93.23246470000001,44.9128064 +23050,Counterpoint Home,-92.46334370000001,44.0228319 +23051,Chester's,-92.4635896,44.0224947 +23052,BB's Express,-92.46367810000001,44.022251700000005 +23053,Aldo,-93.17130470000001,45.012803500000004 +23054,The Barber Shop,-92.51751270000001,44.0781244 +23055,Apollo Liquor,-92.51721760000001,44.0783016 +23056,Apple Store,-93.1731189,45.0126335 +23057,Gap,-93.1734112,45.0123539 +23058,Banana Republic,-93.17208000000001,45.0126744 +23059,Godiva Chocolatier,-93.17222450000001,45.0125333 +23060,Kay Jewelers,-93.1724136,45.0126253 +23061,Bare Escentuals,-93.1715114,45.012768900000005 +23062,Macy's,-93.1740663,45.0123054 +23063,Brighton Collectibles,-93.1726258,45.0124824 +23064,Mastercuts,-93.17139110000001,45.012480000000004 +23065,Men's Wearhouse,-93.1725332,45.012237500000005 +23066,claire's,-93.1728233,45.013156300000006 +23067,Soma,-93.17167090000001,45.0127444 +23068,T-Mobile,-93.17137740000001,45.012426600000005 +23069,Coach,-93.1720805,45.0125527 +23070,White House Black Market,-93.1719295,45.0126999 +23071,Forever 21,-93.1713225,45.012223000000006 +23072,Yan Asian Boutique,-93.17139800000001,45.0125309 +23073,Zumiez,-93.17179370000001,45.0127212 +23074,Crave,-93.1704212,45.0127388 +23075,Abercrombie & Fitch,-93.17214910000001,45.0125333 +23076,Sephora,-93.1730064,45.0124785 +23077,Victoria's Secret,-93.17196390000001,45.0125564 +23078,WW Studio,-93.1727207,45.0127016 +23079,Evereve,-93.16994100000001,45.013074 +23080,Sprint,-93.17351570000001,45.0123874 +23081,Carter's,-93.17006710000001,45.013055200000004 +23082,Talbots,-93.1708521,45.0129079 +23083,DSW,-93.1692716,45.0134461 +23084,roco altobelli,-93.1694753,45.0132746 +23085,Union Depot Main Entrance,-93.08648170000001,44.9478473 +23086,Saint Paul Union Depot,-93.0848594,44.946674400000006 +23087,US 52 (MN),-92.4849229,43.995641000000006 +23088,Plummer Tower,-92.47806220000001,44.0104428 +23089,Kwik Trip - Diesel,-92.47131080000001,43.9536938 +23090,Kwik Trip,-92.4714824,43.954630200000004 +23091,Chocolaterie Stam,-92.46367090000001,44.022778 +23092,Segue,-93.2579166,44.968948100000006 +23093,International Hotel,-92.4656884,44.0227145 +23094,Dam Lake Public Water Access,-93.4736,46.5112868 +23095,Precious Pebbles Preschool,-92.4320352,44.0545197 +23096,Simplot,-96.74701900000001,46.8182434 +23097,Premier Banks,-92.4529794,44.057880000000004 +23098,Spring of Winnebago River,-93.498204,43.546258 +23099,Fairway Woods,-91.61117320000001,44.0197291 +23100,Oak Center General Store,-92.40056910000001,44.354221800000005 +23101,Golden Harvest Food,-93.0626045,44.9773068 +23102,Chatterbox Pub,-93.2390987,44.9394446 +23103,East Village Market,-93.2579254,44.968135600000004 +23104,Panera Bread,-93.1871291,44.917611 +23105,CodeWeavers Inc,-93.1962941,44.961031000000006 +23106,RadioShack,-93.1860839,44.9176039 +23107,Gander Mountain,-92.5170042,44.077987 +23108,NW / TH 52 North Park-n-Ride,-92.5137668,44.07875 +23109,Kwik Trip Car Wash,-92.51593670000001,44.0790024 +23110,Petco,-92.51492060000001,44.0764234 +23111,Wells Fargo,-92.51330700000001,44.0791765 +23112,Private Tot Lot,-92.5081468,44.0860944 +23113,Lockport Marketplace,-90.6780001,47.6457671 +23114,holiday,-92.07449220000001,46.8210399 +23115,Edible Arrangements,-93.1469198,44.9940845 +23116,Mississippi River Lookout,-91.35873720000001,43.9131592 +23117,Edward Jones,-93.1469311,44.994221700000004 +23118,Grand Cleaners,-93.146927,44.994400000000006 +23119,Eyota,-92.2357159,43.985597000000006 +23120,Great Clips,-93.1468267,44.9951592 +23121,Hollywood Nails,-93.14692570000001,44.99414 +23122,Kwik Trip (cars),-92.2479074,43.9972884 +23123,Papa Murphy's,-93.14692620000001,44.994626100000005 +23124,Eyota Market,-92.23868780000001,43.980056000000005 +23125,Lake Orono Boat Access,-93.60053860000001,45.3085995 +23126,Eyota Kids Korner,-92.2385644,43.984201600000006 +23127,Elk River Library,-93.5982709,45.3034467 +23128,Dover,-92.1235518,43.964491100000004 +23129,Nativity of Mary,-93.2905829,44.823812100000005 +23130,Nativity of Mary,-93.28971,44.8234086 +23131,D1,-93.6424703,45.0172496 +23132,Great Clips,-93.28746860000001,44.8247262 +23133,Freeway Ford,-93.28980700000001,44.827983 +23134,Walgreens,-93.2894213,44.825875200000006 +23135,D11,-93.64221180000001,45.016306400000005 +23136,Subway,-93.2874579,44.8277167 +23137,MGM,-93.28794070000001,44.8248175 +23138,D4,-93.64226330000001,45.0170942 +23139,United States Post Office,-93.2862992,44.8282189 +23140,D6,-93.6421736,45.016958200000005 +23141,Festival Foods,-93.28574130000001,44.8248708 +23142,Walgreens,-93.28955,44.8256926 +23143,D8,-93.64203280000001,45.0166624 +23144,Starbucks,-93.28934620000001,44.8271232 +23145,98 pounds,-93.2907218,44.827130000000004 +23146,D9,-93.64206420000001,45.016513700000004 +23147,Premier Bank,-92.4875961,44.001002400000004 +23148,Tot Lot,-92.193252,43.8459219 +23149,Cheetah Pizza,-93.35410320000001,44.863338600000006 +23150,Norwood Young America City Hall,-93.9291888,44.768034300000004 +23151,Carver County Sheriff,-93.92999350000001,44.768049500000004 +23152,Norwood Young America Public Library,-93.9296123,44.7680419 +23153,Chatfield Hilltop,-92.1621968,43.847093900000004 +23154,Subway,-93.353953,44.863334800000004 +23155,Caribou Coffee,-93.3543983,44.863304400000004 +23156,Marathon,-93.25837720000001,44.862754800000005 +23157,Saint John the Baptist Catholic Church,-95.23153710000001,46.469286000000004 +23158,Veterans Memorial,-92.1879851,43.844422400000006 +23159,Chatfield,-92.1837778,43.8470049 +23160,Games by James,-92.4635082,44.022899300000006 +23161,Knight's Chamber,-92.4635834,44.022617700000005 +23162,Andy's Liquor,-92.5055804,44.064990800000004 +23163,City Hall,-92.18862150000001,43.8464672 +23164,Visitor Center,-92.1878143,43.844393600000004 +23165,Root River State Bank,-92.1871332,43.8451907 +23166,Chatfield Greenway Co-op,-92.18677380000001,43.8439391 +23167,Taco Bell,-92.5016801,44.064264800000004 +23168,Chatfield Park-n-Ride,-92.1929401,43.848753900000006 +23169,Park-n-Ride,-92.1929401,43.848850600000006 +23170,Blues BBQ,-92.1892893,43.845604900000005 +23171,Shady Oak Park,-92.17910260000001,43.843741800000004 +23172,B18,-93.6407382,45.0165218 +23173,Dr Pepper,-92.1887099,43.8456145 +23174,B20,-93.64098360000001,45.0165748 +23175,Truck Fuel Only,-92.17786840000001,43.8380504 +23176,B22,-93.6411891,45.0166392 +23177,B25,-93.6413268,45.016736 +23178,B15,-93.64040440000001,45.0165063 +23179,B27,-93.6414331,45.0168745 +23180,B29,-93.64158690000001,45.0171098 +23181,B31,-93.6417072,45.017329200000006 +23182,B33,-93.6417686,45.017482300000005 +23183,Tot Lot,-92.6487431,44.0375681 +23184,H15,-93.6386576,45.016635 +23185,H16,-93.6388512,45.016675400000004 +23186,Tot Lot,-92.63939420000001,44.0351439 +23187,H18,-93.6391241,45.016771600000006 +23188,H19,-93.6392577,45.016927200000005 +23189,H20,-93.6389759,45.017039100000005 +23190,H21,-93.63933440000001,45.017087100000005 +23191,Village Inn,-92.55843870000001,47.512016100000004 +23192,H22,-93.6389884,45.017181 +23193,Byron,-92.65693990000001,44.0315287 +23194,Pizza Hut,-92.5587821,47.512633 +23195,Tot Lot,-92.6344428,44.041950400000005 +23196,Private,-92.6730728,44.1881811 +23197,Vermilion Community College,-91.83831310000001,47.905657500000004 +23198,North American Bear Center,-91.88763080000001,47.898527800000004 +23199,Tot Lot,-92.6629118,44.1937592 +23200,Webster Lake,-94.5081052,47.6053221 +23201,Kaats Gymnastics,-92.6487075,44.2104269 +23202,A&W,-92.6457396,44.2097015 +23203,Pine Island,-92.65367160000001,44.201899000000004 +23204,City Coin Laundry,-93.2335941,44.9342321 +23205,Private Tot Lot,-92.6471812,44.2091021 +23206,Antiques & Furniture,-92.6459574,44.2031323 +23207,Cenex,-92.64655370000001,44.203488 +23208,Douglas Tr,-92.6433556,44.2030611 +23209,Pine Is. Dept of Rec.,-92.64379550000001,44.202799600000006 +23210,Super One Foods,-92.5502668,47.5093411 +23211,K-12,-92.6436721,44.200523000000004 +23212,Labyrinth,-92.07581,43.9195196 +23213,Private Playground,-92.65557600000001,44.197084700000005 +23214,Private Playground,-92.6541703,44.1977424 +23215,Saint Charles,-92.06719000000001,43.9545005 +23216,Tot Lot,-92.06564510000001,43.977958300000004 +23217,Mall of America,-93.23882400000001,44.8542604 +23218,Tot Lot,-92.05067840000001,43.9582464 +23219,Bogeys,-92.0477946,43.9586351 +23220,Warehouse District/Hennepin Avenue,-93.2728306,44.979784200000005 +23221,Government Plaza,-93.2662746,44.9770169 +23222,Nicollet Mall,-93.2703173,44.9787879 +23223,Nicollet Mall,-93.26950590000001,44.9783496 +23224,Tot Lot,-92.06318730000001,43.9806284 +23225,Warehouse District/Hennepin Avenue,-93.2734209,44.9803142 +23226,Target Field,-93.2774521,44.9830404 +23227,Target Field,-93.27680330000001,44.982448500000004 +23228,Kafé 421,-93.23547380000001,44.9811533 +23229,Government Plaza,-93.2654363,44.9766199 +23230,U.S. Bank Stadium,-93.2593387,44.975109700000004 +23231,Wally's Falafel and Hummus,-93.2355246,44.9810919 +23232,Von Hanson's Meats,-93.53595,44.8627249 +23233,Sullivan Lake Campground,-91.66972700000001,47.3800402 +23234,Target Field,-93.2774212,44.982919200000005 +23235,Franklin Avenue,-93.2468999,44.9622608 +23236,Franklin Avenue,-93.24724640000001,44.962947 +23237,First Aid,-92.07303870000001,43.969900800000005 +23238,Target Field,-93.27756480000001,44.983018 +23239,Chainsaw Artist,-92.0722609,43.969692300000006 +23240,NAPA Auto Parts,-92.06452580000001,43.9681711 +23241,Legion & Lanes Club,-92.06550750000001,43.9672059 +23242,Sheriff,-92.0726903,43.969734800000005 +23243,Park,-92.8983381,44.497612100000005 +23244,38th Street,-93.22930090000001,44.9343597 +23245,38th Street,-93.229656,44.935054300000004 +23246,Best Buy Liquor,-92.9066933,44.491874300000006 +23247,Park,-92.89759790000001,44.4981096 +23248,Subway,-92.906857,44.491890500000004 +23249,Speedway (Truck),-92.9057497,44.491110400000004 +23250,Aastad Church,-96.0838542,46.137781000000004 +23251,Community Resource Bank,-92.90733490000001,44.4880738 +23252,Eagle Lake Lutheran Church,-95.6846486,46.195098 +23253,VA Medical Center,-93.20244890000001,44.903323400000005 +23254,VA Medical Center,-93.2022627,44.9026249 +23255,Park,-92.89571020000001,44.510629400000006 +23256,Evander Cemetery,-95.70190000000001,46.1764 +23257,William Colvill State Monument,-92.89075340000001,44.5084412 +23258,Tot Lot,-92.8966328,44.510721200000006 +23259,Park,-92.89691450000001,44.5105772 +23260,First Farmers & Merchants Bank,-92.90673980000001,44.494869200000004 +23261,Tot Lot,-92.88436440000001,44.512412000000005 +23262,Fairview Wines & Spirits,-93.1777251,45.018697 +23263,Battle Lake Public School,-95.72092860000001,46.2836615 +23264,Park,-92.8963033,44.518789500000004 +23265,Grove Lake Church,-96.1300988,46.645503700000006 +23266,Invenergy Cannon Falls LLC,-92.91535060000001,44.5364772 +23267,Invenergy Cannon Falls LLC,-92.91535060000001,44.536894000000004 +23268,Inspiration Peak,-95.57375660000001,46.1362357 +23269,Lake Byllesby Motorboat Slipway,-92.94089650000001,44.5128405 +23270,Lake Byllesby,-92.94689480000001,44.513275900000004 +23271,Inspiration Peak,-95.5737175,46.1362833 +23272,fire ring,-92.9511985,44.5100199 +23273,Cannon Golf Club,-92.931143,44.521023 +23274,Non-motorboat parking,-92.949927,44.514740200000006 +23275,Brewery,-93.55676460000001,44.7897569 +23276,Norwegian Methodist Cemetery,-95.83998000000001,46.253080000000004 +23277,Boat Launch,-92.94236740000001,44.5092578 +23278,Park-n-Ride,-92.9094737,44.506793 +23279,Arco,-96.2802595,46.4799756 +23280,46th Street,-93.21972980000001,44.9204817 +23281,46th Street,-93.22013030000001,44.9211414 +23282,Dudley's Pizza,-92.9053951,44.5080747 +23283,Pizza Man,-92.9052625,44.5067393 +23284,Merchants Bank,-92.90465090000001,44.5071104 +23285,Fairgrounds,-92.91721650000001,44.512309800000004 +23286,South Moorhead,-96.7472657,46.850720700000004 +23287,Fairgrounds,-92.9139523,44.5155498 +23288,River Valley District United Methodist,-92.9071794,44.5169226 +23289,Church/Cemetery,-92.95434900000001,44.4525993 +23290,Life Church,-92.9144984,44.492042000000005 +23291,Church,-92.9580208,44.5220441 +23292,Riverwood Community Church,-92.91058070000001,44.5348709 +23293,Cannon Valley Trail,-92.9021561,44.512058200000006 +23294,Canoe Boat Launch,-92.80042800000001,44.543356700000004 +23295,Ballfields/CVT Trail,-92.8853306,44.5169468 +23296,Ballfields/CVT Trail,-92.88699360000001,44.5165949 +23297,Cannon Valley Trail,-92.8860708,44.516751600000006 +23298,Anderson Memorial Rest Area,-92.83127870000001,44.5212766 +23299,Canoe Boat Launch,-92.79965010000001,44.5431426 +23300,Sharrett's Liquor Store,-93.19778190000001,44.9642539 +23301,Pit611 Bar and Restaurant,-95.99584870000001,46.790447300000004 +23302,Pit611 Restaurant,-95.99552680000001,46.7904179 +23303,Legends Lounge,-92.4830998,43.866525200000005 +23304,"Live Spark, Inc.",-93.1974072,44.9621014 +23305,Riverfront Restaurant,-92.4828128,43.8664092 +23306,Lasker Jewelers,-92.4648978,44.022691800000004 +23307,Saint Thomas the Apostle,-93.0107921,44.9696172 +23308,Beaver Lake Lutheran Church,-93.00399,44.9678334 +23309,Hazel Park Playground,-93.02140270000001,44.9699551 +23310,Victoria's Ristorante & Wine Bar,-92.46467580000001,44.0233445 +23311,Hayden Heights Branch Library,-93.02480410000001,44.985266800000005 +23312,Nokomis Montessori School,-93.0158505,44.970812800000004 +23313,Acanthus Floral Art Shop,-93.247607,44.9311419 +23314,FreeStyle Yogurt,-93.1464117,44.926305400000004 +23315,Weber & Judd,-92.4873841,43.8566968 +23316,L.A. Nails,-93.1464136,44.926249600000006 +23317,Dakotah! Sport & Fitness,-93.4784391,44.724616000000005 +23318,Papa John's,-93.1464145,44.926191900000006 +23319,Rusty Taco,-93.1464136,44.926113 +23320,East Parking,-94.21347440000001,45.7315826 +23321,Outdoor Chapel,-92.58658290000001,43.847248300000004 +23322,Bend in the River Park,-94.21600790000001,45.7310467 +23323,Edgewood Campground,-92.5876786,43.845288800000006 +23324,Well #3,-92.5880181,43.8463994 +23325,Well #2,-92.58628,43.8459991 +23326,Well #1,-92.58524460000001,43.846028100000005 +23327,Old Campground,-92.5877162,43.8461225 +23328,Shoreview Water Tower,-93.1318698,45.0509482 +23329,Babcock Auto Repair,-92.5060739,44.0783295 +23330,Abraham Lincoln,-93.3182527,45.035980800000004 +23331,South Hill Campground,-92.58710520000001,43.844223500000005 +23332,The 19th Hole,-92.48605900000001,43.951212600000005 +23333,Johnson/Turner Legal,-92.5163981,44.035535 +23334,Waukon Switch,-96.128635,47.368665 +23335,United States Post Office,-93.19619250000001,44.962962100000006 +23336,Subway,-93.23140710000001,44.855743800000006 +23337,Barn Bluff Trailhead,-92.5192724,44.5679601 +23338,Parking Lot,-93.00839810000001,44.973857900000006 +23339,Gate and Guardhouse,-93.1816579,44.8924086 +23340,Subway,-93.1446683,44.7300264 +23341,Afton State Park,-92.7914434,44.8467597 +23342,ALDI,-93.1707161,44.9022804 +23343,Dred Scott's Quarters,-93.18089090000001,44.892396600000005 +23344,RSOP,-92.08187760000001,46.818746100000006 +23345,G20,-93.6377056,45.016502300000006 +23346,G22,-93.6375012,45.0166216 +23347,G26,-93.6371948,45.0167056 +23348,H3,-93.6372209,45.017320100000006 +23349,H1,-93.63700390000001,45.017300000000006 +23350,Sunset Playground,-93.6187058,44.8102972 +23351,D12,-93.6425449,45.0163437 +23352,D14,-93.64266330000001,45.0161898 +23353,D16,-93.6428365,45.0158946 +23354,Covered Bridge,-92.67019300000001,44.2965073 +23355,Dairy Queen,-92.6674005,44.2813791 +23356,Subway,-92.6674699,44.2811615 +23357,Speedway,-92.66819740000001,44.2817233 +23358,Covered Bridge Park Campground,-92.67641300000001,44.301518 +23359,Zumbrota Volunteer Fire Department,-92.67216110000001,44.2842186 +23360,Route 58 Motors,-92.66866950000001,44.283052100000006 +23361,Playground (Private),-92.50295150000001,44.0792337 +23362,50th Street/Minnehaha Park,-93.20969760000001,44.911996800000004 +23363,NAPA Auto Parts,-92.5060842,44.078686000000005 +23364,Northside Tire Town,-92.5060902,44.0785106 +23365,Goodhue Pioneer State Trail,-92.67132380000001,44.356459400000006 +23366,JOANN Fabrics and Crafts,-92.50357960000001,44.0775163 +23367,Wendy's,-92.50435750000001,44.078641600000005 +23368,Goodhue Pioneer State Trail,-92.67074450000001,44.2960639 +23369,Kuehn Rental,-92.50388000000001,44.075963200000004 +23370,A9,-93.63836020000001,45.018495900000005 +23371,A3,-93.6377396,45.018519700000006 +23372,A5,-93.63795970000001,45.018525000000004 +23373,A7,-93.6381535,45.018525600000004 +23374,A4,-93.63785820000001,45.0183539 +23375,OneMain Financial,-92.49901790000001,44.067600000000006 +23376,A2,-93.63763870000001,45.018275 +23377,A11,-93.6385647,45.018391900000005 +23378,TP Buffalo Bay,-95.1531944,48.998861100000006 +23379,Wong's Cafe,-92.4885898,44.066718 +23380,41st St NW w-bound @ West River Pkwy NW,-92.47468280000001,44.0651986 +23381,45th St E,-93.20757300000001,44.9214897 +23382,Wells Fargo,-93.1909509,44.918097800000005 +23383,The General Store,-92.7693241,45.198528700000004 +23384,Fairway Dr NW n-bound @ Huntington Ln NW,-92.52161650000001,44.0815543 +23385,The Bikery,-92.7695657,45.1989147 +23386,Station 280,-93.20609010000001,44.987782900000006 +23387,Classic Pizza & Ice Cream,-93.1566883,44.9272736 +23388,Coffee Cup,-93.15660720000001,44.927105700000006 +23389,Ran-Ham,-93.1566993,44.926628900000004 +23390,F22,-93.63976600000001,45.015632800000006 +23391,Kemps,-93.1540262,44.969158400000005 +23392,Prometric,-93.15225790000001,44.969169300000004 +23393,F20,-93.63988140000001,45.0157796 +23394,Pat's Tap,-93.27825,44.939229100000006 +23395,Pizzeria Lola,-93.3185328,44.901814200000004 +23396,NE / Hwy 63 N Park-n-Ride,-92.4495163,44.0582184 +23397,Salon 10,-93.25881890000001,45.131232100000005 +23398,Fort Snelling,-93.1982643,44.892917700000005 +23399,Fort Snelling,-93.1978907,44.8935845 +23400,N Broadway Ave & 11th St NW,-92.4631679,44.033670300000004 +23401,Along Marion Rd SE and south of Eastwood Rd SE,-92.43961,44.0054658 +23402,Marion Rd SE @ Pearl Ct SE,-92.41301320000001,43.9886867 +23403,Park Ln SE & Oakdale Rd SE,-92.43180740000001,43.9990371 +23404,N Broadway Ave & 10th St NE,-92.4628821,44.0333216 +23405,Along Marion Rd SE and north of 24th Ave SE,-92.4293078,43.9967832 +23406,Marion Rd SE & 17th St SE,-92.4353212,44.0004495 +23407,N Broadway Ave & 6th St NW,-92.46318400000001,44.0292716 +23408,Marion Rd SE & 14th St SE,-92.4374214,44.0027057 +23409,Park Ln SE & 23rd Ave SE,-92.4292152,43.9978366 +23410,N Broadway Ave & 5th St NW,-92.4629077,44.028307500000004 +23411,24th Ave SE & Parkview Ln SE,-92.4271492,43.9964493 +23412,N Broadway Ave & 8th St NE,-92.462862,44.0310755 +23413,50th Ave SE @ Burr Oak School,-92.3786616,43.9665417 +23414,17th St SE @ 19th Ave SE,-92.4386578,44.000108000000004 +23415,17th St SE @ 20th Ave SE,-92.43713430000001,43.999915 +23416,Marion Rd SE & 14th St SE,-92.43789340000001,44.002872700000005 +23417,Private Playground,-92.3917031,44.0103832 +23418,N Broadway Ave & 8th St NW,-92.4631904,44.031172700000006 +23419,Viola Heights Dr NE @ Northern Viola Ln NE,-92.43292860000001,44.0480539 +23420,N Broadway Ave & 12th St NE,-92.46287650000001,44.034745400000006 +23421,N Broadway Ave & 13th St NW,-92.46317020000001,44.0356207 +23422,Northgate Imports,-92.4786718,44.0310568 +23423,Southern Minnesota Auto Supply,-92.47034620000001,44.028256600000006 +23424,Century High School,-92.4271351,44.049981700000004 +23425,Subway,-92.4794427,44.031883300000004 +23426,Danny's Pizza,-92.47969040000001,44.031772100000005 +23427,Rocky Creek Dr NE & Viola Heights Dr NE,-92.43381910000001,44.0528964 +23428,Rochester Cycling - Trek & Bontrager,-92.4810147,44.032153300000004 +23429,Viola Rd NE & Viola Heights Dr NE,-92.43243790000001,44.046601200000005 +23430,Viola Heights Dr NE N of 26th St NE,-92.4312871,44.0517321 +23431,Private Tot Lot,-92.5071887,44.085239200000004 +23432,Viola Heights Dr NE & 26th St NE,-92.4317324,44.050020200000006 +23433,East Side Community Center,-93.0373907,44.9601095 +23434,Hawthorne Transportation Center,-93.2785846,44.9769043 +23435,St. Nicholas Episcopal Church,-93.30814430000001,44.871554200000006 +23436,Houlihan's,-93.28583920000001,44.8831415 +23437,Sandy's Tavern,-93.3089008,44.882959 +23438,Cone Brothers,-93.3083107,44.882377500000004 +23439,M,-92.7746441,44.857045400000004 +23440,Jiffy Lube,-92.5062616,44.064870000000006 +23441,Jimmy John's,-92.5065043,44.0648671 +23442,Ashley's Hallmark,-92.50547630000001,44.064365200000005 +23443,Famous Footwear,-92.50235110000001,44.062986300000006 +23444,AK,-92.7770711,44.860698400000004 +23445,PetSmart,-92.5053541,44.0629896 +23446,Lane Bryant,-92.5021514,44.0629828 +23447,N,-92.7759982,44.8559642 +23448,CrossFit Progression,-92.5067434,44.074076700000006 +23449,Q,-92.7751827,44.8605414 +23450,Slumberland,-92.5062158,44.074402000000006 +23451,City Kidz Academy,-92.5071324,44.0741615 +23452,Kehilat sar Shalom,-93.1876659,44.935017900000005 +23453,Terminal 2 - Humphrey,-93.22392690000001,44.873783200000005 +23454,Terminal 2 - Humphrey,-93.2243686,44.8745254 +23455,Regina's Candies,-93.18797900000001,44.934558100000004 +23456,Groveland Barber Shop,-93.18607460000001,44.934174600000006 +23457,Euphoria Salaon,-93.18724830000001,44.9338659 +23458,Dr. Shestak Family Dentist,-93.1877486,44.9340379 +23459,Willie's American Guitars,-93.1872498,44.9339608 +23460,First Alliance Credit Union,-92.6274521,44.0345436 +23461,Groveland Dental,-93.18658110000001,44.934195700000004 +23462,Snap Fitness Club,-92.62698010000001,44.0323761 +23463,American Legion Post 119,-92.63646440000001,44.0293061 +23464,Forget Me Not Floral & Gift,-92.63245710000001,44.0294797 +23465,Greyhound Lines,-93.2784874,44.977121200000006 +23466,Lake Superior Trading Post,-90.33436,47.748695000000005 +23467,Subway,-92.49515070000001,44.061221 +23468,Arby's,-92.4959831,44.0610787 +23469,Flapdoodle's,-92.4959669,44.0600917 +23470,Scrub Your Duds,-92.63246020000001,44.0296589 +23471,Eastwood Inn,-95.1441071,46.445249800000006 +23472,Kwik Trip Liquor,-92.6316572,44.030173100000006 +23473,Department of Motor Vehicles,-92.46272800000001,44.0402587 +23474,Byron Commuter Lot,-92.6292528,44.0298176 +23475,45 Av N,-93.2932243,45.036853300000004 +23476,2nd Ave NW @ Frontage Rd NW,-92.6480648,44.0291626 +23477,Zion Lutheran Church,-93.40539190000001,44.929512300000006 +23478,4th St NW & 9th Ave NW,-92.659081,44.0327945 +23479,4th Street NW/NE @ Byron Avenue N,-92.64513260000001,44.032548600000005 +23480,Mister Car Wash,-93.38910680000001,44.9357661 +23481,9th St NE & 3rd Ave NE,-92.64028920000001,44.040132500000006 +23482,9th St NW @ 2nd Ave NW,-92.6485878,44.038628300000006 +23483,Country Club Manor,-92.5243712,44.0316619 +23484,ChargePoint,-93.14828030000001,44.973996500000005 +23485,Cajun Boiling,-93.2776305,44.962848900000004 +23486,Boiler Room,-93.2729264,44.9644461 +23487,ChargePoint,-93.1483144,44.973997100000005 +23488,Once Upon A Child,-92.47982920000001,44.0289635 +23489,Mestad's Bridal & Formal Wear,-92.48030990000001,44.0299415 +23490,Hy-Vee Wine & Spirits,-92.4796189,44.029310200000005 +23491,Asian Kitchen,-92.4799258,44.0287899 +23492,Soriya Cuisine,-92.47988280000001,44.0285315 +23493,Northgate Driving School,-92.4823719,44.0312391 +23494,Hopkins Pet Hospital,-93.39164500000001,44.924959300000005 +23495,Northgate Hair Salon,-92.48230760000001,44.0313895 +23496,Everything Hobby,-92.4817816,44.031223600000004 +23497,Minuteman Press,-92.48227510000001,44.031536 +23498,Al's Farm Toys,-92.4810628,44.031054100000006 +23499,Danielle's Shoes & More,-92.48191600000001,44.031416500000006 +23500,Mac's Liquor,-93.3874073,44.925785700000006 +23501,Hunan Garden,-92.48030100000001,44.0308883 +23502,Fade Clinic Barbers,-92.4805209,44.031906500000005 +23503,Blake School,-93.38917760000001,44.9218659 +23504,Seven Wonder Shop,-92.47983430000001,44.0319024 +23505,Ramblewood Park,-95.06114550000001,45.107026600000005 +23506,Synergy Window & Door,-92.48037070000001,44.032095500000004 +23507,Taqueria El Sueno,-92.4806178,44.0317713 +23508,Alternative Learning Center,-95.05344000000001,45.1178612 +23509,Evangelical Free Church of Willmar,-95.0599189,45.1023979 +23510,Lincoln Park,-95.0323137,45.1197182 +23511,Bjorsell Park,-95.03768880000001,45.1181813 +23512,Jefferson Learning Center,-95.0586315,45.114596500000005 +23513,Vinje Lutheran Church,-95.0574406,45.1101292 +23514,United Methodist Church,-95.05368010000001,45.1039806 +23515,St. Mary's Catholic Church,-95.057682,45.1151605 +23516,Miller Park,-95.0569042,45.1138734 +23517,Golden Ticket Kandi 6,-95.040491,45.1063753 +23518,ChargePoint,-93.1437604,44.9816045 +23519,Kandiyohi County Offices,-95.04830840000001,45.1223023 +23520,ChargePoint,-93.1437978,44.981622900000005 +23521,Dock & Paddle at Como Lakeside Pavilion,-93.1434004,44.982300800000004 +23522,Buhl Fire Department,-92.7782612,47.4956107 +23523,Egg|Plant,-93.1752314,44.9467037 +23524,Mim's,-93.18749240000001,44.9844452 +23525,Oak Haven Church,-93.2305456,45.2668988 +23526,Winnick's Clothing ,-93.2335089,45.2673435 +23527,Burger King,-93.30960440000001,44.840047600000005 +23528,29,-93.227423,45.1632479 +23529,Gyropolis,-93.3097304,44.8404223 +23530,Key's Cafe,-93.14568580000001,44.9922133 +23531,Bloomington Holiday Stationstore,-93.30933080000001,44.8416033 +23532,R7 Lofts,-93.0930005,44.9500089 +23533,REI,-93.182719,45.0164667 +23534,Pho Tai,-92.4883332,44.061017 +23535,Red Wing,-92.49570390000001,44.058950700000004 +23536,Black Sheep Pizza,-93.0943094,44.951311100000005 +23537,(private),-92.49328460000001,44.056017000000004 +23538,Hat Trick Lounge,-93.0901413,44.9475677 +23539,Al Imra Daycare,-92.4908116,44.0508855 +23540,West Side Community Health Services,-93.08055250000001,44.931648 +23541,La Clinica,-93.0780768,44.930142000000004 +23542,Tobie's Station,-92.9300291,46.010735700000005 +23543,Cora's Chicken Wings,-93.0786174,44.929920900000006 +23544,Mantrap Lake Campground,-94.9354436,47.066130900000005 +23545,Gulch Lake Campground,-94.83658910000001,47.1603748 +23546,H&R Block,-93.1879758,44.918094800000006 +23547,Big Top,-93.1608624,44.8305128 +23548,Hy-Vee Pharmacy,-92.48183350000001,44.029896 +23549,Cabana Tan,-93.16132970000001,44.8301753 +23550,American Boulevard,-93.22316810000001,44.8587149 +23551,Caribou Coffee,-93.16568910000001,44.8269236 +23552,Assisi Heights,-92.4749809,44.0434825 +23553,Cloud Nine Salon and Spa,-93.16087350000001,44.8306551 +23554,Cost Cutters,-93.1626464,44.826897900000006 +23555,Enterprise,-93.16281500000001,44.826898 +23556,YMCA Camp DuNord,-91.9673157,47.986743600000004 +23557,Erik's,-93.1618936,44.8301753 +23558,Gengh's Grill,-93.1620848,44.8301783 +23559,Tangerine,-92.46429210000001,44.0222307 +23560,Eagle Store,-92.46414730000001,44.021800500000005 +23561,Gentle Dentistry,-93.1629891,44.8268962 +23562,Pep Boys,-93.1624362,44.8269211 +23563,Great Clips,-93.1653675,44.826925100000004 +23564,H&R Block,-93.1622718,44.8301743 +23565,Superior North Outdoor Center,-90.3334619,47.748774700000006 +23566,Hardware Hank,-93.16160350000001,44.826592100000006 +23567,Lake Superior Trading Post,-90.33422900000001,47.748735100000005 +23568,Ho Ting,-93.1652933,44.8272038 +23569,Steve's Sports & Auto,-90.325823,47.7545347 +23570,Junior's Grill,-93.1629032,44.826898 +23571,Great Expectations,-90.3256781,47.7560639 +23572,Liberty Tax,-93.1630875,44.8268952 +23573,Nails 1st,-93.16256720000001,44.8269 +23574,Boulder Park,-90.3336132,47.7480045 +23575,East Bay,-90.332853,47.747490600000006 +23576,Now Care Dental,-93.16527930000001,44.826925100000004 +23577,Budget Shop,-90.339234,47.7573153 +23578,Original Mattress Factory,-93.1649989,44.826991 +23579,American Legion,-90.33477620000001,47.7500191 +23580,Papa Murphy's,-93.16547960000001,44.826925100000004 +23581,Bethlehem Lutheran Church ELCA,-90.33493170000001,47.755299300000004 +23582,St. John's Catholic Church,-90.332566,47.7552632 +23583,Rasmussen College,-93.1705704,44.8294748 +23584,Evangelical Free Church,-90.33060800000001,47.755811400000006 +23585,Sally's Beauty Supply,-93.16172370000001,44.830173300000006 +23586,Cornerstone Community Church,-90.3285159,47.7598252 +23587,First Congregational Church,-90.3379117,47.7516656 +23588,Snap Fitness,-93.1627395,44.826897200000005 +23589,Grand Marais Playhouse,-90.33346730000001,47.7562694 +23590,Super America,-93.1679969,44.832792500000004 +23591,Ella's Inn,-90.33710260000001,47.751566100000005 +23592,McArthur House,-90.34107370000001,47.751750400000006 +23593,Von Hanson's Meats,-93.1618469,44.826590700000004 +23594,Waldeland Jewlers,-93.16317670000001,44.826891200000006 +23595,My Sister's Place,-90.3279607,47.7535357 +23596,Wells Fargo,-93.1651922,44.8269256 +23597,Birch Terrace Lounge,-90.341699,47.7498279 +23598,Grand Marais Pharmacy,-90.3398858,47.749579100000005 +23599,Yankee Eye Clinic,-93.16335520000001,44.826836400000005 +23600,Superior Lumber,-90.3087758,47.7598988 +23601,Cottage City Stop,-93.30891030000001,44.9311773 +23602,municipal public water access,-90.3419791,47.7480996 +23603,Sears Hometown,-92.9901732,43.6857604 +23604,42nd St Depot,-93.3095406,44.927793300000005 +23605,Bayport Marina,-92.7779472,45.006678 +23606,T-Mobile,-93.0811529,44.909035200000005 +23607,National Guard,-93.08002850000001,44.905483800000006 +23608,Pawn America,-93.08122630000001,44.9040279 +23609,ALDI,-93.07885850000001,44.8821201 +23610,Hy-Vee Pharmacy,-92.47057410000001,44.0053281 +23611,TK's,-93.13166220000001,44.9061236 +23612,ArtScraps,-93.1617662,44.934339800000004 +23613,Think Mutual Bank ATM,-92.48687930000001,43.9997212 +23614,Mayowood Stone Barn/Ardent Events,-92.5132866,43.993286700000006 +23615,John Hardy's Bar-B-Q,-92.4896262,44.034094800000005 +23616,Saigon Far East Market,-92.4885861,44.063938300000004 +23617,Visitor,-92.5080483,44.006522000000004 +23618,Rushford Sand Barrens SNA,-91.8074495,43.79446 +23619,Taco John's,-92.47847700000001,44.0316865 +23620,E1,-93.6436307,45.0161059 +23621,E12,-93.6443335,45.015484 +23622,E3,-93.64386680000001,45.016068000000004 +23623,E5,-93.64406690000001,45.015999300000004 +23624,E7,-93.6443067,45.015863200000005 +23625,E11,-93.64439250000001,45.015635700000004 +23626,Book Review,-92.4866167,44.039601700000006 +23627,E14,-93.6442906,45.0153702 +23628,El Gallo Mexican Grocery,-92.49166720000001,44.047892700000006 +23629,Erik's Bike Shop,-92.4809469,44.000409600000005 +23630,Minnesota First,-92.48658990000001,44.039227700000005 +23631,Wong's Cafe,-92.48667060000001,44.040419400000005 +23632,Diamond Vogel Paints,-92.4866113,44.0394166 +23633,Elks Lodge,-92.486574,44.040242 +23634,Dos Amigos II,-92.48851590000001,44.0391623 +23635,The Nutrition Shop,-92.48663850000001,44.0390582 +23636,Pappy's Place,-92.488634,44.0398294 +23637,Rochester Indoor Golf Center,-92.48665960000001,44.0400645 +23638,Hillcrest Barbers,-92.4866435,44.0399102 +23639,Bru House,-93.21830650000001,45.072386 +23640,Blades to Ballet,-92.48668640000001,44.0397637 +23641,Club Cafe & Deli,-92.50792910000001,44.042042300000006 +23642,Unitarian Universalist Congregation of Duluth,-92.09627420000001,46.8156424 +23643,E22,-93.64326600000001,45.0155674 +23644,Free Geek Twin Cities,-93.2357195,44.9557798 +23645,E20,-93.6434323,45.0154537 +23646,E18,-93.64359830000001,45.015373200000006 +23647,E17,-93.6438292,45.015347500000004 +23648,Cascade Meadows,-92.5051885,44.0399103 +23649,E9,-93.6443629,45.015740900000004 +23650,E21,-93.64321930000001,45.0153693 +23651,Knute Nelson,-93.102117,44.954491100000006 +23652,E19,-93.64336250000001,45.0152641 +23653,Jimmy John's,-93.0935314,44.952065100000006 +23654,John Johnson,-93.10232620000001,44.9544949 +23655,E8,-93.6440974,45.0157722 +23656,Cork's Pub,-93.0926489,44.9525738 +23657,E6,-93.6439258,45.0158481 +23658,E4,-93.64374000000001,45.0158889 +23659,E2,-93.6435773,45.0159329 +23660,E10,-93.6441296,45.015666 +23661,E13,-93.6441106,45.0155211 +23662,E15,-93.6440223,45.0154233 +23663,F21,-93.6401063,45.0155599 +23664,E16,-93.64414570000001,45.0152565 +23665,F15,-93.64054080000001,45.0159467 +23666,F18,-93.64027800000001,45.015734300000005 +23667,F12,-93.6411722,45.0160282 +23668,F10,-93.6414742,45.016037700000005 +23669,F16,-93.64054080000001,45.015749500000005 +23670,F8,-93.64173170000001,45.016007300000005 +23671,F6,-93.64198920000001,45.015893600000005 +23672,F19,-93.6400902,45.0159163 +23673,F5,-93.6421566,45.0157108 +23674,F3,-93.6422247,45.015532900000004 +23675,F17,-93.6403155,45.0159467 +23676,F1,-93.6422831,45.015371 +23677,Upper Falls,-91.46899060000001,47.143965900000005 +23678,F2,-93.6419367,45.0154891 +23679,F4,-93.6418658,45.015616300000005 +23680,F7,-93.64176710000001,45.015753700000005 +23681,F9,-93.64159760000001,45.0158253 +23682,F11,-93.6412811,45.0158405 +23683,D10,-93.64235400000001,45.0165231 +23684,F13,-93.6410451,45.0157722 +23685,F14,-93.6408466,45.0157419 +23686,lake auburn campground,-93.6856413,44.8684917 +23687,Forestville State Park,-92.22060900000001,43.629434200000006 +23688,D7,-93.6423326,45.0166975 +23689,Forestville State Park,-92.2074992,43.637024100000005 +23690,D5,-93.642413,45.016834 +23691,D3,-93.64258650000001,45.017003100000004 +23692,Ninemile Lake Campground,-91.0737763,47.578486600000005 +23693,Kawishiwi Lake Campground,-91.10297100000001,47.8387425 +23694,Hogback Lake Campground,-91.13661280000001,47.6442787 +23695,Divide Lake Campground,-91.25626770000001,47.6100348 +23696,Eighteen Lake Campground,-91.3439596,47.643701300000004 +23697,Section 29 Lake Campground,-91.2416903,47.740936500000004 +23698,Silver Island Lake Campground,-91.14905,47.7273927 +23699,Crescent Lake Campground,-90.7717674,47.834515200000006 +23700,Baker Lake Campground,-90.8170451,47.8444591 +23701,Toohey Lake Campground,-90.9536556,47.712702900000004 +23702,Clara Lake Campground,-90.7522222,47.774378600000006 +23703,East Bearskin Lake Campground,-90.3946815,48.0374538 +23704,Poplar River Campground,-90.7778327,47.738561700000005 +23705,Flour Lake Campground,-90.4084842,48.052514900000006 +23706,Fourmile Lake Campground,-90.96373000000001,47.7021238 +23707,Carlton Peak,-90.85980930000001,47.5842551 +23708,Junction 212 (a),-93.19649170000001,44.7777012 +23709,Junction 212 (b),-93.1963003,44.777801100000005 +23710,45th Parallel Monument,-93.3216854,45.0000136 +23711,Pescara,-92.4626475,44.0221517 +23712,North Mr. Pizza,-92.52381480000001,44.0529025 +23713,Hill Lake Public Water Access,-93.58831330000001,46.9859189 +23714,Chinmaya Mission of Twin Cities - MN,-93.68205470000001,44.777362600000004 +23715,Perennial Cycle,-93.2985836,44.9416068 +23716,Dunn Bros,-93.2985864,44.9414929 +23717,Salon La Terre,-93.29854610000001,44.9417245 +23718,Home Federal Savings Bank,-92.52120040000001,44.0444544 +23719,Hair Studio 52 & Day Spa,-92.52184410000001,44.047411800000006 +23720,Bridgewater Bank,-93.29869090000001,44.9462922 +23721,L E Jardin European Style Floral,-92.5221928,44.0471998 +23722,Bridgewater Bank,-93.2979775,44.9464137 +23723,City Coin Laundry,-93.28452890000001,44.937851300000005 +23724,Nile Restaurant,-92.5220352,44.052228500000005 +23725,Present Moment Herbs & Books,-93.28452890000001,44.937957700000005 +23726,Happy China,-92.5217636,44.052389000000005 +23727,Cafe WYRD,-93.29046190000001,44.937862700000004 +23728,Rae's Salon & Spa,-92.5211536,44.0514269 +23729,Bryant Hardware,-93.2903278,44.937866500000005 +23730,Starbucks,-92.5213609,44.051528600000005 +23731,Glenn's Barber Shop,-93.290183,44.937866500000005 +23732,Kyle's Market,-93.29059600000001,44.937847500000004 +23733,Spirit of the Wilderness Episcopal Church,-90.3324211,47.794872100000006 +23734,Bogart's Doughnut Co.,-93.29112310000001,44.937822000000004 +23735,Gunflint Hills Golf Course,-90.3256551,47.788315700000005 +23736,Elbow Lake Boat Ramp,-90.2858511,47.8602526 +23737,Fort Ridgely,-94.7342761,44.453008000000004 +23738,Northern Light Lake Boat Ramp,-90.26799840000001,47.9107464 +23739,Kimbal Lake Boat Ramp,-90.2284975,47.863889400000005 +23740,Kimball Lake Campground,-90.2267889,47.863131800000005 +23741,Devil Track Lake Campground,-90.46712020000001,47.8298087 +23742,Ball Bluff Lake Public Water Access,-93.2849711,46.9329757 +23743,Rochester Imports,-92.462553,44.0118773 +23744,KASM/KDDG Radio Tower,-94.6001988,45.6313308 +23745,Lock and Dam 5,-91.8102837,44.159370200000005 +23746,Lock and Dam 5,-91.8124592,44.160343100000006 +23747,Lock and Dam 5A,-91.6688536,44.086477 +23748,Lock and Dam 5A,-91.670501,44.0878895 +23749,Lock and Dam 6,-91.43764420000001,44.0000645 +23750,Skyline View,-92.46940260000001,44.0385568 +23751,Tot Lot,-92.638535,44.2085273 +23752,Quiznos,-93.17755910000001,45.011773700000006 +23753,DoubleTree by Hilton Hotel Downtown St. Paul,-93.0935056,44.9479568 +23754,Mall Zone D Clothing Stores (see Data),-92.4797614,44.0029235 +23755,Cajun Kitchen,-93.15836490000001,44.955324700000006 +23756,Noodles & Company,-93.1563929,44.9549965 +23757,Barnes & Noble Cafe,-92.4807631,44.0036307 +23758,Caribou Coffee,-92.47984220000001,44.00451 +23759,Chipotle,-93.09542400000001,44.945446800000006 +23760,City Looks Salon & Spa,-92.4790359,44.003959900000005 +23761,MJ's Sport Barbershop,-92.4799162,44.0052959 +23762,Mall Zone C Clothing Stores (see Data),-92.47797840000001,44.0043547 +23763,Tres Francoise Salon,-92.4899177,44.0010294 +23764,Appliance Smart,-92.4654466,43.9699271 +23765,Walk-in Campsites,-94.7249008,44.455946600000004 +23766,Creekside Campground,-94.72693930000001,44.454353700000006 +23767,Rochester Auto Service,-92.4659991,43.970795800000005 +23768,Rustic Campground,-94.7258879,44.4526842 +23769,Creek Picnic Area,-94.7243215,44.4517192 +23770,BrandSource,-92.4655968,43.970232100000004 +23771,Hennepin County Service Center,-93.4407072,44.964643200000005 +23772,Reinders,-92.46543050000001,43.970544800000006 +23773,Wells Fargo,-93.4414782,44.9667783 +23774,Bethesda Upscale Resale Thrift Shop,-92.4578051,44.000243100000006 +23775,Bumper-to-Bumper Auto Parts,-92.4578426,43.9954078 +23776,Site 1,-95.0535219,44.092213400000006 +23777,Broadway Ave S & 18th St SE,-92.4630271,43.995901800000006 +23778,Rochester Mazda,-92.5065617,44.073050300000006 +23779,Green Mill,-93.14321190000001,45.060206400000006 +23780,Garcia's Shop,-92.4534618,44.006893700000006 +23781,Starbucks,-93.1446164,45.056914600000006 +23782,Ona Orth Athletic Complex,-93.1674558,45.0559552 +23783,Animal Hospital,-93.14453800000001,45.0807233 +23784,Bacchus,-93.14665040000001,45.080755800000006 +23785,Cub Discount Liquor,-93.1483111,45.052686400000006 +23786,Cub Pharmacy,-93.1483128,45.0527838 +23787,Fresh & Natural Foods,-93.1464332,45.0807523 +23788,Meister's Bar & Grill,-93.1456572,45.0807127 +23789,Subway,-93.1446157,45.080677400000006 +23790,TCF Bank,-93.14830930000001,45.0528726 +23791,Wok Cuisine,-93.14470580000001,45.0806996 +23792,Jimmy John's,-93.19357620000001,45.057522600000006 +23793,Baja Sol Tortilla Grill,-93.1485119,45.0518567 +23794,Caribou Coffee,-93.1476408,45.051691600000005 +23795,China Wok,-93.14791570000001,45.0516901 +23796,George's Shoes,-93.1477158,45.0516872 +23797,Subway,-93.14781160000001,45.0516901 +23798,Limu Coffee,-93.1936996,45.0575234 +23799,Nokomis Cycle,-93.25213620000001,44.9199433 +23800,Cottontail on the Trail,-93.2671452,44.912288100000005 +23801,B1,-93.64043790000001,45.0175168 +23802,B3,-93.64046040000001,45.017304200000005 +23803,Kellogg Water Tower,-92.0039259,44.308984300000006 +23804,B5,-93.64041750000001,45.017175300000005 +23805,B7,-93.64033160000001,45.0169857 +23806,B9,-93.64016000000001,45.016773300000004 +23807,MedCity Collision,-92.454695,44.060978500000004 +23808,B12,-93.64023510000001,45.016598900000005 +23809,Tintah Park,-93.1636869,44.7437175 +23810,Tintah Park Soccer Pitch,-93.15906530000001,44.7430089 +23811,Domino's,-92.7487359,44.024685500000004 +23812,Sarna's Classic Grill,-93.2624483,45.040379900000005 +23813,Tony Jaros River Garden,-93.2719787,45.013299700000005 +23814,Subway,-92.7486367,44.0241552 +23815,Betty Danger's Country Club,-93.2713712,45.013354400000004 +23816,Kwik Trip,-92.74556510000001,44.0206376 +23817,Dairy Queen,-92.0486106,44.3766514 +23818,Caribou Coffee,-93.1147442,45.080096600000005 +23819,Taste of Scnadinavia,-93.11571160000001,45.0803078 +23820,Von Hanson's Meats,-93.1167472,45.080605000000006 +23821,Winestreet,-93.11625880000001,45.080472500000006 +23822,Dick's SUPERVALU,-92.03682500000001,44.3781199 +23823,Ace Hardware,-93.14895010000001,45.048011 +23824,Foshay Tower Museum/Observation Deck,-93.2715651,44.974564 +23825,8,-93.1512215,45.04851 +23826,Arden Pharmacy & Gift,-93.14895010000001,45.048291400000004 +23827,Domino's,-93.14928950000001,45.048928200000006 +23828,Great China,-93.14929450000001,45.0487692 +23829,Jimmy John's,-93.1480743,45.0556709 +23830,Showplace ICON,-93.34765660000001,44.9670713 +23831,Cooper,-93.3490079,44.967463900000006 +23832,Kim's Tailor,-93.14929310000001,45.0486492 +23833,Papa Murphy's,-93.14807250000001,45.0559646 +23834,Jimmy John's,-93.34759070000001,44.968287600000004 +23835,Sprint,-93.14806800000001,45.0555004 +23836,noodles &company,-93.34724720000001,44.968485300000005 +23837,TV,-92.12117380000001,46.7853415 +23838,Verizon,-93.34749930000001,44.9681787 +23839,DSC,-92.11699870000001,46.7909541 +23840,Sichuan,-93.37183230000001,44.9592515 +23841,Walgreens,-93.37180830000001,44.9597993 +23842,Westwood Liquors,-93.37174660000001,44.9591676 +23843,Lions Park Playground,-93.2907907,45.2202239 +23844,Jerry's Hardware & Rental,-93.37150790000001,44.9588314 +23845,G24,-93.63733620000001,45.016678600000006 +23846,G5,-93.6394777,45.015785300000005 +23847,G2,-93.639581,45.015480700000005 +23848,G13,-93.638424,45.015870400000004 +23849,DT-70,-92.0162586,46.8606471 +23850,G15,-93.6381386,45.0159018 +23851,G17,-93.6377913,45.0160738 +23852,L-1,-92.00661330000001,46.840402000000005 +23853,G7,-93.6392795,45.015987 +23854,G14,-93.63839610000001,45.0160927 +23855,McQuade Small Craft Harbor,-91.92114000000001,46.8805618 +23856,G8,-93.6390865,45.0160836 +23857,G16,-93.6382052,45.0160909 +23858,Thomas Lake Park,-93.16871850000001,44.795411 +23859,G12,-93.638659,45.0161024 +23860,G18,-93.63773330000001,45.0161418 +23861,Minnoco,-92.3929095,43.973837 +23862,G10,-93.6389104,45.016119200000006 +23863,Jeff's Little Store,-92.3932123,43.9737827 +23864,G11,-93.6387206,45.015913600000005 +23865,G9,-93.63895620000001,45.0158621 +23866,Arrow Motors,-92.40919050000001,43.987640600000006 +23867,G4,-93.63954910000001,45.0156426 +23868,G6,-93.6391444,45.015776900000006 +23869,John's SuperValu Foods,-92.8383479,44.029233600000005 +23870,G3,-93.6392898,45.0155973 +23871,BP,-92.8387404,44.0293573 +23872,G1,-93.6392972,45.0154216 +23873,G19,-93.637624,45.016221 +23874,G21,-93.6374452,45.0163925 +23875,G23,-93.63727250000001,45.016440700000004 +23876,G25,-93.63710920000001,45.016456500000004 +23877,Dunn Bros. Coffee,-93.1644493,45.1420839 +23878,Snake River County Park,-93.2583816,46.169425200000006 +23879,House of Wong,-93.14798130000001,44.992597800000006 +23880,Bella Cucina,-93.396366,44.834241500000005 +23881,McDonald's,-93.37960290000001,44.987428 +23882,Target Field,-93.2771733,44.983206 +23883,AmeriCorps,-93.1646844,44.9781588 +23884,Stadium Village,-93.22701520000001,44.9735376 +23885,Saint Paul Union Depot,-93.0847148,44.9466778 +23886,38th Street,-93.22942400000001,44.9346222 +23887,U.S. Bank Stadium,-93.2598737,44.9749861 +23888,Government Plaza,-93.2658495,44.9768155 +23889,Warehouse District/Hennepin Avenue,-93.2731207,44.9800501 +23890,46th Street,-93.2198839,44.920748200000006 +23891,Nicollet Mall,-93.26988920000001,44.9785588 +23892,Cedar-Riverside,-93.2510323,44.9683955 +23893,50th Street/Minnehaha Park,-93.2099905,44.9122824 +23894,Franklin Avenue,-93.24700610000001,44.9625301 +23895,Fort Snelling,-93.19810700000001,44.893164000000006 +23896,Alumni Arch and Plaza,-93.99564260000001,44.147142900000006 +23897,Lake Street/Midtown,-93.2388449,44.9483483 +23898,Terminal 2 - Humphrey,-93.2241343,44.8741545 +23899,VA Medical Center,-93.2023157,44.9028805 +23900,Barnes & Noble,-94.000624,44.146948 +23901,First Independence Bank,-93.2079564,44.9677755 +23902,Conkling Art Center,-93.99851790000001,44.147881500000004 +23903,Recovery Bike Shop,-93.24765380000001,45.0134405 +23904,The Loop,-92.46430620000001,44.0198735 +23905,Chipotle,-93.2470354,44.9730427 +23906,Salon George,-93.1977172,44.9671212 +23907,Courtyard Minneapolis Downtown,-93.2476609,44.973794000000005 +23908,Republic,-93.2470471,44.973218800000005 +23909,Town Hall Brewery,-93.24773230000001,44.973346 +23910,Double Flux,-93.2496564,45.0100277 +23911,The Mill Northeast,-93.24707210000001,45.0077379 +23912,Rokker V,-93.235004,44.9776614 +23913,ChargePoint,-93.08579080000001,44.9479301 +23914,Molecule,-93.23281,44.973278300000004 +23915,ChargePoint,-93.0858307,44.9479704 +23916,Blue Door,-93.17675600000001,44.9466777 +23917,Tintah Junction,-96.37121280000001,46.063842900000004 +23918,Robert B. Hill Co.,-93.36995470000001,44.931718800000006 +23919,Mavis Frazier Trailer Park,-95.96679510000001,46.622145700000004 +23920,Next Chapter Booksellers,-93.16676860000001,44.9404631 +23921,"Nuss - Mack, Isuzu, and Volvo Trucks",-92.4705845,43.9283073 +23922,Indian Lake Campground,-91.84710000000001,47.2728921 +23923,Mayo Employees Federal Credit Union,-92.4653703,43.956867100000004 +23924,Old Milwaukee Road railroad lime,-93.15155580000001,44.6259759 +23925,Carver’s Cave Overlook,-93.06866950000001,44.949773500000006 +23926,Blue Breezes II,-94.1563941,43.6558198 +23927,Blue Breezes I,-94.1536056,43.6558301 +23928,Enterprise,-93.0842315,44.953513400000006 +23929,Chicago Ave & Washington Ave,-93.2566953,44.977648300000006 +23930,Chin Dian Café,-93.2305642,44.9913297 +23931,Twin Cities Public Television,-93.08778050000001,44.947507800000004 +23932,Mill Ruins Park,-93.2580126,44.9802131 +23933,The Landings,-93.2231936,45.0370234 +23934,Crazy Bay,-91.3982345,47.185081100000005 +23935,Split Rock,-91.42122260000001,47.1993688 +23936,Conundrum Point,-91.3854826,47.188138 +23937,Split Rock Point,-91.40118960000001,47.181983800000005 +23938,Day Hill,-91.3838171,47.1931876 +23939,Holiday,-91.6898297,47.0247346 +23940,Gold Rock Point,-91.3567701,47.207134800000006 +23941,Chilkoot Cyclery & Cafe,-92.80796000000001,45.048258600000004 +23942,Hallaway's Hill,-95.986749,46.5443316 +23943,Ceremony,-93.8832941,44.534528 +23944,Reception,-93.73922400000001,44.6051164 +23945,Jerry's Hair Shop,-93.16145540000001,44.4574093 +23946,Salon Synergy,-93.162024,44.4570992 +23947,Ole Store,-93.17535720000001,44.460388200000004 +23948,Ridges at Sand Creek,-93.6130157,44.634510600000006 +23949,Watt Munisotaram Temple,-93.04620100000001,44.6333221 +23950,Vali-Hi Drive-In,-92.8765618,44.9508717 +23951,Chilkoot Cyclery and Cafe,-92.8077454,45.0482548 +23952,Marshall Tap,-95.73598030000001,44.5012216 +23953,North Train Station,-93.45668380000001,44.800018300000005 +23954,Entry 27,-91.4321,47.9724878 +23955,Illgen Falls,-91.2140169,47.358753500000006 +23956,Milroy Tap,-95.66525200000001,44.4866632 +23957,Tofte Range Station (USFS),-90.8500563,47.568170900000005 +23958,Cedar Ave S,-93.24532780000001,44.9620503 +23959,Bruce Vento Scenic Overlook,-93.1134593,44.9175698 +23960,Media Entrance,-93.2237492,44.9755832 +23961,Echo Cave,-93.1127484,44.920785 +23962,Hub Hobby,-93.10356180000001,45.009526400000006 +23963,Amsterdam Bar & Hall,-93.0952269,44.9461949 +23964,Dunn Brothers,-93.15575720000001,45.0072592 +23965,Wayside Rest,-91.9976257,43.6940729 +23966,Niagara Cave,-92.055069,43.5139627 +23967,Isinours Campsite,-92.060241,43.710354200000005 +23968,Rushford Depot Museum,-91.75516660000001,43.8070401 +23969,Juniper's,-91.97711070000001,43.7201832 +23970,Riverview City Campground,-91.979723,43.716490500000006 +23971,Top Ten Liquor,-93.3464472,44.930744000000004 +23972,Beaver Creek Valley Campground,-91.5785522,43.6407347 +23973,Little Szechuan,-93.1173842,44.9555524 +23974,Al and Almas,-93.6563275,44.9205048 +23975,Hair District,-93.3401333,44.9344552 +23976,Tilia,-93.3140463,44.9246679 +23977,Mill Valley Kitchen,-93.32937070000001,44.9406942 +23978,France 44,-93.32874980000001,44.9228108 +23979,Caribou Coffee,-93.3292608,44.9220911 +23980,Cherry Berry,-92.4862257,44.0223255 +23981,Tommy T's Cyclery,-93.32200130000001,44.923481200000005 +23982,Kwik Trip Car Wash,-92.4956717,44.0223117 +23983,$5 Tan,-93.2247322,44.974043800000004 +23984,Hong Kong Noodle,-93.22552680000001,44.9737396 +23985,Kowloon Restaurant,-93.22438310000001,44.9737784 +23986,ValU Liquors,-93.2252424,44.9737511 +23987,Kwik Trip,-92.49603570000001,44.0223997 +23988,Kwik Trip,-92.4960415,44.0220623 +23989,Edina Liquor,-93.35416470000001,44.9117708 +23990,Mayo Employees Federal Credit Union,-92.498024,44.022156900000006 +23991,Hallmark Cleaners,-93.35439810000001,44.9115637 +23992,B&B Theatres Bloomington 13,-93.2420043,44.853565100000004 +23993,The UPS Store,-93.3545641,44.911497100000005 +23994,Olsen Brothers: A Walgreens Pharmacy,-93.3546422,44.911389 +23995,Animal Ark Thrift & Pet Store,-93.0664141,44.9618297 +23996,Dairy Queen,-93.6714151,44.8619739 +23997,Pleasant Valley Church,-91.6149383,44.0192502 +23998,Panda Garden Buffet,-93.1457,44.993001400000004 +23999,Viverant Physical Therapy,-93.14569580000001,44.992383100000005 +24000,Art's Barber Shop,-93.1477026,44.9926006 +24001,Bicycle Chain,-93.1457005,44.993071900000004 +24002,Caribou Coffee,-93.1476343,44.9925999 +24003,The Back & Neck Chiropractic Relief Center,-93.1457,44.9929008 +24004,Papa John's,-93.1478142,44.9925981 +24005,City Looks,-93.14569580000001,44.992293800000006 +24006,Dollar Tree,-93.14735060000001,44.9926131 +24007,St. Paul Bagelry,-93.1457041,44.9928472 +24008,FullyPromoted,-93.1457055,44.9926771 +24009,Sherwin-Williams,-93.1486909,44.992605600000005 +24010,Expert Nails,-93.1477435,44.9925993 +24011,Geller Jewelers,-93.1456854,44.9936737 +24012,Roseville Smoke Shop,-93.14569080000001,44.993557100000004 +24013,John's Tailors,-93.14569800000001,44.993172900000005 +24014,Pizza Man,-93.1456998,44.9927439 +24015,Cricket Wireless,-93.14569230000001,44.993249500000005 +24016,MGM Wine & Spirits,-93.1484332,44.9926016 +24017,Mayo Family Clinic,-92.7540122,44.029718900000006 +24018,Music-Go-Round,-93.14569250000001,44.9934196 +24019,Sham lake,-95.64689800000001,44.6414707 +24020,Jimmy John's,-93.4491852,45.0683967 +24021,Fareway,-93.27233670000001,44.295510300000004 +24022,CorAzoN,-93.206224,44.9485031 +24023,St. James Coffee,-92.48792750000001,44.0665563 +24024,Altra Federal Credit Union,-92.4865757,44.0223877 +24025,Toppers Pizza,-92.48623930000001,44.0219114 +24026,Cousin's Subs,-92.4864306,44.0218374 +24027,Slayton,-95.74736060000001,43.9995939 +24028,Frank's Place,-92.9994561,44.6112714 +24029,Oak Knoll Group Camp,-93.634175,45.0176147 +24030,Bloomington Central,-93.2264658,44.8563818 +24031,28th Avenue,-93.2315774,44.8558484 +24032,Main Street Salon,-92.99810430000001,44.6112637 +24033,Ted Burke Dental Office,-92.99978870000001,44.6109908 +24034,Jim's Chicago Service,-93.2629081,44.9050312 +24035,Anoka,-93.38407400000001,45.207750600000004 +24036,Coon Creek,-93.2925787,45.1497175 +24037,Energy Tech Ctr,-93.1618188,44.9721709 +24038,Coon Rapids-Riverdale,-93.35150630000001,45.1910375 +24039,Elk River,-93.54229360000001,45.2826286 +24040,Big Lake,-93.72998890000001,45.3297686 +24041,Ramsey,-93.46179120000001,45.2319155 +24042,Frandsen Bank and Trust,-91.86515050000001,47.9031073 +24043,Wells Fargo,-91.8652181,47.902206400000004 +24044,Perkins,-95.3892524,45.846306500000004 +24045,Mehar's Ace Hardware,-91.8656437,47.9021995 +24046,Ely Area Credit Union,-91.8667132,47.9022262 +24047,Noodles & Company,-93.256065,44.9879048 +24048,Harvard Street & Essex Street,-93.23038790000001,44.971684100000004 +24049,Gortner Av,-93.181714,44.9843138 +24050,Weisman Art Museum,-93.23785430000001,44.9731478 +24051,Pax Christi,-93.43079540000001,44.8308197 +24052,Wise Owl Cafe,-93.2362454,44.9751124 +24053,Campus Club of the University of Minnesota,-93.23564560000001,44.972937800000004 +24054,Pure Opulence Salon & Spa,-93.24624290000001,44.9732403 +24055,Corner Bar,-93.247691,44.9728885 +24056,Minnesota Marketplace Food Court,-93.2351132,44.972928100000004 +24057,Jewel of India,-93.2480776,44.9730344 +24058,Red River SRA - Sherlock Park,-97.0314252,47.93124460000001 +24059,Siding,-93.2350535,44.2556864 +24060,East Grand Forks City Hall,-97.0228665,47.931595 +24061,Erik's Bike and Board Shop,-93.26909950000001,44.738494900000006 +24062,Township Hall,-93.20633000000001,43.8706314 +24063,Applebee's,-93.2878079,44.744610400000006 +24064,Crossroads Animal Hospital,-93.28023300000001,44.743663000000005 +24065,Brave New Workshop,-93.27695840000001,44.9767403 +24066,YMCA,-93.2697928,44.752901300000005 +24067,MGM Liquors,-93.292719,44.747347000000005 +24068,Ulta Beauty,-93.29054500000001,44.748560000000005 +24069,T-Mobile,-93.29073100000001,44.748426 +24070,Pro Cuts,-93.28884690000001,44.747461 +24071,Godfather's Pizza,-93.290975,44.7484878 +24072,Q Nails,-93.2888454,44.7473776 +24073,Morgan's,-93.2770596,44.7456577 +24074,Super Target,-93.21374800000001,44.7297414 +24075,Starbucks,-93.12788300000001,44.732629 +24076,Party City,-93.2143162,44.728449000000005 +24077,OfficeMax,-93.214358,44.727993000000005 +24078,Cub Foods,-93.216046,44.7265585 +24079,Speedway,-93.211938,44.731320000000004 +24080,Run MN,-93.27270440000001,44.7434494 +24081,Rosemount Dental,-93.12780500000001,44.732760000000006 +24082,Banfield Pet Hospital,-93.2741403,44.742946 +24083,Eddie Cheng,-93.12783900000001,44.732687000000006 +24084,US Gas,-92.2838471,44.4609371 +24085,Sprint,-93.1288856,44.7328278 +24086,The Eagle's Nest,-92.035616,44.384296000000006 +24087,Lake House on Pepin,-92.28442000000001,44.462418 +24088,Bierstube,-92.85356700000001,44.735049000000004 +24089,Green Mill,-92.85190440000001,44.7374157 +24090,Walgreens,-92.8520922,44.7357638 +24091,A+ Tattoo,-92.8523684,44.742108200000004 +24092,Starbucks,-92.957148,44.833074 +24093,Viking Blinds,-93.2728331,44.7435027 +24094,Caribou Coffee,-92.9600834,44.833039500000005 +24095,Jimmy John's,-92.9599735,44.8368577 +24096,Anytime Fitness,-92.9602495,44.8368661 +24097,The Boy Scout Store,-93.2730174,44.7435722 +24098,DXL Men's Apparel,-93.288842,44.747273 +24099,Pizza Hut,-93.30484440000001,44.7480927 +24100,Eddie Cheng,-93.2945516,44.7476872 +24101,The Hearing Shoppe,-93.29466760000001,44.747732500000005 +24102,Chuck E. Cheese's,-93.290017,44.744536000000004 +24103,Little Caesars,-93.2947206,44.7477686 +24104,Clover Cleaners,-93.2950043,44.747886300000005 +24105,Greg's Tailors,-93.29490700000001,44.7478453 +24106,Sherwin-Williams,-93.30426960000001,44.747944800000006 +24107,Verizon,-93.28973300000001,44.745630000000006 +24108,Schueler Shoes,-93.289736,44.745774000000004 +24109,Cabana Tan,-93.29237,44.746924 +24110,Greenwood Switch,-96.17642140000001,48.1082807 +24111,Buffalo Viewing Platform,-96.18641500000001,43.714204200000005 +24112,Taco John's,-93.13251310000001,44.729878500000005 +24113,Cottage Grove Armory - Minnesota National Guard,-92.971145,44.831266 +24114,Papa Murphy's,-93.29250300000001,44.746943 +24115,The Great Frame Up,-93.292674,44.746939000000005 +24116,Cam Ranh Bay,-93.29271100000001,44.747143 +24117,Mower,-92.753704,43.6832277 +24118,Anoka,-93.2827625,45.2710195 +24119,Hollywood Cycles,-93.2275177,44.952690600000004 +24120,Benton,-94.04810420000001,45.7162129 +24121,Chisago,-92.8849411,45.4758877 +24122,Burnhaven Chiropractic,-93.26135500000001,44.738954 +24123,Golden Wok,-93.2595673,44.738273400000004 +24124,bb Nails,-93.2596503,44.738290000000006 +24125,ATA Karate,-93.2597343,44.738322000000004 +24126,The Syndicut for Hair,-93.261429,44.738948 +24127,Toppers,-93.26069600000001,44.738546 +24128,Laundromat,-93.25984500000001,44.738337 +24129,Giuseppe's Restaurant,-93.261519,44.738948 +24130,Hollywood Hair,-93.259946,44.738368 +24131,Snap Fitness,-93.260131,44.738402 +24132,Burnsville Family Eye Care,-93.26056200000001,44.738530000000004 +24133,Tabacco,-93.26039200000001,44.738482000000005 +24134,Chocolate,-93.261615,44.738961 +24135,Plato's Closet,-93.25748800000001,44.738130000000005 +24136,Origins Spa,-93.26173,44.738964 +24137,Rearn Thai Market,-93.261824,44.738964 +24138,Once Upon a Child,-93.259152,44.738029000000004 +24139,Fantastic Sams,-93.259055,44.738019 +24140,Perfect Cleaners,-93.257491,44.737923 +24141,Subway,-93.258981,44.737997 +24142,Keep In Touch Massage Therapy,-93.25890500000001,44.737977 +24143,Beau Monde Salon,-93.257502,44.737786 +24144,Wood Park Dental,-93.258841,44.737963 +24145,Unwind Yarn Shop,-93.25748700000001,44.737562000000004 +24146,Great Harvest Bread Company,-93.258769,44.737936000000005 +24147,American Family Insurance,-93.25750000000001,44.737507 +24148,H&R Block,-93.257491,44.737465 +24149,CosmoProf,-93.2735761,44.7435149 +24150,Shear Madness,-93.273171,44.743693 +24151,Professional Massage Center,-93.25749,44.737406 +24152,Golden Tan,-93.273105,44.743613 +24153,Shiny Nails,-93.2729297,44.7435369 +24154,Stavrakis Jewelers,-93.257502,44.737347 +24155,Clothes Mentor,-93.25750500000001,44.737242 +24156,Teppanyaki Grill & Supreme Buffet,-93.2402594,44.9490513 +24157,Precision Tailoring,-93.25749800000001,44.737145000000005 +24158,The Running Room,-93.257514,44.737081 +24159,Prior Lake Fire Station No. 2,-93.4405567,44.7432236 +24160,Byblos Lebanese Grill,-93.257564,44.736973000000006 +24161,Davanni's Pizza & Hot Hoagies,-93.25745500000001,44.736850000000004 +24162,Grease Pit Bike Shop,-93.2530234,44.9521346 +24163,KSTP-AM-FM-TV,-93.2076852,44.9690389 +24164,Speedway,-93.02479720000001,44.9939781 +24165,Kwik Trip,-92.5146296,44.0446144 +24166,Subway,-93.46721860000001,45.2347799 +24167,Totally Tan,-93.46709270000001,45.2349887 +24168,Boston Market,-93.347656,44.9316995 +24169,Gertens,-93.051882,44.870800200000005 +24170,Banfield Pet Hospital,-93.3011824,44.745714 +24171,Starbucks,-93.3533871,44.9115052 +24172,Minnesota State Fair Fire Tower,-93.1733293,44.979624900000005 +24173,Wayzata Yacht Club,-93.50243710000001,44.9660248 +24174,Skunk Hollow,-93.3664694,44.932256900000006 +24175,Makinen Market,-92.36890550000001,47.3571776 +24176,All Paws Animal Hospital,-93.34695310000001,44.9305887 +24177,Village Cleaners,-93.3471724,44.9305214 +24178,1st Brigade Memorial,-93.321455,44.8270387 +24179,Makinen Market,-92.3688948,47.357061300000005 +24180,Makinen Volunteer Fire Department,-92.3813832,47.3576427 +24181,Car Hop,-93.105422,44.998815 +24182,Linden Hills Branch,-93.3165355,44.9249966 +24183,Avail Academy - Edina Campus,-93.33267160000001,44.9291251 +24184,Redwood Falls Zoo,-95.1244413,44.551118300000006 +24185,Dean's Tavern,-93.1055534,45.0006258 +24186,O'Reilly Auto Parts,-93.106412,44.998134 +24187,Jiffy Lube,-93.3546044,44.9121961 +24188,The Lamplighter,-93.10678800000001,44.991394 +24189,Champps Americana,-93.091053,44.993385 +24190,Jerry's Hardware,-93.35480290000001,44.9105435 +24191,FARMOORHEAD MN ATC-413215,-96.76544340000001,46.8502303 +24192,Midas,-93.282875,44.748430000000006 +24193,Harmon Auto Glass,-93.283009,44.748598 +24194,2nd Wind Exercise Equipment,-93.283235,44.74904 +24195,Music Go Round,-93.28339600000001,44.749346 +24196,Avis/Budget,-93.283455,44.749468 +24197,Union Depot Lot B,-93.08607710000001,44.946707 +24198,GameStop,-93.28350400000001,44.749559000000005 +24199,Dolphin Pool & Spa,-93.283579,44.749697000000005 +24200,SalonCentric,-93.28361600000001,44.749758 +24201,Toy Zone,-93.283681,44.749865 +24202,Union Depot Lot B,-93.0835105,44.9481711 +24203,ABC Zone,-93.283719,44.749956000000005 +24204,Liberty Oxygen,-93.28374000000001,44.750017 +24205,Buffalo Companion Animal Clinic,-93.8752999,45.186847900000004 +24206,Minnesota Pro Paintball,-93.28377800000001,44.750078 +24207,Pawn America,-93.28403,44.750475 +24208,Play It Again Sports,-93.284052,44.750658 +24209,Duren Family Dental,-93.28350900000001,44.750903 +24210,Union Depot Lot A,-93.0866194,44.947337100000006 +24211,Downtown Fountain,-93.8765705,45.1715394 +24212,Union Depot Lot A,-93.08665180000001,44.947346200000005 +24213,Protestant Reformed Church,-96.1333077,43.8734715 +24214,Eddington's,-93.3538556,44.863444400000006 +24215,First Reformed Church,-96.1320998,43.8743209 +24216,First Christian Reformed Church,-96.1304637,43.8751407 +24217,Bethel Christian Reformed Church,-96.1280229,43.8752876 +24218,First Presbyterian Church,-96.1391871,43.877207000000006 +24219,Redbox,-93.4164956,44.775798 +24220,Tires Plus,-93.41587870000001,44.7760399 +24221,Megabus Minneapolis,-93.2741101,44.982954 +24222,Exosite,-93.288413,44.97984 +24223,Boom Island,-93.26845080000001,44.991752500000004 +24224,Andrea's Pizza,-93.088901,44.9492993 +24225,Prima,-93.2880562,44.905935400000004 +24226,Starbucks,-93.2879882,44.905213 +24227,Asian Express,-93.0888831,44.949208000000006 +24228,Play It Again Sports,-93.1778058,45.0184015 +24229,Barrio Tequila Bar,-93.0881971,44.9499962 +24230,The Foreign Service,-93.1737932,45.0243017 +24231,Faces,-93.0884498,44.948789100000006 +24232,Subway,-93.088897,44.9492557 +24233,Lowertown Foods,-93.0894334,44.9494356 +24234,Holiday,-93.80020900000001,45.295917 +24235,Mecca Halal Meat & Grocery,-93.2526153,44.955403100000005 +24236,The Home Depot,-93.77595400000001,45.295365800000006 +24237,Hom Furniture,-93.454458,45.031067 +24238,Jimmy's Pizza,-93.52714800000001,45.045506 +24239,Target,-93.52892530000001,45.0457538 +24240,VonHansen's Meats,-93.47674900000001,45.018390000000004 +24241,Complete Eye Care,-93.545776,45.047441000000006 +24242,Holiday,-93.52687200000001,45.044377000000004 +24243,Anytime Fitness,-93.526729,45.04598 +24244,Casey's,-94.72184700000001,44.529531000000006 +24245,BP,-94.99335590000001,44.549828600000005 +24246,North American Liquors,-93.52685600000001,45.044563000000004 +24247,Sibley County Historic Society and Museum,-93.91026400000001,44.528026000000004 +24248,Carlson Kiln,-92.52015680000001,44.569824100000005 +24249,Union Hill Bar & Grill,-93.666741,44.5443 +24250,Ney Nature Center,-93.88564600000001,44.540095 +24251,Near-North,-93.29298150000001,44.992287100000006 +24252,Webber-Camden,-93.29482680000001,45.0299229 +24253,Camden,-93.2996119,45.035837 +24254,Folwell,-93.30038440000001,45.0178663 +24255,Bryn Mawr,-93.30836590000001,44.973709400000004 +24256,Hawthorne,-93.286866,45.0057002 +24257,McKinley,-93.2889947,45.0187711 +24258,Sumner - Glenwood,-93.2911468,44.984354800000006 +24259,Lind-Bohanon,-93.2921661,45.0434636 +24260,Victory,-93.3155021,45.031589200000006 +24261,Mei Inn,-93.2520439,44.9264458 +24262,Jordan,-93.30596340000001,45.009128800000006 +24263,Prairie House,-94.223168,44.551771 +24264,Dairy Queen,-94.364867,44.54299 +24265,Shingle Creek,-93.31261950000001,45.0479618 +24266,Cleveland,-93.3129586,45.017941400000005 +24267,Blimpie Subs,-94.223043,44.553357000000005 +24268,Willard-Hay,-93.3111154,44.994224200000005 +24269,Harrison,-93.30385860000001,44.980802600000004 +24270,Taco Depot,-94.222942,44.553357000000005 +24271,Near North,-93.29813130000001,44.9980222 +24272,Crossroads Cafe,-94.222852,44.553357000000005 +24273,Casey's,-94.224051,44.552783000000005 +24274,Prairie Lutheran School,-94.526857,44.535917000000005 +24275,Cenex,-94.362672,44.542847 +24276,Winthrop Motel,-94.35563900000001,44.543475 +24277,Northeast Park,-93.2311193,45.0062772 +24278,BP,-94.223776,44.553399000000006 +24279,Shell,-94.21594400000001,44.552818 +24280,Marshall Terrace,-93.26881940000001,45.02087 +24281,Windom Park,-93.2364194,45.0098878 +24282,Casey's General Store,-93.5841778,44.545481 +24283,Waite Park,-93.23607550000001,45.028338700000006 +24284,Holland,-93.2559265,45.011906200000006 +24285,Northeast,-93.25128950000001,45.0157576 +24286,Columbia Park,-93.26317710000001,45.0307128 +24287,Scenic Overlook,-92.52104270000001,44.5691591 +24288,Audubon Park,-93.236355,45.018883100000004 +24289,Beltrami,-93.2425133,44.995352100000005 +24290,St Anthony East,-93.2526414,44.9959591 +24291,McDonald's,-92.575451,44.566714000000005 +24292,St Anthony West,-93.2628981,44.993972 +24293,Ace Hardware,-92.545055,44.562961 +24294,YMCA,-92.53643290000001,44.565344 +24295,Mobil Service Station,-94.51805800000001,44.536122000000006 +24296,USG,-92.483996,44.556622000000004 +24297,Cenex,-94.526228,44.535403 +24298,Marathon,-92.3501622,44.510220800000006 +24299,Fairfax Veterinary Clinic,-94.72250700000001,44.529231 +24300,Dave's Full Service,-94.71499700000001,44.528803 +24301,The Harborside Club,-92.26126400000001,44.444197 +24302,Dan's,-92.9344906,44.601493500000004 +24303,The Willows,-92.28420200000001,44.462886000000005 +24304,Kennedy Hallmark & Pharmacy,-92.2647457,44.4484141 +24305,AmericInn,-92.284653,44.461193 +24306,Days Inn,-92.50304100000001,44.56324 +24307,Holiday,-93.13588220000001,44.7312225 +24308,BP,-92.539634,44.563617 +24309,Dairy Queen,-92.539899,44.563601000000006 +24310,Parkway Motel,-92.59235100000001,44.569376000000005 +24311,Kwik Trip,-92.6252432,44.567677700000004 +24312,Merchants Bank,-93.13701800000001,44.731043 +24313,Caribou Coffee,-93.14356000000001,44.731222 +24314,Be'Wiched Deli,-93.2785825,44.9891568 +24315,Kai Salon,-93.2738779,44.984537100000004 +24316,Little Caesars,-93.14356000000001,44.731151000000004 +24317,Holiday,-93.1865569,44.7324074 +24318,Freeway Office Park,-93.29937500000001,44.838413 +24319,Kwik Trip,-93.20172790000001,44.732649200000004 +24320,BMW,-93.29601500000001,44.860159 +24321,Herberger's,-93.30413750000001,44.8603363 +24322,Red's Savoy Pizza,-93.38775360000001,44.9361053 +24323,Bed Bath & Beyond,-93.3044667,44.859407100000006 +24324,Slumberland,-93.318077,44.860333000000004 +24325,Comcast,-93.40293360000001,44.892672000000005 +24326,Shout! House,-93.2741697,44.9810467 +24327,Kierans Irish Pub,-93.27459870000001,44.979193900000006 +24328,Ken's Market,-93.18842740000001,45.0361399 +24329,Barfly,-93.27519210000001,44.9774722 +24330,Cub Pharmacy,-92.8384099,45.0396446 +24331,Union Depot,-93.0855413,44.947124800000005 +24332,The Java Express,-93.0865818,44.947656800000004 +24333,Caribou Coffee,-93.09282,44.947055600000006 +24334,Cassie's Deli,-93.0880767,44.9477105 +24335,Hubert H. Humphrey Memorial,-93.10323340000001,44.953259700000004 +24336,St. Paul Neighborhood Network,-93.0904866,44.947981600000006 +24337,Fallen Firefighters Memorial,-93.1038451,44.9518379 +24338,Subway,-93.09296350000001,44.9469823 +24339,Asian Express,-93.0921137,44.9475606 +24340,Mona Restaurant & Bar,-93.2677139,44.974147200000004 +24341,Normandy Kitchen,-93.26754700000001,44.9733426 +24342,W Minneapolis - The Foshay,-93.27191420000001,44.9747168 +24343,Keys at the Foshay,-93.2717198,44.9742484 +24344,pér-ke-lāt,-93.0887469,44.947559600000005 +24345,Ruth's Chris Steak House,-93.272209,44.9730544 +24346,Erbert & Gerbert's,-93.0936762,44.9450452 +24347,Hyatt Place Minneapolis/Downtown,-93.2660003,44.974055500000006 +24348,Haskell's Wines,-93.2733199,44.974584300000004 +24349,Erbert & Gerbert's,-93.091806,44.9475495 +24350,Kindee Thai,-93.2567166,44.978067 +24351,Golden's Deli,-93.0855537,44.9492646 +24352,"RSS ""R"" Skyway Store",-93.0885459,44.948303200000005 +24353,A & T Market,-93.09002260000001,44.9476693 +24354,Real Meal Delicatessen,-93.0906673,44.946777700000005 +24355,Subway,-93.09345660000001,44.944836300000006 +24356,Cray Inc.,-93.24260840000001,44.856584000000005 +24357,Highland Village,-93.1873817,44.917926800000004 +24358,St. Paul Preparatory School,-93.0895246,44.9487547 +24359,Sunny Hollow Montessori,-93.1965921,44.922215200000004 +24360,Penzeys Spices,-93.12847570000001,44.9398118 +24361,YMCA,-93.08920180000001,44.9491771 +24362,Dixie's on Grand,-93.1295085,44.9401189 +24363,Pearl Harbor Memorial,-93.10366710000001,44.9514925 +24364,St. Paul's Childcare Center,-93.1377709,44.940809200000004 +24365,Tavern on Grand,-93.1277639,44.9397499 +24366,Perrier Liquors,-93.1280294,44.9397443 +24367,St Croix Cleaners,-93.1285915,44.9398117 +24368,Promise of Youth,-93.10223160000001,44.9516093 +24369,Lowertown,-93.0870663,44.9490415 +24370,Minnesota Saloon,-93.09169370000001,44.9480443 +24371,The Four Inns,-93.0917587,44.9477004 +24372,Capitol City Guitars,-93.0909498,44.950879900000004 +24373,Gordman's,-93.2896115,44.744699000000004 +24374,GameStop,-93.1626993,44.9544694 +24375,Into the Void Records,-93.0910193,44.951020500000006 +24376,OfficeMax,-93.16299120000001,44.9542063 +24377,Peking Garden,-93.1627053,44.954314800000006 +24378,Lowertown Wine & Spirits,-93.0854257,44.948713100000006 +24379,Master Framers,-93.08550690000001,44.948684300000004 +24380,Northbound Smokehouse Brewpub,-93.23238040000001,44.934225700000006 +24381,The Mane Event Salon,-93.0937511,44.9522939 +24382,D. Brian's,-93.0942953,44.947989 +24383,American Legion Post 1776,-93.22162320000001,44.737842 +24384,Sushi Sushi,-93.0932241,44.947088900000004 +24385,La Loma Tamales,-93.0935946,44.9480931 +24386,Skyway Grill,-93.0928916,44.947223300000005 +24387,Hunan Garden,-93.0936516,44.9470339 +24388,Potbelly,-93.09441960000001,44.9481126 +24389,Bars Bakery,-93.09335370000001,44.947128600000006 +24390,Unity One Credit Union,-93.07942200000001,44.872528900000006 +24391,Unity One Credit Union,-93.08892700000001,44.9490342 +24392,The Tavern,-92.95673330000001,44.9370497 +24393,DeLeo Bros. Pizza,-92.95270470000001,44.937163600000005 +24394,Vermillion Pump and Market,-92.96564470000001,44.6740694 +24395,New Woodbury Cafe,-92.9524928,44.937165500000006 +24396,Grant County Recycling,-95.9722107,45.9887413 +24397,ULM,-94.4980184,44.318046800000005 +24398,Blue Ox Sandwiches,-93.28411170000001,44.742349700000005 +24399,Cajun Grill,-93.0930512,44.947337000000005 +24400,Cottage Grove Station - Red Rock Corridor,-92.93137370000001,44.8107993 +24401,Eddington's,-93.09314970000001,44.947018 +24402,SW College Tap,-95.7358372,44.4577011 +24403,Jimmy John's,-93.0939817,44.947808300000005 +24404,Pino's Pizzeria,-93.09299650000001,44.9471885 +24405,KLGR,-95.13280370000001,44.5428341 +24406,Wells Fargo,-92.45972710000001,44.023869100000006 +24407,St. Mane Sporting Goods,-93.23198430000001,44.927035000000004 +24408,Fantastic Sams,-93.21171100000001,44.790599 +24409,Chipotle,-93.21178,44.790595 +24410,Starbucks,-93.2103137,44.789614500000006 +24411,Quiznos,-93.2104338,44.7896147 +24412,T-Mobile,-93.211635,44.790584 +24413,Darque Tan,-93.21074300000001,44.7896152 +24414,Red Nails,-93.2106043,44.789615000000005 +24415,LeeAnn Chin's,-93.211292,44.790584 +24416,Walgreens,-93.2087644,44.7893289 +24417,Railroad Island,-93.07982000000001,44.960942200000005 +24418,Starbucks,-93.28892,44.748785000000005 +24419,Hotel 340,-93.0924165,44.945821200000005 +24420,West Bank,-93.2456592,44.972005700000004 +24421,Washburn A Mill Ruins,-93.2570093,44.979117300000006 +24422,Kirkland Furnature,-93.2887183,44.745079100000005 +24423,Panera Bread,-93.2884099,44.7450782 +24424,Noodles & Company,-93.2885413,44.7450786 +24425,Lotus To Go Go,-93.27999050000001,44.969722000000004 +24426,Wabasha Street Caves,-93.0869711,44.9357405 +24427,Speedway,-93.2795961,44.9697371 +24428,Taste of India,-93.3512687,44.969386500000006 +24429,McDonald's Liquors,-93.22318680000001,44.912030800000004 +24430,The Deeps,-92.005561,46.8489573 +24431,A6,-93.63803300000001,45.0183462 +24432,Nokomis Hardware,-93.2226619,44.909135600000006 +24433,Sweetwater Grill,-93.10715250000001,44.951753000000004 +24434,Banadad Trailhead Parking,-90.4694077,48.0344349 +24435,Lace Lake Trailhead Parking,-90.4642589,48.0333246 +24436,Banadad Ski Trailhead Parking,-90.7356384,48.068764200000004 +24437,Jimmy John's,-93.25677830000001,44.988186600000006 +24438,Grand Portage State Park,-89.593058,48.000547600000004 +24439,Clear Channel Minneapolis,-93.3458037,44.9665308 +24440,Holiday,-95.1361112,46.442668000000005 +24441,Orton's BP,-95.1357571,46.441880600000005 +24442,Faelon Partners,-93.34230620000001,44.982869400000006 +24443,Orton's Car Wash,-95.1351295,46.441607100000006 +24444,Casey's General Store,-95.13415850000001,46.444287 +24445,McDonald's,-95.1367388,46.4430191 +24446,Judge CR Magney State Park,-90.05285900000001,47.818265800000006 +24447,The Kenwood Resteraunt,-93.3080738,44.961662200000006 +24448,Tettegouche Baptism River Campground,-91.2087886,47.3461526 +24449,Parlour,-93.2781739,44.988846800000005 +24450,Borough,-93.27812560000001,44.9888886 +24451,Dangerous Man Brewing Co.,-93.26634030000001,45.0010319 +24452,Northern Hydraulics,-93.285218,44.783891000000004 +24453,Ziegler CAT,-93.29270700000001,44.832667 +24454,Indeed Brewing,-93.2515432,45.003381700000006 +24455,ALDI,-93.419319,44.952737500000005 +24456,Anytime Fitness,-93.41934400000001,44.953182000000005 +24457,Anytime Fitness,-93.299411,45.109211 +24458,Walmart Pharmacy,-92.1845754,46.817603500000004 +24459,Festival Foods,-93.30603,45.109763 +24460,Honey,-93.2576298,44.987726800000004 +24461,Dollar Tree,-93.306172,45.1101037 +24462,Dairy Queen,-93.3055279,45.1105886 +24463,MinnPost,-93.24168080000001,44.9897787 +24464,Hogan Brothers,-93.159908,44.4556428 +24465,TCF Bank,-93.0945003,44.947994900000005 +24466,Bank of America,-93.09447320000001,44.948012000000006 +24467,"Williams Executive Search, Inc",-93.3482266,44.9666237 +24468,Vein Clinics of America,-93.340669,44.933998800000005 +24469,Starbucks,-93.3403208,44.933426700000005 +24470,Parmida,-93.3478168,44.9659819 +24471,CVS Pharmacy,-93.33966600000001,44.9336423 +24472,My Burger,-93.3221324,44.946469 +24473,Apricot Lane Boutique,-93.3476516,44.9664549 +24474,Yogurt Lab,-93.3221702,44.946430500000005 +24475,JoS. A. Bank,-93.34794620000001,44.9673292 +24476,forever yogurt,-93.3475767,44.966133500000005 +24477,Wedding Day Diamonds,-93.3490878,44.9663606 +24478,Raku Sushi & Lounge,-93.34808100000001,44.9675305 +24479,Roosters Men's Grooming Center,-93.34755670000001,44.9659763 +24480,Duluth Communications Service,-92.11749320000001,46.7877334 +24481,Stacy's Kitchen,-92.031253,44.3831952 +24482,Wabasha Post Office,-92.03110810000001,44.3835574 +24483,Cellular,-92.11359540000001,46.789162000000005 +24484,Spectrum TV,-92.11511180000001,46.7872004 +24485,Amazing Thailand,-93.29866410000001,44.947439100000004 +24486,Jimmy John's,-93.29812100000001,44.947440400000005 +24487,State of MN,-92.122186,46.7916788 +24488,TV,-92.11423590000001,46.7892029 +24489,Microwave,-92.1141286,46.790444300000004 +24490,Dollar Tree,-93.2135109,44.7263485 +24491,Old Piper,-93.2169784,44.7089177 +24492,Chuck & Don's,-93.2151968,44.6932168 +24493,Snap Fitness,-93.2151968,44.693341700000005 +24494,Airpark Blvd & Endeavor D,-92.152754,46.832763 +24495,Sara's Table,-92.08299810000001,46.8104725 +24496,Airpark Blvd & Haines Road,-92.174456,46.832962 +24497,Arrowhead Rd @ 707,-92.086393,46.82573 +24498,Arrowhead Rd @ 800,-92.086498,46.825685 +24499,Airpark Blvd @ Enterprise Circle E,-92.160932,46.832820000000005 +24500,Arrowhead Rd @ 845,-92.08852200000001,46.825463000000006 +24501,Arrowhead Rd @ 845,-92.088482,46.82549 +24502,Airpark Blvd @ Ventrure A,-92.17158400000001,46.833248000000005 +24503,Arrowhead Rd @ Aspenwood,-92.119167,46.822062 +24504,Arrowhead Rd @ Blackman,-92.12164700000001,46.82202 +24505,Airport Terminal,-92.17972,46.837493 +24506,Arrowhead Rd @ Blackman,-92.12139900000001,46.822074 +24507,Arrowhead Rd @ Rice Lake,-92.12642840000001,46.821948600000006 +24508,Anchor St & Arbutus Dr,-92.21583600000001,46.738947 +24509,Arrowhead Road & Triggs A,-92.11072200000001,46.82213 +24510,Arrowhead Road @ Airbase,-92.179258,46.822093 +24511,Arrowhead Road @ Menards,-92.182573,46.822124 +24512,Anchor St & Boundary Ave,-92.21695700000001,46.738975 +24513,Basswood & Myrtle IB,-92.13534600000001,46.801313 +24514,Anoka St & Elysian St,-92.08739800000001,46.843886000000005 +24515,Basswood & Myrtle OB,-92.13530700000001,46.801195 +24516,Anoka St & Elysian St,-92.087254,46.843913 +24517,Basswood & Swan Lake OB,-92.135288,46.803218 +24518,Bayliss & Wildwood,-92.113782,46.804036 +24519,Anoka St & Ewing St,-92.092803,46.843895 +24520,Bayliss @ 822,-92.11694,46.80386 +24521,Bayliss St & Oak Bend Dr,-92.116535,46.80404 +24522,Anoka St & Ewing St,-92.09250300000001,46.843922000000006 +24523,Bayliss St & Wildwood,-92.11403,46.804018000000006 +24524,Anoka St & Kolstad St,-92.09020500000001,46.843900000000005 +24525,Anoka St & Kolstad St,-92.08987900000001,46.843935 +24526,Anoka St & Maxwell St,-92.09502300000001,46.843917000000005 +24527,Anoka St & Rendle St,-92.084996,46.843873 +24528,Anoka St & Rendle St,-92.084643,46.84389 +24529,Anoka St & Woodland Ave,-92.08379500000001,46.843862 +24530,Arbutus Dr & Dewberry Lan,-92.21329100000001,46.740905000000005 +24531,Benedictine Health Center,-92.105396,46.814427 +24532,Arrowhead & Aspenwood,-92.11890600000001,46.822106000000005 +24533,Boulder Ridge,-92.118938,46.80771 +24534,Boulder Ridge,-92.118977,46.80771 +24535,Arrowhead Rd & Apple Ridg,-92.116034,46.822066 +24536,Arrowhead Rd & Apple Ridg,-92.116178,46.822147 +24537,Boundary Ave & 01 St,-92.21710800000001,46.742416000000006 +24538,Boundary Ave & 01 St,-92.21715900000001,46.743075000000005 +24539,Arrowhead Rd & Brainerd A,-92.093749,46.823593 +24540,Boundary Ave & 02 St,-92.217157,46.744095 +24541,Arrowhead Rd & Brainerd A,-92.09354,46.823773 +24542,Boundary Ave & 03 St,-92.217156,46.745115000000006 +24543,Arrowhead Rd & Carver Ave,-92.07971,46.825836 +24544,Boundary Ave & 04 St,-92.21714100000001,46.746109000000004 +24545,Boundary Ave & Brook,-92.217089,46.745792 +24546,Arrowhead Rd & Dodge Ave,-92.09811400000001,46.822119 +24547,Boundary Ave & Grove St,-92.21718800000001,46.740908000000005 +24548,Arrowhead Rd & Dodge Ave,-92.097605,46.822154000000005 +24549,Boundary Ave & Grove St,-92.21711,46.740989000000006 +24550,Arrowhead Rd & Triggs Ave,-92.111114,46.822085 +24551,Boundary Ave & Meadow St,-92.217104,46.744799 +24552,Boundary Ave & Orchard St,-92.21711900000001,46.743707 +24553,Boundary Ave & Vinland,-92.217087,46.746858 +24554,Hwy 23 @ 10423,-92.23278900000001,46.654994 +24555,Arrowhead Rd & Valhalla A,-92.09178700000001,46.824791000000005 +24556,Boundry Ave & Oak St,-92.217174,46.741784 +24557,Bridgeman's,-92.16564500000001,46.805713000000004 +24558,Arrowhead Rd & Valhalla A,-92.091565,46.824899 +24559,Bridgeman's,-92.165671,46.805722 +24560,Arrowhead Rd & Warren Ave,-92.09921,46.82213 +24561,Arrowhead Rd & Warren Ave,-92.098949,46.822147 +24562,Arrowhead Rd & Woodhaven,-92.081433,46.825857000000006 +24563,Arrowhead Rd & Woodhaven,-92.08157600000001,46.825884 +24564,Arrowhead Rd @ 1130,-92.09530600000001,46.822692 +24565,Arrowhead Rd @ 1201,-92.09509600000001,46.822809 +24566,Arrowhead Rd @ 608,-92.08277700000001,46.825859 +24567,Bubalo St & Burger Dr,-92.235832,46.661202 +24568,Arrowhead Rd @ 608,-92.08285500000001,46.825886000000004 +24569,Burger Dr & Coban Dr,-92.233749,46.661029000000006 +24570,Burning Tree Rd - Best Bu,-92.16917500000001,46.808327000000006 +24571,Carver Ave & Halsey,-92.079363,46.824381 +24572,Burning Tree Rd - Super One,-92.169784,46.810152 +24573,CSS,-92.10553700000001,46.815402000000006 +24574,Calvary Rd & Arnold Rd,-92.090376,46.854567 +24575,Calvary Rd & Arnold Rd,-92.090507,46.854622000000006 +24576,Calvary Rd & Chicago Ave Tool House,-92.09397700000001,46.855395 +24577,Carver Ave & St Marie St,-92.07933200000001,46.822213000000005 +24578,Calvary Rd & Chicago Ave,-92.09409500000001,46.855405000000005 +24579,Carver Ave & St Marie St,-92.07929200000001,46.822249000000006 +24580,Calvary Rd & Chisholm,-92.08480800000001,46.852345 +24581,Central Ave & Bristol,-92.166605,46.737121 +24582,Calvary Rd & Chisholm,-92.084991,46.852463 +24583,Calvary Rd & Coleman St,-92.087559,46.853506 +24584,Calvary Rd & Coleman St,-92.08748100000001,46.853515 +24585,Calvary Rd & Mather Rd,-92.092855,46.855132000000005 +24586,Calvary Rd & Mather Rd,-92.09273800000001,46.855140000000006 +24587,Calvary Rd & W Austin,-92.081523,46.850975000000005 +24588,Calvary Rd & W Austin,-92.081783,46.851129 +24589,Calvary Rd @ 130,-92.086021,46.852853 +24590,Calvary Rd @ 130,-92.085982,46.852871 +24591,Campus Park Housing,-92.12415100000001,46.815020000000004 +24592,Campus Park Housing,-92.124499,46.815431000000004 +24593,Canal Park Dr & Buchanan,-92.09370240000001,46.781957000000006 +24594,Canal Park Dr & Buchanan,-92.0938405,46.7820187 +24595,Canal Park Dr & Sutphin,-92.094891,46.784436 +24596,Carlton Ave & Grand Ave,-92.143427,46.756993 +24597,Carver Ave & Arrowhead Rd,-92.07933200000001,46.825564 +24598,Carver Ave & Brookline,-92.079313,46.823758000000005 +24599,Central Ent & Hugo Ave,-92.13760260000001,46.8004016 +24600,Central Ent & Hugo Ave,-92.1371943,46.800569 +24601,Central Ent & Myrtle,-92.1442282,46.800735 +24602,Central Ent & Oregon Ave,-92.134383,46.800435 +24603,Central Ent & Oregon Ave,-92.1339552,46.800366000000004 +24604,Central Ent & Pecan Ave,-92.1151873,46.799216200000004 +24605,Central Ent & Pecan Ave,-92.11728210000001,46.7997231 +24606,Central Ent & Robin St,-92.1427975,46.800654300000005 +24607,Central Ent & Stroll Ave,-92.1244528,46.8002635 +24608,Central Ent & Stroll Ave,-92.1240842,46.8004546 +24609,Central Ent & Teak Ave,-92.14125250000001,46.8004267 +24610,Central Ent & Teak Ave,-92.1409457,46.800586800000005 +24611,Central Ent @ 1001 -Cent.Prof.Bldg,-92.112949,46.799167000000004 +24612,Central Ave & Bristol,-92.16655200000001,46.737437 +24613,Central Ent @ 208,-92.12942720000001,46.8004751 +24614,Central Ent @ 327,-92.1218693,46.800025500000004 +24615,Central Ave & Main St,-92.166514,46.733591000000004 +24616,Central Ent @t 209,-92.12910310000001,46.8002666 +24617,Chambersburg & Hagberg,-92.15860900000001,46.780987 +24618,Central Ave & Main St,-92.16661300000001,46.733852000000006 +24619,Chambersburg & Harvey St,-92.158585,46.779922000000006 +24620,Central Ave & Nicollet St,-92.166559,46.734809000000006 +24621,Chambersburg & Morris Tho,-92.158602,46.778694 +24622,Chris Jensen @ Rice Lake,-92.125809,46.818079000000004 +24623,Central Ave & Nicollet St,-92.16660300000001,46.735058 +24624,Chris Jensen at Rice Lake,-92.12595200000001,46.818242000000005 +24625,Cody St & 58 AW,-92.170884,46.741424 +24626,Central Ave & Raleigh St,-92.166606,46.73136 +24627,Cody St & 58 AW,-92.1618679,46.746942600000004 +24628,Central Ave & Ramsey St,-92.166549,46.738692 +24629,Colalillo Dr & 46 AW,-92.15835100000001,46.743603 +24630,Colalillo Dr & 46 AW,-92.157593,46.744288000000005 +24631,Central Ent & 10 St,-92.1028069,46.7986213 +24632,Colalillo Dr & Superior S,-92.15827700000001,46.742068 +24633,Central Ent & 11 St,-92.107898,46.796199 +24634,Colalillo Dr & W Superior,-92.15803000000001,46.741436 +24635,Colalillo Dr & Wadena,-92.15920700000001,46.739938 +24636,Central Ent & 11 St,-92.1080575,46.796669200000004 +24637,Colalillo Dr & Wadena,-92.15903700000001,46.740164 +24638,College St & 19 AE,-92.0913,46.814955000000005 +24639,Central Ent & 13 St,-92.10972480000001,46.7973919 +24640,College St & Brainerd,-92.09170400000001,46.814991000000006 +24641,College St & Fay St,-92.08056,46.814891 +24642,Central Ent & 13 St,-92.1100717,46.7978589 +24643,College St & Fay St,-92.08052,46.814909 +24644,Central Ent & 14 St,-92.1109435,46.798117500000004 +24645,College St & Kenwood,-92.10015600000001,46.816622 +24646,College St & Kenwood,-92.10015600000001,46.81664 +24647,Central Ent & 14 St,-92.11106960000001,46.7984832 +24648,College St & Kirby Dr,-92.088351,46.814904000000006 +24649,College St & Lawn St,-92.086471,46.814919 +24650,Central Ent & Arlington Ave,-92.1314335,46.8002886 +24651,College St & Missouri,-92.09423600000001,46.814941000000005 +24652,College St & Missouri,-92.094302,46.814969000000005 +24653,Central Ent & Arlington Ave,-92.13195280000001,46.8005603 +24654,College St & Snelling St,-92.084879,46.814925 +24655,Central Ent & Basswood Av,-92.1355077,46.8003604 +24656,College St & University D,-92.08592300000001,46.814936 +24657,College St & Woodland Ave,-92.07855,46.814869 +24658,Central Ent & Basswood Av,-92.135901,46.800575 +24659,College St & Woodland Ave,-92.07868,46.814887000000006 +24660,Central Ent & Blackman Av,-92.12144280000001,46.800181300000006 +24661,Commonwealth & Becks Rd,-92.2267159,46.676300700000006 +24662,Central Ent & Ebony Ave,-92.1394673,46.800406100000004 +24663,Commonwealth & Bowser St,-92.22641700000001,46.662225 +24664,Commonwealth & Bowser St,-92.226456,46.662315 +24665,Central Ent & Ebony Ave,-92.13911540000001,46.800573500000006 +24666,Commonwealth & Carterett,-92.226438,46.666106000000006 +24667,Central Ent & Harding Ave,-92.12688820000001,46.8002885 +24668,Commonwealth & Carterett,-92.22649000000001,46.666215 +24669,Commonwealth & Crestline,-92.22656900000001,46.67405 +24670,Commonwealth & Crestline,-92.226504,46.674068000000005 +24671,Commonwealth & Dickson St,-92.226481,46.671676000000005 +24672,Central Ent & Harding Ave,-92.12640540000001,46.8004691 +24673,Foxtail Ave & Anchor St,-92.21129900000001,46.739136 +24674,Commonwealth & Dickson St,-92.226533,46.671875 +24675,Commonwealth & Fillmore S,-92.2263056,46.664909300000005 +24676,Commonwealth & Gary St,-92.22653600000001,46.670033000000004 +24677,Commonwealth & Gary St,-92.226471,46.670087 +24678,Foxtail Ave & Arbutus Dr,-92.21128200000001,46.741598 +24679,Commonwealth & Glencrest,-92.22635790000001,46.677033300000005 +24680,Commonwealth & Glenview C,-92.2263607,46.676301 +24681,Foxtail Ave & Nutmeg Lane,-92.211297,46.740722000000005 +24682,Commonwealth & Goodhue St,-92.22640600000001,46.660943 +24683,Commonwealth & Goodhue St,-92.22645800000001,46.661195000000006 +24684,Garfield Ave & Goodwill Industries,-92.109307,46.759861 +24685,Commonwealth & Heard St,-92.226397,46.658397 +24686,Garfield Ave & Goodwill Industries,-92.10952800000001,46.760096000000004 +24687,Commonwealth & Heard St,-92.226436,46.658641 +24688,Garfield Ave & Superior S SW,-92.118216,46.771406000000006 +24689,Commonwealth & House St,-92.226449,46.667298 +24690,Commonwealth & House St,-92.22651400000001,46.667542000000005 +24691,Garfield Ave @ 250 (Carg,-92.11533200000001,46.767825 +24692,Commonwealth & McCuen Lay,-92.22690800000001,46.656375000000004 +24693,Garfield Ave @ 250 (Cargi,-92.11635890000001,46.7682591 +24694,Commonwealth & McCuen,-92.226386,46.657106000000006 +24695,Garfield Ave @ 330 (DTC),-92.113865,46.7659 +24696,Commonwealth & McCuen,-92.226411,46.657521 +24697,Garfield Ave @ 330 (DTC),-92.114034,46.766054000000004 +24698,Commonwealth & McGonagle,-92.22646,46.668751 +24699,Commonwealth & McGonagle,-92.22652400000001,46.669031000000004 +24700,Garfield Ave @ 366 (Bend,-92.112384,46.763902 +24701,Commonwealth & Peary St,-92.22639500000001,46.659670000000006 +24702,Commonwealth & Peary St,-92.22643400000001,46.659932000000005 +24703,Garfield Ave @ 366 (Bend,-92.11237100000001,46.763929000000005 +24704,Commonwealth & Reis St,-92.226493,46.672940000000004 +24705,Garfield Ave @ 602 (Birch,-92.11037200000001,46.761289000000005 +24706,Commonwealth & Reis St,-92.226544,46.673157 +24707,Commonwealth & Stowe St,-92.22642800000001,46.663524 +24708,Garfield Ave @ 602 (Birch,-92.110606,46.761542000000006 +24709,Commonwealth & Stowe St,-92.226467,46.663804000000006 +24710,Cottonwood St & Maple Gro,-92.157081,46.807356000000006 +24711,Glenwood St & 53 AE,-92.018268,46.840371000000005 +24712,Cottonwood St & Maple Grove,-92.157121,46.807121 +24713,Crosley Ave & 45 AE,-92.032317,46.840113 +24714,Glenwood St & 54 AE,-92.016192,46.840367 +24715,Crosley Ave & 47 AE,-92.02967500000001,46.841155 +24716,Crosley Ave & 48 AE,-92.02757000000001,46.841972000000005 +24717,Glenwood St & 57 AE,-92.01426000000001,46.840371000000005 +24718,Crosley Ave & 50 AE,-92.023646,46.843563 +24719,Glenwood St & 58 AE,-92.012432,46.840367 +24720,Crosley Ave & 51 AE,-92.02218,46.844183 +24721,Crosley Ave & Glenwood St,-92.03125800000001,46.840517000000006 +24722,Glenwood St & 60 AE,-92.010722,46.840363 +24723,Crosley Ave & Wyoming St,-92.02611800000001,46.842542 +24724,Cub Foods,-92.14818000000001,46.803136 +24725,Glenwood St & Leicester A,-92.060139,46.836674 +24726,Cub foods inbound,-92.1483566,46.803251100000004 +24727,DECC,-92.099687,46.781735000000005 +24728,Glenwood St & Livingston,-92.063429,46.836653000000005 +24729,DTA Garage,-92.12857100000001,46.762824 +24730,Glenwood St & Morningside,-92.05870300000001,46.83668 +24731,DTA Garage,-92.12743400000001,46.763726000000005 +24732,Glenwood St & Snively,-92.055897,46.836656000000005 +24733,Decker Rd & Mall Dr,-92.16401400000001,46.805558000000005 +24734,Decker Rd & Mall Dr,-92.163701,46.805575000000005 +24735,Glenwood St & Sparkman,-92.06281600000001,46.836652 +24736,Door 8 in,-92.15830500000001,46.803203 +24737,Glenwood St & Spear Ave,-92.06143200000001,46.836667000000006 +24738,Door 8 out,-92.15827900000001,46.803140000000006 +24739,Eklund Ave & Dale Place,-92.14585500000001,46.81351 +24740,Glenwood St & Woodbury La,-92.057293,46.836677 +24741,Eklund Ave & Dale Place,-92.145829,46.813591 +24742,Eklund Ave & Farrell,-92.14719000000001,46.812003000000004 +24743,Goodwill Industries parking lot,-92.109724,46.759907000000005 +24744,Eklund Ave & Farrell,-92.147007,46.812265000000004 +24745,Eklund Ave & Ideal,-92.14796600000001,46.809692000000005 +24746,Grand Ave & 33 AW,-92.14272000000001,46.757778 +24747,Eklund Ave & Ideal,-92.14792700000001,46.809765000000006 +24748,Eklund Ave & Maple Grove,-92.147946,46.807624000000004 +24749,Grand Ave & 36 AW,-92.14654800000001,46.755002000000005 +24750,Eklund Ave & Maple Grove,-92.147907,46.807705000000006 +24751,Eklund Ave & Page St,-92.147924,46.811047 +24752,Grand Ave & 37 AW,-92.147384,46.754425000000005 +24753,Eklund Ave & Page St,-92.14794900000001,46.811192000000005 +24754,Eklund Ave & Swan Lake Rd,-92.14484700000001,46.814692 +24755,Grand Ave & 37 AW,-92.147188,46.754596 +24756,Grand Ave & 39 AW,-92.15020600000001,46.752433 +24757,Grand Ave & 59 AW,-92.1717363,46.737298900000006 +24758,Grand Ave & 39 AW,-92.14997100000001,46.75264 +24759,Grand Ave & 63 AW,-92.177277,46.733250000000005 +24760,Grand Ave & 66 AW,-92.1815043,46.730372200000005 +24761,Grand Ave & 41 AW,-92.1527915,46.750704500000005 +24762,Grand Ave & 75 AW,-92.1920479,46.7228757 +24763,Grand Ave & 42 AW,-92.154255,46.749585 +24764,Grand Ave & 76 AW,-92.1926183,46.722469100000005 +24765,Grand Ave & 77 AW,-92.1933281,46.721977 +24766,Grand Ave & 42 AW,-92.15400700000001,46.749801000000005 +24767,Grand Ave & 78 AW,-92.19415400000001,46.721286000000006 +24768,Grand Ave & 78 AW,-92.194023,46.721412 +24769,Grand Ave & 43 AW,-92.15550900000001,46.748692000000005 +24770,Grand Ave & 79 AW,-92.194793,46.720871 +24771,Grand Ave & 80 AW,-92.195667,46.720249 +24772,Grand Ave & 43 AW,-92.15518200000001,46.748972 +24773,Grand Ave & 80 AW,-92.195485,46.720402 +24774,Grand Ave & 82 AW,-92.197246,46.719158 +24775,Grand Ave & 44 AW,-92.15697200000001,46.747665000000005 +24776,Grand Ave & 82 AW,-92.197129,46.719194 +24777,Grand Ave & 44 AW,-92.15671,46.747872 +24778,Grand Ave & Beaudry St,-92.2139578,46.7037581 +24779,Grand Ave & 45 AW,-92.15840800000001,46.746682 +24780,Grand Ave & Central Ave,-92.1671438,46.740501200000004 +24781,Grand Ave & Central Ave,-92.16685120000001,46.740484900000006 +24782,Grand Ave & 45 AW,-92.15795100000001,46.746962 +24783,Grand Ave & Clyde St,-92.215951,46.700575 +24784,Grand Ave & Clyde St,-92.215846,46.700837 +24785,Grand Ave & Grand Ave Pla,-92.21137900000001,46.707884 +24786,Grand Ave & Grand Ave Pla,-92.21141800000001,46.707903 +24787,Grand Ave & Hughlett Ave,-92.216604,46.699492000000006 +24788,Grand Ave & Hughlett Ave,-92.216513,46.699736 +24789,Grand Ave & Keene St,-92.21544200000001,46.701451000000006 +24790,Grand Ave & 46 AW - OB,-92.15921780000001,46.746127800000004 +24791,Grand Ave & Keene St,-92.21535,46.701703 +24792,Grand Ave & Main St,-92.1763504,46.734009900000004 +24793,Grand Ave & 47 AW,-92.160942,46.744825000000006 +24794,Grand Ave & Memorial Fiel,-92.16536900000001,46.741715000000006 +24795,Grand Ave & 47 AW,-92.16052400000001,46.745168 +24796,Grand Ave & Sherbourne St,-92.1840198,46.7283022 +24797,Grand Ave & Spirit Mtn,-92.20368,46.714306 +24798,Grand Ave & 48 AW,-92.16217,46.743933000000006 +24799,Grand Ave & Spring St,-92.2093789,46.7095099 +24800,Grand Ave & Spring St,-92.20890130000001,46.7095081 +24801,Grand Ave & 48 AW,-92.161921,46.744176 +24802,Grand Ave & Swenson St,-92.21482800000001,46.702461 +24803,Grand Ave & Swenson St,-92.214736,46.702696 +24804,Grand Ave & 56 AW,-92.1676647,46.739885900000004 +24805,Grand Ave & US Bank,-92.16516,46.741823000000004 +24806,Grand Ave & Zimmerly Ave,-92.21723100000001,46.698509 +24807,Grand Ave & 56 AW,-92.16770550000001,46.7401403 +24808,Grand Ave & Zimmerly Ave,-92.21712600000001,46.698806000000005 +24809,Grand Ave & 57 AW,-92.16949070000001,46.7388157 +24810,Grinden Rd & Haines Rd,-92.175505,46.836549000000005 +24811,Haines & Sundby Rd,-92.174785,46.820228 +24812,Grand Ave & 58 AW,-92.1709498,46.737817400000004 +24813,Haines Rd & Airpark Blvd,-92.17488700000001,46.832755000000006 +24814,Grand Ave & 58 AW,-92.17038570000001,46.7382265 +24815,Haines Rd & Airpark Blvd,-92.17481500000001,46.833026000000004 +24816,Haines Rd & Anderson Rd,-92.17476900000001,46.792872 +24817,Haines Rd @ 3776,-92.174802,46.784167000000004 +24818,Haines Rd & Anderson Rd,-92.17482100000001,46.793152000000006 +24819,Haines Rd & Arrowhead Rd,-92.174846,46.822088 +24820,Haines Rd & Arrowhead Rd,-92.174794,46.822115000000004 +24821,Haines Rd & Carlson Rd,-92.174794,46.782063 +24822,Haines Rd & Gander MT,-92.1748998,46.8195331 +24823,Haines Rd & Hagberg,-92.17477000000001,46.781024 +24824,Haines Rd & Mall Dr,-92.174619,46.812948000000006 +24825,Haines Rd @ 3826,-92.174794,46.787661 +24826,Haines Rd & Maple Grove,-92.17472000000001,46.807343 +24827,Haines Rd @ 3869,-92.17482600000001,46.790922 +24828,Haines Rd & Portland Rd,-92.17479900000001,46.785657 +24829,Haines Rd @ 3870,-92.17478700000001,46.790985000000006 +24830,Haines Rd & St. Louis Cou Jail,-92.174901,46.826794 +24831,Haines Rd & St. Louis County Jail,-92.174822,46.826866 +24832,Haines Rd @ 3936,-92.17477600000001,46.795590000000004 +24833,Haines Rd @ 3718,-92.17475900000001,46.77994 +24834,Haines Rd @ 3943,-92.17481400000001,46.796051000000006 +24835,Haines Rd @ 3966,-92.174757,46.798399 +24836,Haines Rd @ 3997,-92.174806,46.799853000000006 +24837,Hwy 23 @ 10801,-92.23708900000001,46.655904 +24838,Hwy 23 @ 10801,-92.236829,46.655931 +24839,Haines Rd @ 4004,-92.17475200000001,46.800576 +24840,Hwy 23 @ 11601,-92.243482,46.655899000000005 +24841,Haines Rd @ 4033,-92.17478600000001,46.802562 +24842,Hwy 23 @ 11601,-92.24387200000001,46.655926 +24843,Haines Rd @ 4042,-92.17475800000001,46.803402000000006 +24844,Hwy 23 @ 11825,-92.251525,46.657889000000004 +24845,Haines Rd @ 4082,-92.17475400000001,46.805416 +24846,Hwy 23 @ 11825,-92.251733,46.657943 +24847,Idaho St & 89 AW,-92.212383,46.68462 +24848,Haines Rd @ 4083,-92.174791,46.806256000000005 +24849,Idaho St & 89 AW,-92.211875,46.684647000000005 +24850,Haines Rd @ 4402,-92.174824,46.83023 +24851,Idaho St & 90 AW,-92.21362,46.684431000000004 +24852,Idaho St & 90 AW,-92.21316700000001,46.684542 +24853,Haines Rd @ 4444,-92.17479,46.834937000000004 +24854,Idaho St & 91 AW,-92.214871,46.684279000000004 +24855,Idaho St & 91 AW,-92.21440600000001,46.684324000000004 +24856,Haines Rd @ 4444,-92.174856,46.835275 +24857,Idaho St & 92 AW,-92.21588600000001,46.684505 +24858,Haines Road @ 4402,-92.17489300000001,46.830208000000006 +24859,Idaho St & 92 AW,-92.216069,46.684524 +24860,Idaho St & 93 AW - Hilton,-92.217707,46.686466 +24861,Highland St & 57 AW,-92.16951200000001,46.748375 +24862,Idaho St & Commonwealth A,-92.222395,46.686758000000005 +24863,Idaho St & Commonwealth A,-92.221874,46.686767 +24864,Highland St & 58 AW,-92.170737,46.748367 +24865,Idaho St & Grand Ave,-92.223815,46.686795000000004 +24866,Idaho St & Hilton St,-92.217135,46.68549 +24867,Highland St & 58 AW,-92.17046400000001,46.748394000000005 +24868,Highland St & 59 AW,-92.172419,46.748360000000005 +24869,Highland St & 59 AW,-92.172132,46.748387 +24870,Highland St & 62 AW,-92.176474,46.748337 +24871,Highland St & 62 AW,-92.176174,46.748364 +24872,Joshua Ave @ Hardee's,-92.153368,46.804867 +24873,Joshua Ave @ Hardees IB,-92.15313490000001,46.804785100000004 +24874,Highland St & 63 AW,-92.178143,46.748339 +24875,Junction Ave @ W Grigg Pl,-92.09049300000001,46.818114 +24876,Junction Ave @ W Grigg Pl,-92.090545,46.818123 +24877,Highland St & 63 AW,-92.17784300000001,46.748366000000004 +24878,Junction Ave above Colleg,-92.090581,46.815251 +24879,Junction Ave above Colleg,-92.090542,46.815333 +24880,Highland St & Oneota Ceme,-92.17912000000001,46.748358 +24881,Kent Rd & 24 AE,-92.07531700000001,46.813861 +24882,Kent Rd & 24 AE,-92.075147,46.813897000000004 +24883,Hobby Lobby,-92.16708600000001,46.8061828 +24884,Kent Rd & Woodland Ave,-92.077888,46.813902000000006 +24885,Kent Rd & Woodland Ave,-92.07782300000001,46.813929 +24886,Kent Rd @ 31,-92.07674,46.81389 +24887,Kent Rd @ 31,-92.07638700000001,46.813908000000005 +24888,Kenwood & Arrowhead,-92.098636,46.822011 +24889,Kenwood Ave & Arrowhead R,-92.100386,46.821906000000006 +24890,Kenwood Ave & Artavia St,-92.100414,46.817489 +24891,Kenwood Ave & Artavia St,-92.100465,46.817797000000006 +24892,Kenwood Ave & Buffalo St,-92.100392,46.820163 +24893,Kenwood Ave & Buffalo St,-92.100454,46.820370000000004 +24894,Kenwood Ave & Chesterwood,-92.09921700000001,46.812466 +24895,Kenwood Ave & Chesterwood,-92.09923,46.812547 +24896,Kenwood Ave & Cleveland S,-92.10044,46.821292 +24897,Kenwood Ave & Cleveland St,-92.100389,46.821039000000006 +24898,Kenwood Ave & Cliffside M,-92.09957100000001,46.808104 +24899,Kenwood Ave & Cliffside M,-92.099519,46.808131 +24900,Kenwood Ave & College St,-92.10041700000001,46.816541 +24901,Kenwood Ave & College St,-92.100468,46.816839 +24902,Kenwood Ave & Martha St,-92.099631,46.805910000000004 +24903,Kenwood Ave & Martha St,-92.09961700000001,46.806118000000005 +24904,Kenwood Ave & Niagara St,-92.10041000000001,46.818465 +24905,Kenwood Ave & Niagara St,-92.10046200000001,46.818546000000005 +24906,Kenwood Ave & Partridge S,-92.09910900000001,46.809774000000004 +24907,Kenwood Ave & Partridge S,-92.09908200000001,46.809901 +24908,Hwy 23 & 121 AW,-92.25632800000001,46.659471 +24909,Hwy 23 & 121 AW,-92.25658800000001,46.659471 +24910,Kenwood Ave & Toledo St,-92.100408,46.819242 +24911,Kenwood Ave & Toledo St,-92.100446,46.81944 +24912,Hwy 23 & 123 AW,-92.25920500000001,46.659744 +24913,Kenwood Ave & Westchester Apts 833,-92.099919,46.813316 +24914,Kirby Drive above College,-92.08853300000001,46.814941000000005 +24915,Hwy 23 & 123 AW,-92.25945200000001,46.659744 +24916,Kirby Plaza - A,-92.08570510000001,46.818566800000006 +24917,Kirby Plaza - B,-92.0856431,46.8187591 +24918,Hwy 23 & 125 AW,-92.26223,46.660059000000004 +24919,Kirby Plaza - C,-92.0858386,46.8187197 +24920,Kirby Shelter - D,-92.08588400000001,46.818583200000006 +24921,Hwy 23 & 125 AW,-92.262459,46.660079 +24922,Lake Ave & 01 St,-92.099497,46.787776 +24923,Lake Ave & 01 St,-92.09954900000001,46.787776 +24924,Hwy 23 & 130 AW,-92.271873,46.659948 +24925,Lake Ave & 02 St,-92.100565,46.788391000000004 +24926,Hwy 23 & 130 AW,-92.2721288,46.6600547 +24927,Lake Ave & 02 St,-92.10076000000001,46.788545000000006 +24928,Lake Ave & 03 St,-92.101723,46.789107 +24929,Hwy 23 & 131 AW,-92.273696,46.660129000000005 +24930,Lake Ave & 09 St,-92.091059,46.776065 +24931,Hwy 23 & 131 AW,-92.2738102,46.6602359 +24932,Lake Ave & 10 St,-92.09013800000001,46.774846000000004 +24933,Hwy 23 & 133 AW,-92.27783600000001,46.660582000000005 +24934,Lake Ave & 10 St,-92.090326,46.774954 +24935,Lake Ave & 11 St,-92.089229,46.773545000000006 +24936,Hwy 23 & 133 AW,-92.27749010000001,46.660681000000004 +24937,Lake Ave & 11 St,-92.08955200000001,46.773721 +24938,Lake Ave & 12 St,-92.088755,46.772615 +24939,Hwy 23 & Milepost 336,-92.27988900000001,46.6609155 +24940,Lake Ave & 12 St,-92.088723,46.772839000000005 +24941,Lake Ave & Buchanan St,-92.094536,46.781428000000005 +24942,Hwy 23 & W 05 St,-92.264594,46.660540000000005 +24943,Lake Ave & Buchanan St,-92.094673,46.781444 +24944,Lake Ave & Morse St,-92.093952,46.780587000000004 +24945,Hwy 23 & W 05 St,-92.26506300000001,46.660622000000004 +24946,Lake Ave & Morse St,-92.09410600000001,46.780619 +24947,Lake Ave & Superior St,-92.098365,46.787051000000005 +24948,Hwy 23 @ 10423,-92.23280700000001,46.654971 +24949,Lake Ave & Superior St,-92.09843000000001,46.787115 +24950,Lake Ave & Sutphin St,-92.096508,46.784044 +24951,Lake Ave & Sutphin St,-92.096379,46.784149000000006 +24952,Maxwell St & Anoka St,-92.095297,46.843944 +24953,Lake Ave S & 08 St,-92.09164200000001,46.777170000000005 +24954,Lake Ave S & 08 St,-92.0918,46.777188 +24955,Lake Superior College,-92.14506100000001,46.784221 +24956,Livingston Ave & Oxford S,-92.063753,46.834052 +24957,Livingston Ave & Sparkman,-92.063799,46.835606000000006 +24958,Livingston Ave & Spear Av,-92.063776,46.834694000000006 +24959,Maxwell St & Faribault,-92.095358,46.848786000000004 +24960,M&H Layover,-92.11284500000001,46.774694000000004 +24961,Maxwell St & Faribault,-92.095443,46.848948 +24962,Mall Dr & Super One,-92.16916900000001,46.810847 +24963,Maple Grove Rd & Haines R,-92.17404400000001,46.807574 +24964,Maxwell St & Owatonna St,-92.095349,46.847801000000004 +24965,Maple Grove Rd & Joshua S,-92.153022,46.807585 +24966,Maple Grove Rd @ 925,-92.150569,46.807573000000005 +24967,Maxwell St & Owatonna St,-92.095375,46.847874000000004 +24968,Marine Museum,-92.09257000000001,46.780567000000005 +24969,Maxwell St & Redwing St,-92.09536800000001,46.849743000000004 +24970,Maxwell St & Wabasha,-92.09529400000001,46.844784000000004 +24971,Maxwell St & Wabasha,-92.09533300000001,46.844983000000006 +24972,Maxwell St & Winona,-92.095326,46.846781 +24973,Maxwell St & Winona,-92.09537800000001,46.847043000000006 +24974,Minnesota Ave & 33 St,-92.070307,46.749211 +24975,Mesaba Ave & 01 AE,-92.10697900000001,46.793549000000006 +24976,Minnesota Ave & 34 St,-92.069242,46.748180000000005 +24977,Minnesota Ave & 34 St,-92.06933400000001,46.748198 +24978,Mesaba Ave & 01 AE,-92.10722700000001,46.793613 +24979,Minnesota Ave & 35 St,-92.068191,46.747040000000005 +24980,Minnesota Ave & 35 St,-92.068503,46.747285000000005 +24981,Mesaba Ave & Lake Ave,-92.106969,46.792583 +24982,Minnesota Ave & 36 St,-92.067295,46.745955 +24983,Mesaba Ave & Lake Ave,-92.10724420000001,46.7926895 +24984,Minnesota Ave & 36 St,-92.06726900000001,46.746027000000005 +24985,Minnesota Ave & 37 St,-92.066218,46.744897 +24986,Michigan St & 38 AW,-92.143781,46.75135 +24987,Minnesota Ave & 37 St,-92.066348,46.744960000000006 +24988,Miller Hill Mall - Sears Inbound,-92.15895730000001,46.801604000000005 +24989,Minnesota Ave & 38 St,-92.065309,46.743902000000006 +24990,Miller Hill Mall - Sears,-92.15800800000001,46.801875 +24991,Minnesota Ave & 38 St,-92.065426,46.743947000000006 +24992,Miller Hill Mall/Northstar Ford,-92.156436,46.804402 +24993,Minnesota Ave & 39 St,-92.063737,46.742418 +24994,Minnesota Ave & 39 St,-92.06408900000001,46.742608000000004 +24995,Miller Hill Mall/Northstar Ford,-92.156475,46.80442 +24996,Minnesota Ave & 40 St,-92.06232100000001,46.741142 +24997,Minnesota Ave & 40 St,-92.06245100000001,46.741323 +24998,Minnesota Ave & 13 St,-92.08862500000001,46.770988 +24999,Minnesota Ave & 41 St,-92.06098300000001,46.739975 +25000,Minnesota Ave & 13 St,-92.088797,46.771025 +25001,Minnesota Ave & 41 St,-92.06093100000001,46.739984 +25002,Minnesota Ave & 42 St,-92.060074,46.739187 +25003,Minnesota Ave & 14 St,-92.08784700000001,46.769849 +25004,Minnesota Ave & 42 St,-92.06012600000001,46.739187 +25005,Minnesota Ave & 14 St,-92.08809500000001,46.769974000000005 +25006,Minnesota Ave & 43 St,-92.05847800000001,46.737433 +25007,Minnesota Ave & 43 St,-92.05839900000001,46.737676 +25008,Minnesota Ave & 15 St,-92.08708200000001,46.768719000000004 +25009,Minnesota Ave & 49 St,-92.053551,46.731981000000005 +25010,Minnesota Ave & 15 St,-92.087361,46.768879000000005 +25011,Minnesota Ave & Harbor Po Circle,-92.08465600000001,46.765139000000005 +25012,Minnesota Ave & 16 St,-92.086264,46.767534000000005 +25013,Minnesota Ave & Harbor Po Circle,-92.08501600000001,46.765485000000005 +25014,Minnesota Ave & 16 St,-92.086538,46.767687 +25015,Minnesota Ave. & 24th St.,-92.07873400000001,46.758545000000005 +25016,Morris Thomas Rd & Asbury,-92.17074500000001,46.778581 +25017,Minnesota Ave & 17 St,-92.085538,46.766458 +25018,Morris Thomas Rd & Haines,-92.174593,46.778604 +25019,Morris Thomas Rd & Hanfor,-92.16491500000001,46.778575000000004 +25020,Morris Thomas Rd & Hutchi,-92.16256700000001,46.77859 +25021,Morris Thomas Rd & Karl A,-92.16889300000001,46.778588000000006 +25022,Morris Thomas Rd & Lillia,-92.161067,46.778597000000005 +25023,Morris Thomas Rd & Rivene,-92.171802,46.778592 +25024,Morris Thomas Rd &Chambersburg,-92.158406,46.778585 +25025,Morris Thomas Rd @ 2809,-92.166689,46.778577000000006 +25026,Morris Thomas a.m. Layover,-92.15519800000001,46.778581 +25027,Minnesota Ave & 17 St,-92.08568700000001,46.766462000000004 +25028,Minnesota Ave & 19 St,-92.08394200000001,46.764108 +25029,Minnesota Ave & 19 St,-92.08418900000001,46.764287 +25030,Minnesota Ave & 20 St,-92.08309000000001,46.763101000000006 +25031,Oak Bend Dr & 524 Highland Village,-92.118795,46.803059000000005 +25032,Minnesota Ave & 20 St,-92.082994,46.76314 +25033,Oak Bend Dr & 524 Highland Village,-92.11841700000001,46.803086 +25034,Minnesota Ave & 21 St,-92.08203800000001,46.762001000000005 +25035,Oak Bend Dr & Upham Rd,-92.120278,46.800542 +25036,Oak Bend Dr @ 323,-92.120237,46.801839 +25037,Minnesota Ave & 21 St,-92.081968,46.762018000000005 +25038,Oak Bend Dr @ 323,-92.120299,46.80194100000001 +25039,Minnesota Ave & 22 St,-92.08098100000001,46.760942 +25040,Minnesota Ave & 22 St,-92.08106500000001,46.760961 +25041,Oakbend Dr & Upham Rd,-92.12033000000001,46.800487000000004 +25042,Oakley St & 52 AE,-92.020313,46.844341 +25043,Minnesota Ave & 23 St,-92.08002900000001,46.759844 +25044,Oxford St & Roslyn Ave,-92.071365,46.833805000000005 +25045,Minnesota Ave & 23 St,-92.08004600000001,46.759956 +25046,Oxford St & Vermillion Rd,-92.06922300000001,46.833882 +25047,Oxford St & Wilkyns Ave,-92.06784,46.833870000000005 +25048,Minnesota Ave & 24 St,-92.07909400000001,46.758837 +25049,Oxford St & Woodland Ave,-92.07203200000001,46.833417000000004 +25050,Minnesota Ave & 25 St,-92.078046,46.757795 +25051,Park Inn,-92.09493540000001,46.784819500000005 +25052,Pecan Ave & Upham Rd,-92.11556800000001,46.800354000000006 +25053,Minnesota Ave & 25 St,-92.07820000000001,46.757856000000004 +25054,Pecan Ave & Upham Rd,-92.115463,46.80048 +25055,Pecan Ave @ 828,-92.11463900000001,46.801129 +25056,Pecan Ave @ 829,-92.11469100000001,46.801129 +25057,Minnesota Ave & 26 St,-92.07719200000001,46.756752000000006 +25058,Pecan Ave off Central Ent,-92.11625620000001,46.79975 +25059,Piedmont @ Chambersburg,-92.15755200000001,46.780941000000006 +25060,Minnesota Ave & 26 St,-92.07715,46.756791 +25061,Piedmont @ Chambersburg,-92.15869900000001,46.781574000000006 +25062,Piedmont Ave & 06 St,-92.13097,46.7712147 +25063,Minnesota Ave & 27 St,-92.076086,46.755541 +25064,Piedmont Ave & 07 St,-92.1323277,46.771640700000006 +25065,Minnesota Ave & 27 St,-92.076046,46.755561 +25066,Piedmont Ave & 07 St,-92.13213300000001,46.7719157 +25067,Piedmont Ave & 10 St,-92.13790800000001,46.771777 +25068,Minnesota Ave & 28 St,-92.07492900000001,46.754376 +25069,Piedmont Ave & 11 St,-92.138337,46.772229 +25070,Piedmont Ave & 22 AW,-92.1342525,46.771587800000006 +25071,Minnesota Ave & 28 St,-92.07522300000001,46.75459 +25072,Piedmont Ave & 22 AW,-92.135225,46.7716615 +25073,Minnesota Ave & 29 St,-92.07408500000001,46.753426000000005 +25074,Piedmont Ave & 24 AW - OB,-92.14287300000001,46.7734 +25075,Piedmont Ave & 24 St,-92.15489600000001,46.77933 +25076,Minnesota Ave & 29 St,-92.07420300000001,46.753454000000005 +25077,Piedmont Ave & 24 St,-92.155091,46.779421000000006 +25078,Piedmont Ave & 26 St,-92.15747400000001,46.780851000000006 +25079,Minnesota Ave & 30 St,-92.073189,46.752467 +25080,Piedmont Ave & Adirondack,-92.14825300000001,46.775656000000005 +25081,Minnesota Ave & 30 St,-92.07342200000001,46.752589 +25082,Piedmont Ave & Chambersbu,-92.1589026,46.7817992 +25083,Piedmont Ave & Decker Rd,-92.163869,46.784868 +25084,Minnesota Ave & 31 St,-92.072125,46.751309000000006 +25085,Piedmont Ave & Decker Rd,-92.164117,46.784949000000005 +25086,Piedmont Ave & Ensign St,-92.16235800000001,46.783827 +25087,Minnesota Ave & 31 St,-92.072264,46.751405000000005 +25088,Piedmont Ave & Ensign St,-92.16252800000001,46.783927000000006 +25089,Minnesota Ave & 32 St,-92.071112,46.750197 +25090,Piedmont Ave & Haines Rd,-92.174256,46.788970000000006 +25091,Piedmont Ave & Haines Rd,-92.17468600000001,46.789206 +25092,Minnesota Ave & 32 St,-92.071307,46.750342 +25093,Piedmont Ave & Harvey,-92.156107,46.780036 +25094,Minnesota Ave & 33 St,-92.070164,46.749139 +25095,Piedmont Ave & Harvey,-92.156146,46.780036 +25096,Piedmont Ave & Hillcrest,-92.15061100000001,46.776968000000004 +25097,Piedmont Ave & Springvale,-92.145661,46.774352 +25098,Piedmont Ave & Hillcrest,-92.150884,46.777086000000004 +25099,Piedmont Ave & Hutchinson,-92.1457,46.774334 +25100,Piedmont Ave & Hutchinson,-92.17042400000001,46.787593 +25101,Piedmont Ave & Hutchinson,-92.170893,46.78772 +25102,Piedmont Ave & Morris Tho Rd,-92.154127,46.778833000000006 +25103,Piedmont Ave & Nanticoke,-92.159936,46.782326000000005 +25104,Piedmont Ave & Nanticoke,-92.16024900000001,46.782488 +25105,Piedmont Ave & Trudeau Rd,-92.16671000000001,46.786199 +25106,Piedmont Ave & Ozark,-92.148201,46.775665000000004 +25107,Piedmont Ave & Trudeau Rd,-92.16682700000001,46.786208 +25108,Piedmont Ave @ 13 St - ne stop,-92.1402783,46.773500000000006 +25109,Rice Lake @ Marshall,-92.10856700000001,46.802565 +25110,Piedmont Ave @ 13 St - ne stop,-92.14081700000001,46.7734074 +25111,Shop-Ko inbound,-92.14930620000001,46.804525100000006 +25112,Piedmont Ave @ 2828,-92.16148600000001,46.783212000000006 +25113,Shop-Ko,-92.1491292,46.804640600000006 +25114,Skyline Blvd & 05 AW,-92.111998,46.786802 +25115,Piedmont Ave @ 3033,-92.16551100000001,46.785637 +25116,Skyline Blvd & 05AW,-92.111867,46.786865000000006 +25117,Skyline Blvd & 06 AW,-92.11343600000001,46.785829 +25118,Piedmont Ave @ 3033,-92.165602,46.785719 +25119,Skyline Blvd & 06 AW,-92.11347500000001,46.785829 +25120,Piedmont Ave @ 3221,-92.16775200000001,46.786579 +25121,Skyline Blvd & 07 AW,-92.114743,46.784865 +25122,Skyline Blvd & 07 AW,-92.114652,46.784892000000006 +25123,Piedmont Ave @ 3221,-92.16886000000001,46.787041 +25124,Skyline Blvd & 08 AW,-92.11585500000001,46.783981000000004 +25125,Skyline Blvd & 08 AW,-92.11575,46.784108 +25126,Piedmont Ave @ 3615,-92.17223600000001,46.788137000000006 +25127,Skyline Blvd & 09 AW,-92.11714900000001,46.782963 +25128,Piedmont Ave @ 3615,-92.17261400000001,46.788291 +25129,Skyline Blvd & 09 AW,-92.117058,46.783080000000005 +25130,Skyline Blvd & 10 AW,-92.118274,46.782134000000006 +25131,Piedmont Ave @ Morris Thomas,-92.153749,46.778670000000005 +25132,Skyline Blvd & 10 AW,-92.118104,46.782224 +25133,Skyline Blvd & 11 AW,-92.11925500000001,46.781205 +25134,Snively & Sussex Ave,-92.066304,46.829388 +25135,Snively & Vermillion Rd,-92.068358,46.828046 +25136,Snively Rd & Morley Pkwy,-92.059279,46.833204 +25137,Snively Rd & Morningside,-92.058153,46.833987 +25138,Piedmont Park & Ride,-92.174569,46.788962000000005 +25139,Snively Rd & Woodbury Lan,-92.05683,46.835186 +25140,St Marie St & Bayview Ave,-92.08242600000001,46.822065 +25141,Raleigh St & 56 AW,-92.168092,46.731122000000006 +25142,St Marie St & Bayview Ave,-92.08199900000001,46.822086000000006 +25143,St Marie St & Douglas Ave,-92.077635,46.822120000000005 +25144,Raleigh St & 56 AW,-92.16777900000001,46.731253 +25145,St Marie St & Dunedin,-92.077792,46.822147 +25146,St Marie St & Midway Dr,-92.080951,46.822035 +25147,Raleigh St & 57 AW,-92.16952400000001,46.731099 +25148,St Marie St & Midway Dr,-92.08055900000001,46.822062 +25149,St Marie St & Stuart Ct,-92.07650000000001,46.822154000000005 +25150,Raleigh St & 57 AW,-92.169161,46.731264 +25151,St. Marie St & Waverly Av,-92.075782,46.822135 +25152,Stebner Road Park & Ride,-92.195913,46.825797 +25153,Raleigh St & 58 AW,-92.17084200000001,46.731221000000005 +25154,Stowe St & Bubalo Dr,-92.234514,46.663720000000005 +25155,Raleigh St & 58 AW,-92.170438,46.731256 +25156,Stowe St & George Pine Ci,-92.2316705,46.663832400000004 +25157,Summit Ridge Housing,-92.118173,46.806093000000004 +25158,Raleigh St & 59 AW,-92.172263,46.731222 +25159,Summit Ridge,-92.11818600000001,46.806075 +25160,Superior & Garfield - west of,-92.11849000000001,46.771424 +25161,Raleigh St & 59 AW,-92.17178100000001,46.731258000000004 +25162,Superior St & 01 AE,-92.097267,46.787745 +25163,Raleigh St & 60 AW,-92.173671,46.731215000000006 +25164,Superior St & 01 AE,-92.096901,46.78797 +25165,Superior St & 01 AW,-92.100052,46.785645 +25166,Raleigh St & 60 AW,-92.17322800000001,46.731259 +25167,Superior St & 01 AW,-92.099215,46.78624 +25168,Superior St & 02 AE,-92.095893,46.788862 +25169,Raleigh St & 61 AW,-92.17500000000001,46.731216 +25170,Superior St & 02 AE,-92.095645,46.789016000000004 +25171,Raleigh St & 61 AW,-92.17463500000001,46.731252000000005 +25172,Superior St & 02 AW US Bank,-92.100628,46.785141 +25173,Superior St & 04 AW,-92.103845,46.782708 +25174,Raleigh St & 62 AW,-92.176291,46.731217 +25175,Superior St & 04 AW,-92.10286400000001,46.783437000000006 +25176,Superior St & 05 AW,-92.10419800000001,46.782383 +25177,Raleigh St & Central Ave,-92.166835,46.731153000000006 +25178,Superior St & 06 AW - Inc side,-92.106029,46.781022 +25179,Ramsey St & 51 AW,-92.16145200000001,46.738903 +25180,Ramsey St & 51 AW,-92.16112600000001,46.73892 +25181,Superior St & 06 AW - Lib,-92.10524500000001,46.781572000000004 +25182,Ramsey St & 52 AW,-92.162756,46.738895 +25183,Superior St & 06 AW - Rad,-92.10533600000001,46.781536 +25184,Superior St & 07 AW - Len,-92.10678560000001,46.78043580000001 +25185,Ramsey St & 52 AW,-92.16240400000001,46.738922 +25186,Superior St & 11 AE,-92.08474700000001,46.797378 +25187,Superior St & 12 AE,-92.083583,46.798288 +25188,Ramsey St & 53 AW,-92.164085,46.738888 +25189,Superior St & 12 AE,-92.08337300000001,46.798504 +25190,Ramsey St & 53 AW,-92.163694,46.738923 +25191,Superior St & 13 AE,-92.082392,46.799207 +25192,Superior St & 13 AE,-92.08211700000001,46.799459000000006 +25193,Ramsey St & 54 AW,-92.16541500000001,46.738889 +25194,Superior St & 14 AE,-92.08111000000001,46.800180000000005 +25195,Superior St & 14 AE,-92.08091300000001,46.800387 +25196,Ramsey St & 54 AW,-92.16505000000001,46.738916 +25197,Superior St & 15 AE,-92.07994500000001,46.801081 +25198,Superior St & 15 AE,-92.07967000000001,46.801333 +25199,Ramsey St & Central Ave N,-92.16674400000001,46.738918000000005 +25200,Superior St & 15 AW,-92.117457,46.772262000000005 +25201,Superior St & 15 AW,-92.11694700000001,46.772596 +25202,Ramsey St & Central Ave S,-92.166758,46.738891 +25203,Superior St & 16 AE,-92.078624,46.80209 +25204,Ramsey St & Central Ave,-92.166432,46.738917 +25205,Superior St & 16 AE,-92.078427,46.802279000000006 +25206,Superior St & 17 AE,-92.07732800000001,46.803072 +25207,Redruth St & 63 AW,-92.177075,46.729981 +25208,Superior St & 17 AE,-92.07715800000001,46.803252 +25209,Superior St & 18 AE,-92.07607200000001,46.804036 +25210,Redwing St & Elysian St,-92.087677,46.849920000000004 +25211,Superior St & 18 AE,-92.075889,46.804207000000005 +25212,Redwing St & Elysian St,-92.087389,46.849956000000006 +25213,Superior St & 18 AW,-92.120856,46.769631000000004 +25214,Superior St & 18 AW,-92.120506,46.769934000000006 +25215,Redwing St & Ewing St,-92.09286,46.849929 +25216,Superior St & 19 AE,-92.074842,46.804982 +25217,Superior St & 19 AE,-92.07459300000001,46.805217000000006 +25218,Redwing St & Ewing St,-92.09254700000001,46.849946 +25219,Superior St & 19 AW,-92.12215,46.768648000000006 +25220,Redwing St & Kolstad St,-92.09034000000001,46.849916 +25221,Superior St & 20 AE,-92.073599,46.805928 +25222,Superior St & 20 AE,-92.073441,46.806090000000005 +25223,Redwing St & Kolstad St,-92.09004,46.849951000000004 +25224,Superior St & 20 AW,-92.12334,46.767756000000006 +25225,Redwing St & Maxwell,-92.09519800000001,46.849969 +25226,Superior St & 20 AW,-92.12298700000001,46.768064 +25227,Superior St & 21 AE,-92.07256500000001,46.806721 +25228,Redwing St & Woodland Ave,-92.08234900000001,46.849956000000006 +25229,Superior St & 21 AE,-92.07195,46.807135 +25230,Redwing St @ 117,-92.08483000000001,46.849924 +25231,Superior St & 21 AW - IB,-92.12452900000001,46.766837 +25232,Superior St & 21 AW - OB,-92.12434300000001,46.767045 +25233,Redwing St @ 137,-92.085052,46.849897000000006 +25234,Superior St & 22 AE,-92.07107300000001,46.807793000000004 +25235,Rice Lake & Boulder Rdg,-92.11408800000001,46.806204 +25236,Superior St & 22 AE,-92.07089,46.807964000000005 +25237,Superior St & 22 AW,-92.12541800000001,46.766161000000004 +25238,Rice Lake & Hickory St,-92.119363,46.809436000000005 +25239,Superior St & 22 AW,-92.125444,46.766191000000006 +25240,Superior St & 25 AE,-92.067317,46.810631 +25241,Superior St & 23 AE,-92.06983000000001,46.808739 +25242,Superior St & 23 AE,-92.06962,46.808937 +25243,Superior St & 23 AW,-92.12703900000001,46.764926 +25244,Superior St & 23 AW,-92.12680300000001,46.76516 +25245,Superior St & 24 AE,-92.068691,46.809577000000004 +25246,Superior St & 25 AE,-92.067199,46.810775 +25247,Superior St & 24 AE,-92.06873,46.809577000000004 +25248,Superior St & 24 AW,-92.12828,46.763971000000005 +25249,Superior St & 25 AW,-92.129509,46.763033 +25250,Superior St & 24 AW,-92.128009,46.764231 +25251,Superior St & 25 AW,-92.129221,46.763304000000005 +25252,Superior St & 26 AE,-92.06608600000001,46.811577 +25253,Superior St & 46 AE,-92.030895,46.828305 +25254,Superior St & 47 AE,-92.02956,46.829025 +25255,Superior St & 48 AE,-92.027074,46.83041 +25256,Superior St & 49 AE,-92.02520200000001,46.831463 +25257,Superior St & 50 AE,-92.023448,46.832435000000004 +25258,Superior St & 51 AE,-92.021669,46.833397000000005 +25259,E Superior St & 52 AE,-92.019784,46.834423 +25260,E Superior St & 53 AE,-92.017926,46.835457000000005 +25261,Superior St & 26 AE,-92.065864,46.811793 +25262,Superior St & 54 AE,-92.016525,46.836204 +25263,Superior St & 56 AE,-92.01464200000001,46.836868 +25264,Superior St & 26 AW,-92.13081600000001,46.762024000000004 +25265,Superior St & 57 AE,-92.01354400000001,46.83719 +25266,Superior St & 58 AE,-92.01191,46.837674 +25267,Superior St & 26 AW,-92.13054100000001,46.762312 +25268,Superior St & 59 AE,-92.01045900000001,46.838114000000004 +25269,Superior St & 27 AE,-92.064817,46.812541 +25270,Superior St & 60 AE,-92.00945200000001,46.838428 +25271,Superior St & 27 AE,-92.064633,46.81273 +25272,Superior St & Carlton Ave,-92.13752000000001,46.756886 +25273,Superior St & Congdon Par,-92.05807700000001,46.817351 +25274,Superior St & 27 AW,-92.13203100000001,46.761095000000005 +25275,Superior St & Congdon Par,-92.057409,46.817837000000004 +25276,Superior St & Duluth Cong Church,-92.04897700000001,46.824269 +25277,Superior St & 27 AW,-92.13180100000001,46.761327 +25278,Superior St & Garfield Av,-92.119,46.771103000000004 +25279,Superior St & Garfield Av,-92.11788800000001,46.771893000000006 +25280,Superior St & 28 AE,-92.063573,46.813478 +25281,Superior St & Glen Pl,-92.112492,46.775117 +25282,Superior St & 28 AE,-92.063364,46.813676 +25283,Superior St & Hawthorne R,-92.05929400000001,46.816468 +25284,Superior St & Hawthorne R,-92.059071,46.816639 +25285,Superior St & 28 AW,-92.133221,46.760194000000006 +25286,Superior St & Jeno's Walk (I-35),-92.111159,46.775955 +25287,Superior St & 28 AW,-92.133007,46.760397000000005 +25288,Superior St & Jeno's Walk,-92.111197,46.776145 +25289,Superior St & Lake Ave WB,-92.09847,46.786871000000005 +25290,Superior St & 29 AE,-92.062369,46.814388 +25291,Superior St & Lake Ave,-92.09813000000001,46.787087 +25292,Superior St @ 3130 E,-92.058024,46.817333000000005 +25293,Superior St & 29 AE,-92.06212000000001,46.814631000000006 +25294,Superior St @ 3700,-92.05193600000001,46.821981 +25295,Superior St @ 3826,-92.04880700000001,46.824341000000004 +25296,Superior St & 29 AW,-92.134462,46.759239 +25297,Superior St @ Michigan St 38th AW,-92.144343,46.750954 +25298,Superior St & 29 AW,-92.134111,46.759556 +25299,Superior St and 39th AW,-92.146782,46.750559 +25300,Superior Street & 40th AW,-92.14814000000001,46.749658000000004 +25301,Superior St & 30 AE,-92.061126,46.815343000000006 +25302,Superior St & 30 AE,-92.06082400000001,46.815604 +25303,Superior St & 30 AW,-92.13554300000001,46.758483000000005 +25304,Swan Lake & Basswood IB,-92.13534,46.803318000000004 +25305,Superior St & 31 AW,-92.135534,46.758409 +25306,Swan Lake & Hugo IB,-92.13655,46.804547 +25307,Swan Lake & Hugo OB,-92.13642,46.804394 +25308,Superior St & 32 AW,-92.138338,46.756363 +25309,Swan Lake & Maple Grove I,-92.13698500000001,46.807583 +25310,Swan Lake & Maple Grove O,-92.136803,46.807393000000005 +25311,Superior St & 33 AE,-92.05619100000001,46.818774000000005 +25312,Swan Lake Rd & Birchwood,-92.14214000000001,46.812042000000005 +25313,Swan Lake Rd & Eklund Ave,-92.144587,46.814438 +25314,Superior St & 33 AE,-92.05623100000001,46.818783 +25315,Superior St & 34 AE,-92.055458,46.819315 +25316,Superior St & 34 AW,-92.14051300000001,46.754607 +25317,Swan Lake Rd & Ideal St,-92.139407,46.809437 +25318,Swan Lake Rd & Ideal St,-92.13960200000001,46.809564 +25319,Superior St & 34 AW,-92.14052500000001,46.754669 +25320,Swan Lake Rd & Terrace,-92.140929,46.810948 +25321,Superior St & 35 AE,-92.054359,46.820134 +25322,Swan Lake Rd & Terrace,-92.14130700000001,46.811264 +25323,Swan Lake Rd @ 1702,-92.144041,46.813751 +25324,Superior St & 35 AE,-92.054091,46.820396 +25325,Swan Lake Rd @ 1702,-92.144158,46.813824000000004 +25326,Target Miller Hill,-92.16740100000001,46.807973000000004 +25327,Superior St & 36 AE,-92.053049,46.821134 +25328,Target,-92.16736200000001,46.80809 +25329,Superior St & 36 AE,-92.052853,46.821332000000005 +25330,Superior St & 39th AW,-92.146873,46.750523 +25331,Superior St & 40 AE,-92.042704,46.826189 +25332,Superior St & 40 AE,-92.04209,46.826305000000005 +25333,Superior St & 40th AW,-92.14810100000001,46.74964 +25334,Superior St & 41 AE,-92.04062800000001,46.826284 +25335,Superior St & 41 AE,-92.040288,46.82632 +25336,Superior St & 42 AE,-92.038774,46.826289 +25337,Superior St & 42 AE,-92.03842200000001,46.826325000000004 +25338,Superior St & 43 AE,-92.03699900000001,46.826295 +25339,Superior St & 43 AE,-92.03711700000001,46.826322000000005 +25340,Superior St & 44 AE,-92.03508000000001,46.826309 +25341,Superior St & 44 AE,-92.034688,46.826443000000005 +25342,Superior St & 45 AE,-92.03281000000001,46.827334 +25343,Vinland St & 78 AW,-92.198065,46.746984000000005 +25344,Vinland St & 78 AW,-92.197753,46.747004000000004 +25345,Vinland St & 81 AW,-92.20132500000001,46.746989000000006 +25346,Vinland St & 81 AW,-92.201091,46.747007 +25347,Vinland St & 85 AW,-92.206371,46.747012000000005 +25348,Vinland St & 87 AW,-92.20895200000001,46.747014 +25349,Vinland St & Boundary Ave,-92.21690500000001,46.747029000000005 +25350,Vinland St & Midway Ave,-92.21472800000001,46.74701 +25351,Vinland St & Midway Ave,-92.21431000000001,46.747027 +25352,Vinland St & Portal Ave,-92.212068,46.746998000000005 +25353,Vinland St & Portal Ave,-92.21167700000001,46.747016 +25354,Transit Center East - Building,-92.10102710000001,46.784077700000005 +25355,Vinland St & Prince St,-92.19037300000001,46.747891 +25356,Trinity Rd @ 3906,-92.156655,46.7948091 +25357,Vinland St & Prince St,-92.190399,46.747918000000006 +25358,Trinity Rd @ 3919,-92.1562731,46.7949944 +25359,Trinity Rd @ 4004,-92.15639300000001,46.7961814 +25360,Vinland St & Skyline Blvd,-92.18866,46.749912 +25361,Trinity Rd @ 4021,-92.1561527,46.7957406 +25362,Vinland St & Skyline Blvd,-92.18854300000001,46.750002 +25363,Trinity Rd @ 4203,-92.15565070000001,46.797626900000004 +25364,Trinity Rd @ 4203,-92.155921,46.7978691 +25365,Vinland St @ 8301,-92.20399800000001,46.746992000000006 +25366,Trinity Rd @ 4310,-92.15523610000001,46.799244200000004 +25367,Trinity Rd @ 4431,-92.1554385,46.7997116 +25368,Vinland St @ 8301,-92.203985,46.74701 +25369,United Healthcare,-92.132248,46.825449000000006 +25370,Walmart - Hermantown,-92.18191800000001,46.817273 +25371,Upham Rd & Blackman Ave,-92.1212496,46.800350300000005 +25372,Upham Rd & Blackman Ave,-92.12148140000001,46.800438400000004 +25373,Vinland St & 75 AW,-92.193477,46.746955 +25374,Vinland St & 75 AW,-92.19328200000001,46.746991 +25375,Vinland St & 77 AW,-92.19621500000001,46.746985 +25376,Vinland St & 77 AW,-92.195733,46.747002 +25377,Westwood Apts CSS,-92.10490100000001,46.8143 +25378,Woodland Ave & Anoka St,-92.08345600000001,46.843662 +25379,Woodland Ave & Anoka St,-92.083363,46.843969 +25380,Woodland Ave & Snively Rd,-92.07060600000001,46.827508 +25381,Woodland Ave & Arrowhead,-92.071488,46.825577 +25382,Woodland Ave & St. Andrew,-92.07127000000001,46.831158 +25383,Woodland Ave & St. Andrew,-92.07140000000001,46.831402000000004 +25384,Woodland Ave & Arrowhead,-92.07131700000001,46.825865 +25385,Woodland Ave & St. Marie,-92.07404600000001,46.82224 +25386,Woodland Ave & St. Paul,-92.07525100000001,46.838129 +25387,Woodland Ave & Bruce St,-92.07341600000001,46.823079 +25388,Woodland Ave & St. Paul,-92.075434,46.838247 +25389,Woodland Ave & W Griggs P,-92.07751900000001,46.818426 +25390,Woodland Ave & Clover St,-92.07828500000001,46.81597 +25391,Woodland Ave & W Griggs P,-92.077442,46.818576 +25392,Woodland Ave & Wabasha,-92.082943,46.844709 +25393,Woodland Ave & Clover St,-92.07824500000001,46.816034 +25394,Woodland Ave & Wabasha,-92.08287700000001,46.844962 +25395,Woodland Ave & College St,-92.078264,46.814634000000005 +25396,Woodland Ave & Winona St,-92.082831,46.846624000000006 +25397,Woodland Ave & Winona St,-92.082948,46.846985000000004 +25398,Woodland Ave & College St,-92.07830200000001,46.814896000000005 +25399,Woodland Ave @ 2400,-92.074129,46.834523000000004 +25400,Woodland Ave @ 2400,-92.07431100000001,46.834695 +25401,Woodland Ave & Don Avon S,-92.07276,46.824026 +25402,Bluestone Shopping Center,-92.078204,46.816684 +25403,Woodland Ave & Elizabeth,-92.07679800000001,46.819273 +25404,Woodland Park and Ride,-92.09553100000001,46.855416000000005 +25405,Woodland Ave & Elizabeth,-92.07667900000001,46.819445 +25406,Woodland ave. & Oxford,-92.072398,46.833265000000004 +25407,Zoo Lay Over,-92.187888,46.726191 +25408,Woodland Ave & Fairmont,-92.07491800000001,46.836539 +25409,01 AE & 02 St,-92.099348,46.789437 +25410,Woodland Ave & Fairmont,-92.074983,46.836674 +25411,01 AE & Superior Street,-92.09708300000001,46.78797 +25412,Woodland Ave & Faribault,-92.08251,46.848836000000006 +25413,01 St & 03 AE,-92.09554800000001,46.790533 +25414,01 St & 04 AE,-92.09457400000001,46.7913822 +25415,Woodland Ave & Faribault,-92.082457,46.84899 +25416,01 St & 05 AE,-92.09338580000001,46.7922961 +25417,Woodland Ave & Lewis St,-92.070717,46.829197 +25418,01 St & 05 AW,-92.10552700000001,46.782891000000006 +25419,01 St & 06 AE,-92.0920296,46.7932951 +25420,Woodland Ave & Lewis St,-92.070859,46.829495 +25421,01 St & 07 AE,-92.0908795,46.794191500000004 +25422,01 St & 08 AE,-92.08940580000001,46.795228400000006 +25423,Woodland Ave & Mankato St,-92.082704,46.845729000000006 +25424,02 St & 01 AE - 2e layover,-92.09900900000001,46.7894 +25425,Woodland Ave & Mankato St,-92.082756,46.845946000000005 +25426,02 St & 03 AE,-92.096877,46.791049 +25427,02 St & 03AE East side,-92.096524,46.791302 +25428,Woodland Ave & Minneapoli,-92.076203,46.838628 +25429,02 St & 04 AE,-92.095752,46.791906000000004 +25430,Woodland Ave & Minneapoli,-92.07635900000001,46.838628 +25431,02 St & 05 AE,-92.0942394,46.7929137 +25432,02 St & 05 Ave,-92.22843400000001,46.743896 +25433,Woodland Ave & Northfield,-92.083511,46.842913 +25434,02 St & 05 Ave,-92.22805600000001,46.743922000000005 +25435,Woodland Ave & Northfield,-92.08357600000001,46.842985000000006 +25436,02 St & 06 AE,-92.22919,46.743914000000004 +25437,Woodland Ave & Norton St,-92.07504200000001,46.820923 +25438,02 St & 06 AE,-92.09300870000001,46.7938722 +25439,Woodland Ave & Norton St,-92.07472800000001,46.82132 +25440,02 St & 06 Ave,-92.229607,46.743887 +25441,02 St & 07 AE,-92.09175830000001,46.7948211 +25442,Woodland Ave & Owatonna S,-92.082958,46.847798000000004 +25443,02 St & 07 Ave,-92.23102800000001,46.743906 +25444,Woodland Ave & Owatonna S,-92.083009,46.847961000000005 +25445,02 St & 08 AE,-92.0905352,46.7957687 +25446,02 St & 09 AE,-92.0892391,46.7967426 +25447,Woodland Ave & Oxford St,-92.07221600000001,46.833138000000005 +25448,Woodland Ave & Redwing St,-92.08197100000001,46.84982 +25449,Woodland Ave & Redwing St,-92.081918,46.850027000000004 +25450,Woodland Ave & Snively Rd,-92.070475,46.827408000000005 +25451,Woodland Ave & Snively Rd,-92.070645,46.827499 +25452,04 AE & 05 St,-92.09849700000001,46.794105 +25453,02 St & Hwy 02,-92.22467900000001,46.743929 +25454,03 AE & 01 St - Building,-92.09496200000001,46.790152000000006 +25455,03 AE & 01 St,-92.095678,46.790542 +25456,04 AE & 05 St,-92.098771,46.79424 +25457,03 AE & 02 St - TriTower,-92.09720200000001,46.791484000000004 +25458,04 AE & 06 St,-92.09953900000001,46.794747 +25459,03 Ave & 05 St,-92.22445800000001,46.7466431 +25460,03 Ave & Hwy 02,-92.224339,46.744922 +25461,04 AE & 06 St,-92.099851,46.794892000000004 +25462,03 St & 01 AE - 1E,-92.10056,46.789728000000004 +25463,03 St & 01 AE,-92.10022000000001,46.789998000000004 +25464,04 AW & 01 St,-92.10459700000001,46.783982 +25465,03 St & 01 AW,-92.102705,46.788070000000005 +25466,04 AW & 02 St,-92.105652,46.784661 +25467,03 St & 02 AE,-92.09898310000001,46.7909957 +25468,03 St & 02 AW,-92.103935,46.787115 +25469,04 St & 01 AE,-92.10161500000001,46.790434000000005 +25470,03 St & 03 AE,-92.097735,46.791900000000005 +25471,03 St & 03 AW,-92.105216,46.786150000000006 +25472,04 St & 01 AE,-92.10130000000001,46.790723 +25473,03 St & 04 AE,-92.09645300000001,46.792891000000004 +25474,04 St & 01 AW,-92.10400800000001,46.788587 +25475,03 St & 05 AE,-92.0951893,46.7938795 +25476,03 St & 21 AW,-92.12786200000001,46.76881 +25477,04 St & 01 AW,-92.10383800000001,46.788767 +25478,03 St & 22 AW,-92.12911700000001,46.767873 +25479,03 St & 22 AW,-92.128855,46.768134 +25480,04 St & 02 AE,-92.100346,46.791416000000005 +25481,03 St & 23 AW,-92.130384,46.766917 +25482,03 St & 23 AW,-92.13012300000001,46.767197 +25483,04 St & 02 AW,-92.10529000000001,46.787577000000006 +25484,03 St & 24 AW,-92.131337,46.766214000000005 +25485,04 St & 02 AW,-92.105041,46.787803000000004 +25486,03 St & 25 AW,-92.13252800000001,46.765304 +25487,03 St & 26 AW,-92.13378300000001,46.764312000000004 +25488,04 St & 03 AE,-92.099051,46.792399 +25489,03 St & 27 AW,-92.13503700000001,46.76333 +25490,04 St & 03 AE,-92.098815,46.792633 +25491,03 St & 28 AW,-92.13625300000001,46.762393 +25492,04 St & 03 AW,-92.106493,46.786685000000006 +25493,03 St & 29 AW,-92.13779500000001,46.761230000000005 +25494,03 St & 29 AW,-92.137664,46.761365000000005 +25495,03 St & Chesnut St,-92.14125700000001,46.758832000000005 +25496,03 St & Devonshire St,-92.13854,46.760662 +25497,03 St & Devonshire St,-92.13833000000001,46.76086 +25498,04 St & 03 AW,-92.106336,46.786847 +25499,03 St & Hwy 02,-92.22426100000001,46.74476 +25500,03 St & Lake Ave,-92.10141,46.78907 +25501,04 St & 04 AE,-92.097898,46.793742 +25502,03 St & Michigan Ave,-92.14023800000001,46.759517 +25503,04 St & 04 AW,-92.107696,46.785703000000005 +25504,03 St & Restormel St,-92.13942800000001,46.760067 +25505,04 St & 04 AW,-92.10751300000001,46.785883000000005 +25506,03 St & Restormel St,-92.139245,46.760220000000004 +25507,04 St & 05 AW,-92.109148,46.784657 +25508,03 St & Vernon St,-92.14046,46.759355000000006 +25509,03 St @ 3302,-92.14252400000001,46.757886000000006 +25510,04 St & 05 AW,-92.108834,46.784928 +25511,03 St btw Ugstad & 09th Proctor,-92.23634600000001,46.744903 +25512,04 St & 06 AW,-92.11014200000001,46.783882000000006 +25513,04 AE & 04 St,-92.09770300000001,46.793589000000004 +25514,04 St & 14 AE,-92.085013,46.803131 +25515,04 St & 06 AW,-92.11006300000001,46.783982 +25516,04 St & 07 AE,-92.094172,46.796138000000006 +25517,04 St & 14 AE,-92.08490900000001,46.803248 +25518,04 St & 07 AE,-92.09367400000001,46.796562 +25519,04 St & 15 AE,-92.084124,46.803807000000006 +25520,04 St & 07 AW,-92.111384,46.782936 +25521,04 St & 15 AE,-92.083927,46.803996000000005 +25522,04 St & 16 AE,-92.082881,46.804753000000005 +25523,04 St & 07 AW,-92.111266,46.783071 +25524,04 St & 16 AE,-92.082684,46.804933000000005 +25525,04 St & 17 AE,-92.081598,46.805753 +25526,04 St & 07 Ave,-92.23156,46.745875000000005 +25527,04 St & 17 AE,-92.08144100000001,46.805906 +25528,04 St & 18 AE,-92.08040700000001,46.806645 +25529,04 St & 08 AE,-92.09289000000001,46.79713 +25530,04 St & 18 AE,-92.080172,46.806861000000005 +25531,04 St & 08 AE,-92.09265400000001,46.797346000000005 +25532,04 St & 19 AE,-92.07919000000001,46.807573000000005 +25533,04 St & 20 AE,-92.07810400000001,46.808438 +25534,04 St & 08 AW,-92.112679,46.781936 +25535,04 St & 20 AE,-92.077869,46.808573 +25536,04 St & 21 AE,-92.07678200000001,46.809411000000004 +25537,04 St & 08 AW,-92.11257400000001,46.782053000000005 +25538,04 St & 21 AE,-92.07633700000001,46.809789 +25539,04 St & 08 Ave,-92.23317700000001,46.745885 +25540,04 St & 22 AE,-92.07544800000001,46.810429000000006 +25541,04 St & 22 AE,-92.075238,46.810618000000005 +25542,04 St & 08 Ave,-92.232864,46.745903000000006 +25543,04 St & 23 AE,-92.074178,46.811393 +25544,04 St & 23 AE,-92.073942,46.811618 +25545,04 St & 09 AE,-92.09160800000001,46.798085 +25546,04 St & Lake Ave,-92.10258200000001,46.78974 +25547,04 St & 09 AE,-92.091424,46.798274000000006 +25548,04 St & Lake Ave,-92.10250400000001,46.789758000000006 +25549,04 St & Ugstad Rd,-92.237831,46.745852000000006 +25550,04 St & 09 AW,-92.113895,46.781007 +25551,04 St W of Lake Ave,-92.10283100000001,46.789542000000004 +25552,04 St & 09 AW,-92.113803,46.781107000000006 +25553,05 St & 01 Ave,-92.21996800000001,46.746996 +25554,05 St & 01 Ave,-92.219656,46.747022 +25555,04 St & 09 Ave,-92.23540600000001,46.745905 +25556,05 St & 02 Ave,-92.22212,46.746988 +25557,04 St & 09 St - Proctor Layover,-92.235145,46.745869000000006 +25558,05 St & 02 Ave,-92.222211,46.747006000000006 +25559,05 St & 03 Ave,-92.2244577,46.7468231 +25560,04 St & 10 AE,-92.090338,46.799085000000005 +25561,04 St & 10 AE,-92.09015500000001,46.799265000000005 +25562,04 St & 10 AW,-92.11499300000001,46.780205 +25563,04 St & 11 AE,-92.08910900000001,46.800022000000006 +25564,04 St & 11 AE,-92.088965,46.800166000000004 +25565,04 St & 12 AE,-92.087866,46.80095 +25566,04 St & 13 AE,-92.08659700000001,46.801923 +25567,04 St & 13 AE,-92.08641300000001,46.802113000000006 +25568,05 St & Boundary Ave,-92.21736100000001,46.747003 +25569,07 St & 01 AW,-92.10717100000001,46.790633 +25570,07 St & 02 AE,-92.1036,46.793472 +25571,07 St & 02 AE,-92.103561,46.793526 +25572,07 St & 02 AW,-92.108427,46.789668000000006 +25573,07 St & 02 AW,-92.108479,46.789677000000005 +25574,06 AE & 03 St,-92.09375610000001,46.794653700000005 +25575,07 St & 03 AE,-92.102332,46.794418 +25576,07 St & 03 AE,-92.102148,46.794598 +25577,07 St & 03 AW,-92.109565,46.788749 +25578,07 St & 03 AW,-92.109513,46.788767 +25579,07 St & 04 AE,-92.101403,46.795175 +25580,07 St & 04 AE,-92.101194,46.795292 +25581,07 St & Lake Ave,-92.106047,46.791489000000006 +25582,06 AE & 03 St,-92.09378910000001,46.794463 +25583,07 St & Lake Ave,-92.10599400000001,46.791552 +25584,07 St & Mesaba Ave,-92.10728900000001,46.790588 +25585,06 AE & 04 St,-92.094879,46.795191 +25586,08 St & 16 AE,-92.08717700000001,46.807415000000006 +25587,08 St & 16 AE,-92.087072,46.807551000000004 +25588,06 AE & 04 St,-92.094931,46.795282 +25589,08 St & 17 AE,-92.086038,46.808326 +25590,06 AE & 05 St,-92.09638310000001,46.7960511 +25591,08 St & 17 AE,-92.08580300000001,46.808551 +25592,08 St & 18 AE,-92.08473000000001,46.809326000000006 +25593,08 St & 18 AE,-92.084494,46.809551000000006 +25594,08 St & 19 AE,-92.083539,46.810272000000005 +25595,06 AE & 05 St,-92.0963717,46.796228500000005 +25596,08 St & 19 AE,-92.08347400000001,46.81029 +25597,06 AE & 06 St,-92.0970849,46.796678 +25598,08 St & 40 AW,-92.156784,46.754879 +25599,08 St & 40 AW,-92.15684,46.754891 +25600,06 AE & 06 St,-92.0975325,46.7967382 +25601,08 St & 41 AW,-92.158038,46.753978000000004 +25602,06 AE & 07 St,-92.0981716,46.797341900000006 +25603,08 St & 41 AW,-92.15781000000001,46.754205000000006 +25604,08 St & 42 AW,-92.159559,46.752934 +25605,08 St & 42 AW,-92.15933100000001,46.753049000000004 +25606,06 AE & 07 St,-92.09860540000001,46.797386 +25607,08 St & 43 AW,-92.16067600000001,46.752094 +25608,06 AE & 08 St,-92.09927920000001,46.7979897 +25609,08 St & 43 AW,-92.16046800000001,46.752322 +25610,08 St & 44 AW,-92.16210000000001,46.751075 +25611,06 AE & 09 St,-92.10007180000001,46.7981787 +25612,08 St & 44 AW,-92.16201500000001,46.751227 +25613,08 St & 46 AW,-92.16434600000001,46.749425 +25614,06 AE & 09 St,-92.10025110000001,46.7985905 +25615,08 St & 53 AW,-92.163628,46.749993 +25616,06 AE & 10 St,-92.10168900000001,46.799402 +25617,08 St & 53 AW,-92.163522,46.750167000000005 +25618,08 St & Chester Park Dr,-92.08807900000001,46.807092000000004 +25619,06 AE & 10 St,-92.101819,46.799456000000006 +25620,08 St & Chester Park Dr,-92.08803900000001,46.807119 +25621,06 AE & 11 St,-92.102574,46.799954 +25622,09 St & 07 AE,-92.099483,46.799507000000006 +25623,09 St & 07 AE,-92.09926100000001,46.799723 +25624,09 St & 08 AE,-92.098253,46.800516 +25625,09 St & 08 AE,-92.09801800000001,46.800742 +25626,09 St & 09 AE,-92.097024,46.801471 +25627,09 St & 09 AE,-92.09685300000001,46.801652000000004 +25628,09 St & 10 AE,-92.095781,46.802418 +25629,06 AE & 11 St,-92.102861,46.800090000000004 +25630,09 St & 10 AE,-92.09555800000001,46.802643 +25631,09 St & 11 AE,-92.094538,46.803373 +25632,06 AE @ 1126,-92.103379,46.801148000000005 +25633,09 St & 11 AE,-92.094368,46.803535000000004 +25634,06 AE @ 1136,-92.10340500000001,46.801157 +25635,09 St & 12 AE,-92.093242,46.804373000000005 +25636,09 St & 12 AE,-92.093125,46.804508000000006 +25637,06 AW & Superior St - Inc,-92.10621,46.781501000000006 +25638,09 St & 13 AE,-92.09205200000001,46.805274000000004 +25639,07 Ave & 02 St,-92.23131500000001,46.743952 +25640,07 Ave & 03 St,-92.23127500000001,46.744737 +25641,09 St & 14 AE,-92.09079600000001,46.806238 +25642,07 Ave & 03 St,-92.23132700000001,46.74499 +25643,09 St & 14 AE,-92.09059900000001,46.806419000000005 +25644,10 AE & 01 St,-92.0864416,46.7969918 +25645,07 Ave & 04 St,-92.23128600000001,46.745803 +25646,10 AE & Superior St,-92.086042,46.796648000000005 +25647,10 AE @ St Lukes,-92.0869394,46.7972958 +25648,07 St & 01 AE,-92.10483,46.792507 +25649,10 AW & 04 St,-92.11517500000001,46.780188 +25650,10 AW & 05 St,-92.11608700000001,46.780785 +25651,07 St & 01 AE,-92.104607,46.792733000000005 +25652,10 AW & 05 St,-92.11624300000001,46.780848000000006 +25653,09 St & 13 AE,-92.091842,46.805464 +25654,10 AW & 06 St,-92.116763,46.781346000000006 +25655,10 AW & 06 St,-92.116984,46.781536 +25656,24 AE & 01 St,-92.06962200000001,46.810509 +25657,10 AW & Skyline Blvd,-92.119118,46.781139 +25658,10 St & Central Ent,-92.1025408,46.798813800000005 +25659,13 St & 07 AE,-92.10337600000001,46.802114 +25660,13 St & 07 AE,-92.103245,46.802213 +25661,13 St & 08 AE,-92.102303,46.802943000000006 +25662,13 St & 08 AE,-92.10208,46.803168 +25663,13 St & Kenwood Ave,-92.10079800000001,46.804115 +25664,13 St & Kenwood Ave,-92.10072000000001,46.804214 +25665,19 AE & 09 St,-92.084567,46.811186000000006 +25666,19 AE & 09 St,-92.084592,46.811240000000005 +25667,24 AE & 01 St,-92.069653,46.810608 +25668,19 AE & 10 St,-92.085256,46.811675 +25669,19 AE & 10 St,-92.085504,46.811784 +25670,24 AE & 02 St,-92.070408,46.81107 +25671,19 AE & College St - IB -,-92.09033500000001,46.814709 +25672,19 AE & College St,-92.09033500000001,46.814754 +25673,24 AE & 02 St,-92.07070800000001,46.811215000000004 +25674,19 AE & Garden St,-92.08605100000001,46.812146000000006 +25675,19 AE & Garden St,-92.08623300000001,46.812227 +25676,24 AE & 03 St,-92.07154100000001,46.811759 +25677,19 AE & Kent Rd,-92.08706600000001,46.812780000000004 +25678,24 AE & 03 St,-92.071775,46.811867 +25679,19 AE & Kent Rd,-92.087327,46.812898000000004 +25680,19 AE & Lawn St,-92.088043,46.813387000000006 +25681,24 AE & 04 St,-92.072556,46.812402000000006 +25682,19 AE & Lawn St,-92.08838200000001,46.813550000000006 +25683,24 AE & 04 St,-92.07283000000001,46.812538 +25684,21 AW & 01 St,-92.125583,46.767714000000005 +25685,21 AW & 01 St,-92.12560900000001,46.767805 +25686,24 AE & 05 St,-92.07370200000001,46.813099 +25687,21 AW & 02 St,-92.126546,46.768384000000005 +25688,24 AE & 05 St,-92.073936,46.813217 +25689,21 AW & 02 St,-92.126637,46.768384000000005 +25690,21 AW & 03 St,-92.12731400000001,46.768873000000006 +25691,24 AE above 04 St,-92.07307700000001,46.812728 +25692,21 AW & Superior St,-92.12458000000001,46.767117000000006 +25693,21 AW & Superior St,-92.124763,46.767271 +25694,24 AW & 04 St - OB,-92.13222400000001,46.766721000000004 +25695,24 AW & 05 St - OB,-92.13333,46.7674 +25696,24 AW & 06 St - IB,-92.134749,46.768233 +25697,24 AW & 06 St - OB,-92.134476,46.768106 +25698,24 AW & 07 St - IB,-92.135778,46.768884 +25699,24 AW & 07 St - OB,-92.13553,46.768758000000005 +25700,24 AW & 08 St - IB,-92.136806,46.769527000000004 +25701,24 AW & 08 St - OB,-92.136611,46.769436000000006 +25702,45 AE & Cooke St,-92.033023,46.8312 +25703,24 AW & 09 St - IB,-92.13791300000001,46.770206 +25704,45 AE & Dodge St,-92.033009,46.834262 +25705,24 AW & 09 St - OB,-92.13767800000001,46.770097 +25706,45 AE & Gladstone St,-92.03301400000001,46.830188 +25707,45 AE & Jay St,-92.033001,46.833187 +25708,24 AW & 10 St - IB,-92.13908400000001,46.770921 +25709,45 AE & McCulloch St,-92.03298000000001,46.829122000000005 +25710,24 AW & 10 St - OB,-92.138694,46.770731000000005 +25711,45 AE & Oneida St,-92.03305200000001,46.839193 +25712,24 AW & 11 St - IB,-92.139983,46.771464 +25713,45 AE & Otsego St,-92.033057,46.838209000000006 +25714,45 AE & Pitt St,-92.033005,46.832211 +25715,24 AW & 11 St - OB,-92.13980000000001,46.771409000000006 +25716,45 AE & Regent St,-92.032961,46.82746 +25717,24 AW & 12 St - IB,-92.14115500000001,46.772179 +25718,45 AE & Tioga St,-92.03303500000001,46.837215 +25719,46 AW & 04 St,-92.160442,46.74673 +25720,24 AW & 12 St - OB,-92.140933,46.772079000000005 +25721,46 AW & 04 St,-92.16033900000001,46.746768 +25722,29MM Terminal,-92.17480300000001,46.812352000000004 +25723,46 AW & 05 St,-92.161223,46.747318 +25724,46 AW & 05 St,-92.16143100000001,46.747408 +25725,46 AW & 06 St,-92.16216,46.747960000000006 +25726,46 AW & 06 St,-92.16247200000001,46.748096000000004 +25727,38th AW & Michigan St,-92.144395,46.750863 +25728,46 AW & 07 St,-92.163201,46.748656000000004 +25729,46 AW & 07 St,-92.163396,46.748729000000004 +25730,46 AW & 08 St,-92.16412500000001,46.749208 +25731,46 AW & Colalillo Dr,-92.15746100000001,46.744785 +25732,46 AW & Grand Ave,-92.1589982,46.745996700000006 +25733,3rd AE & Superior Greysolon,-92.09483200000001,46.790026000000005 +25734,52 AE & Avondale St,-92.02002900000001,46.843473 +25735,40 AW & 01 St (Louis Kemp,-92.14939000000001,46.750301 +25736,52 AE & Glenwood St,-92.02001700000001,46.840493 +25737,52 AE & Juanita St,-92.02000600000001,46.841448 +25738,40 AW & 04 St,-92.152162,46.752246 +25739,52 AE & Wyoming St,-92.020002,46.842454000000004 +25740,57 AW & 08 St,-92.169245,46.745584 +25741,40 AW & 04 St,-92.152423,46.752364 +25742,57 AW & 08 St,-92.169205,46.745828 +25743,57 AW & Cody St,-92.16929300000001,46.741593 +25744,40 AW & 05 St,-92.153216,46.752942000000004 +25745,57 AW & Elinor St,-92.16922500000001,46.742740000000005 +25746,40 AW & 05 St,-92.153464,46.753042 +25747,57 AW & Elinor St,-92.16926400000001,46.742975 +25748,57 AW & Highland St,-92.16918600000001,46.74823 +25749,57 AW & Huntington St,-92.169188,46.747345 +25750,57 AW & Huntington St,-92.16924,46.747580000000006 +25751,57 AW & Kinnear West Pl,-92.169222,46.744058 +25752,57 AW & Kinnear West Pl,-92.169261,46.744212000000005 +25753,57 AW & Olney St,-92.16920300000001,46.746568 +25754,40 AW & 06 St,-92.154258,46.75363 +25755,57 AW & Olney St,-92.16924200000001,46.746704 +25756,57 AW & West Pl,-92.169207,46.744735000000006 +25757,40 AW & 06 St,-92.15460900000001,46.753802 +25758,59 AW & Bristol St,-92.1717819,46.737607000000004 +25759,40 AW & 07 St,-92.155299,46.754308 +25760,59 AW & Bristol St,-92.1721641,46.7376212 +25761,40 AW & 07 St,-92.15555900000001,46.754444 +25762,59 AW & Cody St,-92.17212400000001,46.740838000000004 +25763,59 AW & Cody St,-92.171862,46.741091000000004 +25764,45 AE & Colorado St,-92.033026,46.836231000000005 +25765,59 AW & Greene St,-92.17211400000001,46.739393 +25766,59 AW & Ramsey St,-92.171868,46.738698 +25767,88 AW & Edward St,-92.210772,46.689629000000004 +25768,59 AW & Wadena St,-92.17186500000001,46.74007 +25769,60 AE & Oneida St,-92.009956,46.839476000000005 +25770,62 AW & Redruth St,-92.176124,46.730034 +25771,88 AW & Falcon St,-92.210774,46.688248 +25772,63 AW & Raleigh St,-92.177412,46.730975 +25773,88 AW & Arbor St,-92.212418,46.694614 +25774,88 AW & Falcon St,-92.21082600000001,46.688555 +25775,88 AW & Beverly St,-92.211364,46.693846 +25776,88 AW & Grand Ave - Morga,-92.21787450000001,46.6971694 +25777,88 AW & Beverly,-92.21187570000001,46.694118100000004 +25778,88 AW & Concord St,-92.21078100000001,46.691814 +25779,88 AW & Grand Ave - Morgan Park Ent,-92.2177975,46.6968953 +25780,88 AW & Concord St,-92.21083300000001,46.692049000000004 +25781,88 AW & Hilton St,-92.210778,46.686262000000006 +25782,88 AW & Edward St,-92.210806,46.689483 +25783,88 AW & Hilton St,-92.21079300000001,46.686697 +25784,88 AW & Idaho St,-92.21075400000001,46.684889000000005 +25785,Burch,-93.29151390000001,44.9628687 +25786,88 AW & Idaho St,-92.210806,46.684989 +25787,612Brew Taproom,-93.24672550000001,44.9990697 +25788,88 AW & Spirit Lake Manor,-92.210823,46.690198 +25789,World Street Kitchen,-93.28781000000001,44.9525468 +25790,88 AW & Spirit Lake Manor,-92.21077100000001,46.690424 +25791,88 AW @ 742,-92.215339,46.6951096 +25792,88 AW @ 742,-92.2151209,46.695181000000005 +25793,Do North Pizza,-91.6712547,47.019285800000006 +25794,New Scenic Café,-91.8752151,46.9085886 +25795,93 AW & Hilton St - Idaho,-92.217161,46.685689 +25796,Eagle Rock,-96.1948825,43.693624 +25797,Granite City Tool and Rental,-94.2553652,45.549652 +25798,Amazing Grace Café & Grocery,-92.09466090000001,46.781846300000005 +25799,Temple,-93.0460541,44.632125 +25800,Hepzibah’s Sweet Shoppe,-92.0944839,46.7819032 +25801,Two & Co.,-92.094504,46.782021400000005 +25802,Taste of Saigon,-92.0944302,46.7819602 +25803,Lake Avenue Café,-92.09471980000001,46.782121800000006 +25804,Farmington Liquor,-93.1465112,44.642009900000005 +25805,Bungalo,-93.9549595,46.7307853 +25806,Heimie's Haberdashery,-93.0963854,44.946117 +25807,Meritage,-93.096776,44.946542 +25808,Park Square Theatre,-93.0966618,44.9468314 +25809,Ruth Lake Boat Launch,-93.95508260000001,46.760207400000006 +25810,Observation deck,-94.2814123,46.332232000000005 +25811,Boys and girls club,-92.13336000000001,46.766948000000006 +25812,Gog & Magog (Ampersand),-93.2891314,44.969072100000005 +25813,"Sky Pesher, 2005",-93.2892765,44.967734 +25814,Nike,-93.2891149,44.969720800000005 +25815,Cenex,-93.9460978,43.924451600000005 +25816,Standing Figure: Knife Edge,-93.2889715,44.969864900000005 +25817,Maple River High School,-93.9507971,43.9283346 +25818,Reclining Mother and Child,-93.28936420000001,44.969591400000006 +25819,Theater set element from Judith (1950),-93.28911500000001,44.9696553 +25820,X-1,-94.3501329,46.092785500000005 +25821,Walking Man,-93.2891659,44.9695929 +25822,Minnesota Military Museum,-94.3470108,46.080881600000005 +25823,Woodrow,-93.28966670000001,44.9706428 +25824,Gate 3,-94.3375091,46.0755105 +25825,"Garden Seating, Reading, Thinking",-93.28984460000001,44.9683414 +25826,Little Falls Airport,-94.3469565,45.952107100000006 +25827,X-2A,-94.39601370000001,46.121867200000004 +25828,X-10A,-94.42270450000001,46.1586468 +25829,Trader Joe's,-93.33236930000001,44.8591866 +25830,William O'Brien State Park,-92.7655275,45.2249001 +25831,Dawn Tree,-93.28869970000001,44.9715113 +25832,Sitzwuste,-93.2894875,44.9676151 +25833,Wounded Amazon,-93.28835240000001,44.9696864 +25834,The Six Crystals,-93.2903347,44.970576400000006 +25835,Irene Hixon Whitney Bridge,-93.2882969,44.9699618 +25836,Church of St Patrick-Edina,-93.3808868,44.879462000000004 +25837,Chicago’s Very Own,-93.28835500000001,44.9485137 +25838,Focused Eye Care,-93.2204784,44.7155843 +25839,Interstate State Park MN - Primitive Group Camp,-92.67061840000001,45.390426500000004 +25840,Holy Cross Books and Gifts,-93.22073590000001,44.715582500000004 +25841,Joy's Thai Cuisine,-93.2226413,44.716958600000005 +25842,Infinity Salon & Spa,-93.22095440000001,44.7161983 +25843,Verizon,-93.22084650000001,44.7167602 +25844,Fantastic Sams,-93.22259340000001,44.716587600000004 +25845,Jolies Nails,-93.22263240000001,44.7168256 +25846,Blades Store,-95.5411895,45.8335505 +25847,Army Career Center,-93.22204590000001,44.7161374 +25848,Penzeys Spices,-93.22095560000001,44.716050900000006 +25849,Lakeville Marine Recruiting,-93.2209607,44.715926 +25850,Fang,-93.22263360000001,44.7167468 +25851,Marion Building,-95.38444120000001,45.8840603 +25852,Grant Lake Public Access,-95.54806350000001,45.8307244 +25853,Alexandria Area YMCA,-95.40569190000001,45.894660300000005 +25854,Lake Blackwell Public Access,-95.55152140000001,45.8222 +25855,Crossroads,-95.69656450000001,45.7783407 +25856,Torkelson's Lake View Resort,-95.5125436,45.8000811 +25857,Crossroads Laundromat,-95.6968542,45.778333200000006 +25858,Kensington Supermarket,-95.69458510000001,45.7790777 +25859,Gilbert Lake Public Access,-95.572579,45.8891288 +25860,Sonus Interiors Inc.,-93.3645467,45.002832700000006 +25861,Jim & Judy's ,-95.3119649,46.0204959 +25862,The Church of St. Wenceslaus,-93.57427460000001,44.5441653 +25863,Spoonriver,-93.2564916,44.978337100000005 +25864,Sushi Cafe,-92.9598296,44.836867600000005 +25865,Clinic,-96.00901060000001,45.1997318 +25866,Fury Motors,-93.0303422,44.873688400000006 +25867,AppleRidge Estates,-96.0075582,45.1989419 +25868,St. John's Catholic Church,-96.0122158,45.1958478 +25869,St. John St. Joseph Center,-96.01151580000001,45.1957759 +25870,Appleton Area Health Services Residential Care,-96.0087048,45.1996638 +25871,First United Methodist,-96.01873090000001,45.2001155 +25872,Trinity Lutheran Church,-96.0171591,45.202965500000005 +25873,Great Clips,-93.282126,44.693544 +25874,Appleton Dental Care,-96.008525,45.1998187 +25875,Cabana Tan,-93.2818864,44.6933105 +25876,Yotopia,-93.28222910000001,44.6936152 +25877,Fish Hook Bay,-95.54472750000001,45.832896100000006 +25878,Fast Frame,-93.2817753,44.6931676 +25879,Lakeville Family Eyecare,-93.28194620000001,44.693423100000004 +25880,U Nails,-93.2816954,44.6930508 +25881,Slimgenics,-93.2817983,44.693197700000006 +25882,Body & Sol Adeva,-93.2823702,44.693704100000005 +25883,Alliance Bank,-93.0927048,44.947099800000004 +25884,Erbert & Gilberts,-93.2817485,44.693110000000004 +25885,Little Caesars,-93.2820025,44.693456100000006 +25886,Eddie Chengs,-93.28217040000001,44.6935797 +25887,Dollar Tree,-93.28157300000001,44.6928685 +25888,The Travel Authority,-93.2818338,44.6932507 +25889,Clean N' Press,-93.2820602,44.693501700000006 +25890,Lakevile Pipes & Cigars,-93.2823015,44.6936556 +25891,Wells Fargo,-93.0950241,44.947878900000006 +25892,Wells Fargo,-93.09498230000001,44.9479029 +25893,Kwik Trip,-93.3538958,43.651791100000004 +25894,DT-72,-92.0132828,46.863032700000005 +25895,Shell Oil,-96.35935350000001,43.529445300000006 +25896,Shell Convienice Store,-96.3593829,43.5295329 +25897,Cenex,-96.36076440000001,43.5294686 +25898,Half Price Books,-93.17781190000001,45.015786000000006 +25899,Arby's,-93.1883763,44.435253700000004 +25900,Cornerstone Community Church,-93.15971420000001,44.4456313 +25901,Saint Peters Lutheran Church,-93.1543391,44.4467955 +25902,Holiday Stationstore,-93.1619673,44.459313300000005 +25903,Ziggy's,-93.16195970000001,44.4602504 +25904,Installation inspired by Joseph Beuys' 7000 Oaks,-93.28922200000001,44.9712485 +25905,Office Depot,-93.3499396,44.9638487 +25906,Liquor Boy Wine and Spirits,-93.3503312,44.963889 +25907,Fantastic Sams,-93.3452005,44.9311348 +25908,CN,-93.1954276,45.050836800000006 +25909,Radiometric SenDx,-93.19047660000001,45.0514365 +25910,Once Upon a Child,-93.34581750000001,44.930937300000004 +25911,Nail Bar & Spa,-93.34594910000001,44.9308969 +25912,Frattallone's Ace Hardware,-93.3460479,44.9308666 +25913,Flynntown,-94.39520660000001,45.5865425 +25914,The UPS Store,-93.34654400000001,44.930714300000005 +25915,Woody's Furniture,-93.346883,44.930610200000004 +25916,Diamonds and Gold International,-93.34709050000001,44.930546500000005 +25917,Hoigaard's,-93.34731640000001,44.930427900000005 +25918,Smashburger,-93.382919,44.9367661 +25919,Blaze Pizza,-93.38305120000001,44.9367685 +25920,Gate E,-93.2255238,44.9758944 +25921,Great Clips,-93.38335280000001,44.9368369 +25922,Tii Cup,-93.38344430000001,44.9368386 +25923,Sky Marker,-93.2257246,44.975894800000006 +25924,Sky Marker,-93.22585550000001,44.9759916 +25925,Caribou Coffee,-93.3836672,44.9368424 +25926,Sky Marker,-93.2259368,44.976094 +25927,T-Mobile,-93.3837838,44.9368451 +25928,Sky Marker,-93.22599430000001,44.9761936 +25929,Sky Marker,-93.22603400000001,44.9762974 +25930,DSW,-93.38425810000001,44.9368074 +25931,Sky Marker,-93.2260578,44.976391400000004 +25932,Old Navy,-93.38464400000001,44.9368166 +25933,Sky Marker,-93.22607760000001,44.976505100000004 +25934,Sky Marker,-93.2260736,44.9766075 +25935,LeeAnn Chin,-93.3835554,44.936841300000005 +25936,Sky Marker,-93.2260578,44.9767169 +25937,Sky Marker,-93.2260251,44.976815900000005 +25938,Subway,-93.3831961,44.936835900000005 +25939,Gate A,-93.22581070000001,44.976982400000004 +25940,Brother Willie's Pub,-94.394835,45.5814451 +25941,Gate B,-93.2238241,44.977501000000004 +25942,Gate C,-93.2226754,44.9765347 +25943,Gate D,-93.2233504,44.9756994 +25944,Subway,-95.0423421,45.115362700000006 +25945,Burger King,-95.04232350000001,45.1115377 +25946,Cherry Berry,-95.0408098,45.1006275 +25947,Dunn Bros. Coffee,-95.04354190000001,45.095748900000004 +25948,El Tapatio,-95.0422212,45.1123873 +25949,Taco John's,-95.04218130000001,45.109644100000004 +25950,Erbert's and Gerbert's,-95.0421881,45.109834400000004 +25951,Walt's,-95.0430089,45.111046900000005 +25952,Harbert's Ice Cream Parlor,-95.0429326,45.115268400000005 +25953,Jimmy John's,-95.04237930000001,45.1133715 +25954,Willmar Community Center,-95.03069780000001,45.1285825 +25955,KFC,-95.0423095,45.114654200000004 +25956,Little Caesars,-95.04337410000001,45.1160024 +25957,Assembly of God,-95.0408316,45.0878126 +25958,McDonald's,-95.0421931,45.1166719 +25959,NAPA Auto Parts,-95.0449315,45.1029459 +25960,O'Reilly Auto Parts,-95.0436392,45.1068306 +25961,Panda Garden Buffet,-95.0415287,45.1091403 +25962,Papa Murphy's,-95.036513,45.1030207 +25963,Bethel Lutheran Church,-95.048181,45.119992200000006 +25964,Pizza Zapoli,-95.03954850000001,45.106850300000005 +25965,Bremer Bank,-95.0371284,45.110056500000006 +25966,Qdoba,-95.03681870000001,45.102924200000004 +25967,Subway,-95.0344536,45.1011858 +25968,Burger King,-95.0213952,45.124567400000004 +25969,Family Video,-95.0433852,45.115872200000005 +25970,Willmar Wood Products,-95.0676782,45.115092600000004 +25971,Green Mill,-95.01438390000001,45.1239039 +25972,Best Western Plus,-95.01491970000001,45.1236073 +25973,Giant Wash Coin Laundry,-93.2874725,44.959329000000004 +25974,Mill's Ford,-95.04461020000001,45.0840686 +25975,Snap Fitness,-95.04338960000001,45.1157072 +25976,South 71 Vet,-95.04168600000001,45.083054600000004 +25977,Subway,-95.02107380000001,45.1246991 +25978,Minnesota Stop,-94.3230905,45.563203900000005 +25979,West Side Liquor,-95.0226078,45.1233774 +25980,Gorecki,-94.32206590000001,45.5603983 +25981,Al's Breakfast,-93.2355665,44.981041100000006 +25982,Mercedes-Benz of Rochester,-92.4650872,43.957516600000005 +25983,Blarney's Pub & Grill,-93.23526820000001,44.980852500000005 +25984,Crisp & Green,-93.2356254,44.9809689 +25985,Lake County Finland Garage,-91.2453984,47.4118804 +25986,Finland Post Office,-91.245688,47.410431900000006 +25987,Don's Mobil & Auto Repair,-91.2456398,47.410301200000006 +25988,Finland Cooperative,-91.2458543,47.4111181 +25989,Wolf Ridge Environmental Learning Center,-91.19753730000001,47.3819723 +25990,Maple Grove Motel & Bait,-91.2486334,47.4021313 +25991,Zion Lutheran Church,-91.25218310000001,47.421768500000006 +25992,West Branch Bar & Grill,-91.246611,47.4152263 +25993,Finland Community Center,-91.2289138,47.4281366 +25994,Finland Area Recreation Center,-91.2291874,47.428459600000004 +25995,"Zupancich Brothers Big Dollar ""Zups""",-91.27087470000001,47.293406600000004 +25996,US Forest Service,-91.2457399,47.4132577 +25997,Julie's True Value,-91.2713253,47.2937122 +25998,Lake Bank,-91.26940090000001,47.293864000000006 +25999,North Shore Federal Credit Union,-91.26812810000001,47.294083300000004 +26000,Silver Bay Library,-91.2703812,47.294942000000006 +26001,Silver Bay City Hall,-91.2707347,47.294693800000005 +26002,Whole Foods Co-op,-92.094182,46.7955203 +26003,Wilderness Family Naturals,-91.2846076,47.2903284 +26004,Saint Mary's Church,-91.28410330000001,47.2909324 +26005,Positively 3rd Street Bakery,-92.08628030000001,46.800407500000006 +26006,Finland Minnesota Historical Society,-91.1968762,47.4016937 +26007,Dollar Tree,-92.8454186,44.7137096 +26008,Finland Bait,-91.2477094,47.4173843 +26009,Candyland,-93.2737582,44.977425000000004 +26010,Maxwell's Woodland Nursery,-91.2505117,47.3910464 +26011,Duluth-Superior Friends Meeting,-92.07647200000001,46.8047423 +26012,Loaves & Fishes Catholic Worker,-92.07492830000001,46.8025445 +26013,Saint Paul's Episcopal Church,-92.07608850000001,46.803203800000006 +26014,Rincon 38,-93.284153,44.933960000000006 +26015,Elevated Beer Wine & Spirits,-93.22382990000001,44.927721600000005 +26016,Ricardo Levins Morales Art Studio,-93.2307499,44.943176300000005 +26017,Hello Pizza,-93.32947300000001,44.921905 +26018,Trylon Microcinema,-93.2308409,44.9432795 +26019,Subway,-92.3903827,43.6903699 +26020,Pineda Tacos,-93.2410155,44.948680200000005 +26021,Quam Lake Public Access,-95.6687418,45.886305 +26022,Holiday,-92.4568658,44.0188478 +26023,Public Storage,-93.41867470000001,44.949747 +26024,Standish,-93.23730900000001,44.930666200000005 +26025,Olympic Companies Inc.,-93.4169796,44.9498383 +26026,St. Mary's Church,-93.17037090000001,43.8049795 +26027,Angleworm Trailhead,-91.9292928,48.0631787 +26028,Newry,-93.1296023,43.8182088 +26029,Blooming Prairie High School,-93.06387760000001,43.8676681 +26030,Natural Stone & Tile NST,-93.3224089,44.7467904 +26031,Blooming Prairie Elementary School,-93.05595860000001,43.8683561 +26032,Applebee's,-94.37485620000001,44.871098700000005 +26033,Living Water Christian Church,-93.5138672,44.790379 +26034,Kwik Trip,-94.37425540000001,44.870254800000005 +26035,Red Oak Grove Lutheran Church,-93.0492359,43.794714500000005 +26036,First Lutheran Church,-93.06108490000001,43.8654857 +26037,Les Boeler International,-93.1499788,43.7795494 +26038,Prairie Manor,-93.0579503,43.870721100000004 +26039,St. Columbanus,-93.0551149,43.867065600000004 +26040,Vandal's Supervalu,-93.04812070000001,43.864746600000004 +26041,Subway,-93.04837900000001,43.862659900000004 +26042,53,-93.6852523,44.8694228 +26043,Chipotle,-92.9549861,44.9251568 +26044,Chipotle,-93.02385550000001,45.0104588 +26045,H14,-93.63830920000001,45.0166794 +26046,H12,-93.6381516,45.0167537 +26047,H10,-93.63792480000001,45.0168246 +26048,H17,-93.63869840000001,45.0168954 +26049,H13,-93.6383952,45.0169495 +26050,51,-93.6850625,44.8695047 +26051,H8,-93.63775050000001,45.0169663 +26052,54,-93.6855749,44.869581000000004 +26053,H11,-93.63822560000001,45.0169866 +26054,H6,-93.6375141,45.017044000000006 +26055,49,-93.6848722,44.869602400000005 +26056,H9,-93.6379988,45.0170862 +26057,H4,-93.6372324,45.017089500000004 +26058,52,-93.6853722,44.8696733 +26059,H2,-93.63702710000001,45.017111500000006 +26060,47,-93.6846821,44.8696919 +26061,H7,-93.63775290000001,45.0172195 +26062,H5,-93.6374926,45.017276900000006 +26063,50,-93.6851769,44.869755100000006 +26064,B16,-93.6405989,45.016255 +26065,B14,-93.64027580000001,45.016294900000005 +26066,48,-93.6849847,44.8698508 +26067,B17,-93.6408657,45.016338600000005 +26068,46,-93.6847893,44.869946600000006 +26069,B19,-93.6410551,45.0163615 +26070,B13,-93.64009750000001,45.0163968 +26071,C2,-93.6434282,45.017461000000004 +26072,B21,-93.6412595,45.0164175 +26073,B23,-93.6414661,45.016523400000004 +26074,B11,-93.6398631,45.016623100000004 +26075,B24,-93.6416051,45.0166632 +26076,C11,-93.6439144,45.0169488 +26077,B10,-93.63985050000001,45.0167635 +26078,B26,-93.6417186,45.0167854 +26079,B28,-93.6418022,45.016916300000005 +26080,B8,-93.63995390000001,45.0169816 +26081,B6,-93.6400634,45.0170971 +26082,C9,-93.64380080000001,45.0170917 +26083,B30,-93.6419225,45.017140600000005 +26084,B4,-93.6401768,45.017279 +26085,C7,-93.64372580000001,45.017205700000005 +26086,B32,-93.64207110000001,45.017362600000006 +26087,B2,-93.6401835,45.0174752 +26088,C5,-93.64367580000001,45.0172924 +26089,C4,-93.64361530000001,45.017388600000004 +26090,House of Prayer Lutheran Church,-92.9837018,45.0062676 +26091,C1,-93.64324420000001,45.0174899 +26092,Mound,-93.25331800000001,44.9778047 +26093,The Home Depot,-93.0171462,45.0127529 +26094,Guse Green Grocer,-93.2910239,44.919427000000006 +26095,Bachman's,-93.0185651,45.0192697 +26096,Mills Tailrace,-93.2564433,44.9799118 +26097,Guse Hardware,-93.29102680000001,44.919360000000005 +26098,Winnewissa Falls,-96.32084590000001,44.0152647 +26099,Heffelfinger Fountain,-93.29612230000001,44.9271928 +26100,Phelps Fountain,-93.295495,44.9277937 +26101,The Spirit of Peace,-93.2957616,44.9287246 +26102,Three Maidens,-96.32131790000001,44.008778400000004 +26103,24,-93.6852374,44.867346000000005 +26104,North Arm Boat Landing,-91.95693800000001,47.9944337 +26105,28,-93.6850227,44.867630500000004 +26106,26,-93.68513890000001,44.8674833 +26107,30,-93.68490960000001,44.8677799 +26108,32,-93.6848106,44.867944200000004 +26109,Penturen Church,-95.3437674,48.550603900000006 +26110,34,-93.68470140000001,44.868092700000005 +26111,36,-93.6846046,44.8682474 +26112,38,-93.6845078,44.8683909 +26113,40,-93.68441270000001,44.8685381 +26114,42,-93.6843106,44.868685400000004 +26115,44,-93.68421070000001,44.8688176 +26116,Nordic Center,-92.90206380000001,44.9774521 +26117,45,-93.6841057,44.8689838 +26118,Constance Free Church,-93.28811200000001,45.263503 +26119,Andover Fire Station #3,-93.284829,45.259198500000004 +26120,Patina,-93.29064910000001,44.9122111 +26121,The Original Pancake House,-93.44848230000001,45.069222700000005 +26122,La Mac Cleaners & Alterations,-93.2911255,44.912128200000005 +26123,Ross Frame Shop,-93.29072910000001,44.9197034 +26124,George and the Dragon,-93.2903167,44.9122074 +26125,Anthony's Furniture Restoration,-93.29072980000001,44.919774600000004 +26126,Gordy's Hi Hat,-92.4677848,46.7336967 +26127,Stumble Inn 2,-92.17259460000001,44.154257 +26128,Cenex (Truck-Diesel),-92.16522420000001,44.1691519 +26129,Cenex (Auto),-92.165321,44.169585000000005 +26130,Metta Coffee Cafe,-93.3055688,45.2458577 +26131,Plainview,-92.17635560000001,44.1636918 +26132,Keys Café & Bakery,-93.1977485,44.9645911 +26133,38th Street Light Rail Station,-93.2293714,44.9343937 +26134,Beef 'O' Brady's,-93.3051798,45.246419 +26135,Sweet Toppings Frozen Yogurt,-93.3051655,45.249742600000005 +26136,Subway,-93.30565770000001,45.248473600000004 +26137,Kasson,-92.7586387,44.027514700000005 +26138,Smack Shack,-93.27627500000001,44.986881700000005 +26139,The Loop,-93.2761088,44.9872838 +26140,Black Sheep Pizza,-93.2758888,44.987135900000006 +26141,Bar La Grassa,-93.2786676,44.9892188 +26142,Kasson,-92.74339810000001,44.036132900000005 +26143,Stockwood,-96.505092,46.8737957 +26144,Watts,-96.65065840000001,46.8733859 +26145,Ruthruff,-96.6928012,46.8192016 +26146,Minnesota Falls,-95.4632778,44.8035462 +26147,Dodge Center,-92.8475751,44.025785000000006 +26148,Nada,-96.2579389,46.9217906 +26149,Coastal Seafoods,-93.1665382,44.939392000000005 +26150,Aerostich,-92.12024070000001,46.7698267 +26151,Coldwater Spring,-93.19661450000001,44.8993297 +26152,Lake Harriet Veterinary,-93.2906583,44.925248200000006 +26153,Calhoun Pet Supply,-93.29089450000001,44.937578300000006 +26154,Five Watt Coffee,-93.2884271,44.941456200000005 +26155,Outdoor Edge,-93.2229875,45.572343800000006 +26156,Hideaway,-93.2366791,44.9810181 +26157,Ward 6,-93.07336930000001,44.9671503 +26158,Wuollet Bakery,-93.3255915,44.912733700000004 +26159,Red Cow,-93.3260693,44.912733200000005 +26160,Terzo Wine Bar,-93.30839250000001,44.9122405 +26161,Cocina del Barrio,-93.32928460000001,44.9113976 +26162,Nu Look Consignment,-93.30893990000001,44.9125571 +26163,Chuck & Don's,-93.32160130000001,44.9489682 +26164,Freestyle Yogurt,-93.2880696,44.9060701 +26165,Bluestem Bar and Table,-93.2883209,44.9549193 +26166,Canoe portage,-93.1529989,44.7792557 +26167,Gas For Less,-93.31331460000001,44.8146937 +26168,Teddy Bear Park,-92.80598760000001,45.053844600000005 +26169,Pioneer Park,-92.80875990000001,45.060540800000005 +26170,Triangle Park,-92.80306390000001,45.050107600000004 +26171,Wadajir Grocery,-93.24708460000001,44.967995900000005 +26172,Trailside Acres 1 and 2,-92.58799810000001,44.5719487 +26173,Wayzata Water Tower,-93.5141648,44.974936500000005 +26174,Palisade Head,-91.21159610000001,47.320021200000006 +26175,Cedar Riverside Liquor,-93.2470739,44.967086 +26176,Nomad World Pub,-93.2470772,44.9687294 +26177,Roosevelt Hall,-95.8885135,45.911020400000005 +26178,Jason's Deli,-93.3273958,44.8658584 +26179,The Union Rooftop,-93.2755061,44.977125900000004 +26180,Kragnes Inn,-96.7514242,46.9886436 +26181,The Capital Grille,-93.27587530000001,44.9768946 +26182,The Seville,-93.2770696,44.9787351 +26183,KMSU-FM,-94.00171630000001,44.142081700000006 +26184,Holiday,-93.2184534,44.790773900000005 +26185,Speedway,-93.2252107,44.789635700000005 +26186,Fire Control Inc.,-93.3246033,45.114634200000005 +26187,Eagles Post 2212,-92.8534376,44.7334042 +26188,FedEx Office,-93.16333490000001,44.830994800000006 +26189,Royal Star Furniture,-92.85336600000001,44.733656 +26190,Johnson Jewlers,-92.85337100000001,44.734129 +26191,Salvation Center Family Store,-92.85325900000001,44.734586 +26192,Tokyo Grill,-92.85326400000001,44.73483 +26193,Midtown Cleaners,-92.85294800000001,44.733412 +26194,Fortune Cookie,-92.852197,44.73393 +26195,Dairy Queen/Orange Julius,-92.852266,44.734449000000005 +26196,FSH,-92.8520321,44.7442192 +26197,South Pines Park,-92.83921880000001,44.7066936 +26198,Rachel Marthaler Photography,-92.8519986,44.7445393 +26199,Medina Golf & Country Club,-93.5358456,45.049920500000006 +26200,Computer Revolution,-93.1774723,45.011698 +26201,Schneiderman's Furniture,-93.1827519,45.015936800000006 +26202,Temperance River National Forest Campground,-90.8797191,47.7182636 +26203,Arden Shoreview Animal Hospital,-93.15373310000001,45.050516800000004 +26204,Pugleasa,-93.15404600000001,45.051338900000005 +26205,Pebble Creek Group Camp,-91.4622978,47.136698800000005 +26206,Lower Falls,-91.46768320000001,47.1426145 +26207,Moose Fence,-90.8498821,47.6522074 +26208,Birch Ridge Group Camp,-91.4624105,47.137797000000006 +26209,Nestor Grade Group Camp,-91.46512940000001,47.136972500000006 +26210,Chester Lake Dam Information,-92.3185176,43.9869326 +26211,Benson Park Playground,-92.828867,45.043496100000006 +26212,USPS,-93.126073,44.942469 +26213,Tofte General Store,-90.8305461,47.577182500000006 +26214,Mavericks Pizza,-93.151363,44.927096000000006 +26215,dean gray salon,-93.151561,44.927107 +26216,Big Bowl,-93.32767530000001,44.8775495 +26217,Cars,-95.96637820000001,43.6382726 +26218,Cars,-95.0831265,43.6354612 +26219,Trucks,-95.98016960000001,43.6370476 +26220,Minnetonka Lutheran Church,-93.48404120000001,44.9401141 +26221,USPS,-93.3558194,44.9282259 +26222,Trinity Lutheran Church,-89.96872110000001,47.841350500000004 +26223,Public Parking,-90.3326195,47.750253900000004 +26224,Grand Marais Art Colony,-90.3369133,47.751701800000006 +26225,US post office 55606,-89.9617697,47.8448362 +26226,Affinity Plus,-92.8919142,44.7389585 +26227,Old Settlers Cemetary,-89.9622066,47.8452861 +26228,16th Ave SW @ 1st St SW,-92.4860704,44.0227676 +26229,Chipotle,-92.8926505,44.738962900000004 +26230,2nd St SW @ Saint Marys Hospital,-92.48203120000001,44.02154 +26231,2nd St SW @ Saint Marys Hospital,-92.482404,44.021532300000004 +26232,Eddie Cheng,-92.892128,44.7389583 +26233,Pearle Vision,-92.89254500000001,44.7389517 +26234,C24,-93.64368110000001,45.0163668 +26235,Jimmy John's,-92.89224370000001,44.7389677 +26236,C23,-93.6438993,45.016341600000004 +26237,C22,-93.6440544,45.0163522 +26238,AT&T,-92.8920088,44.7389542 +26239,C17,-93.6442348,45.016592300000006 +26240,Snap Fitness,-92.84661910000001,44.7136313 +26241,C13,-93.64402150000001,45.0168313 +26242,C15,-93.6441916,45.016707200000006 +26243,Holiday,-92.84404740000001,44.7134883 +26244,C16,-93.6444689,45.016710200000006 +26245,C18,-93.6444598,45.016513800000006 +26246,Sears Home Store,-92.8468004,44.7136383 +26247,C19,-93.64441400000001,45.0163474 +26248,Mayday Restoration,-93.3664019,44.970809 +26249,C21,-93.6442246,45.016213500000006 +26250,C12,-93.6441916,45.016919800000004 +26251,C10,-93.64412030000001,45.0170595 +26252,C8,-93.643994,45.0172283 +26253,C6,-93.6438842,45.017335 +26254,C3,-93.6437937,45.0174747 +26255,C14,-93.6443426,45.016789800000005 +26256,A33,-93.640327,45.017864200000005 +26257,A34,-93.64008240000001,45.017873 +26258,A19,-93.63939380000001,45.0179205 +26259,A18,-93.6391742,45.017955400000005 +26260,A31,-93.6404945,45.0179768 +26261,A16,-93.6388778,45.017996200000006 +26262,A32,-93.6401659,45.0180151 +26263,A14,-93.63866920000001,45.0180583 +26264,A8,-93.63815190000001,45.0182743 +26265,A20,-93.639554,45.0181053 +26266,A12,-93.63852650000001,45.018132 +26267,A30,-93.6403078,45.018145600000004 +26268,A10,-93.6384331,45.018229000000005 +26269,A21,-93.6395959,45.018244800000005 +26270,A28,-93.640398,45.018278200000005 +26271,A22,-93.63966280000001,45.0183772 +26272,A26,-93.6403945,45.0183971 +26273,A23,-93.639763,45.018496500000005 +26274,A24,-93.6400388,45.018533600000005 +26275,A25,-93.6402831,45.018694700000005 +26276,Minq,-93.34766160000001,44.9668064 +26277,Bergstrom Jewelers,-93.3475468,44.965670700000004 +26278,Crave,-93.34769890000001,44.967606100000005 +26279,Creative Kidstuff,-93.34766160000001,44.9665273 +26280,NutriShop,-93.3475542,44.965820900000004 +26281,Glamour Nails,-93.3475592,44.9659039 +26282,Little Szechuan,-93.34871980000001,44.967508900000006 +26283,Primp Cheap Chic Botique,-93.34796130000001,44.9668313 +26284,Rojo Mexican Grill,-93.34794620000001,44.967447500000006 +26285,Cornerstone Evangelical Free,-93.19688380000001,44.0668761 +26286,Subway,-93.3470874,44.9679791 +26287,White House Black Market,-93.3476541,44.9668788 +26288,Kwik Trip,-93.2536877,44.095785 +26289,blast Blos Dry Bar,-93.3479367,44.96643 +26290,Kwik Trip,-93.25432740000001,44.095847600000006 +26291,Target,-93.24861960000001,44.0863579 +26292,hot mama,-93.3479719,44.966787800000006 +26293,Mills Gas Mart,-93.25149760000001,44.0837723 +26294,Lululemon,-93.34767160000001,44.9667499 +26295,when girls take over,-93.34795910000001,44.966526 +26296,OfficeMax,-93.2522026,44.097662 +26297,Pizza Factory,-93.21950480000001,45.0844314 +26298,Mills Fleet Farm,-93.2524284,44.0826086 +26299,Spiral Bridge Monument,-92.8511079,44.745135000000005 +26300,Adagio's,-93.21950480000001,45.0843963 +26301,Clockwork Active Media Systems,-93.2302818,44.991741000000005 +26302,Handicapped,-93.2202099,44.0789996 +26303,Steele County Historical Society,-93.2167392,44.066963300000005 +26304,Holiday,-93.2433386,44.083862800000006 +26305,Torey's Restaurant & Bar,-93.2416963,44.083175000000004 +26306,Grace Baptist Church,-93.2217603,44.1091549 +26307,Mills Gas Mart,-93.25129410000001,44.0839476 +26308,Picnic Area,-93.2289183,44.056100400000005 +26309,Starbucks,-93.24154150000001,44.083496700000005 +26310,Canoeing,-93.2338053,44.0573995 +26311,Great Clips,-93.2422604,44.0831364 +26312,Holiday Stationstore,-93.2430516,44.0839245 +26313,Ag Power Enterprises Inc.,-93.2730836,44.0638218 +26314,Johnson Fitness & Wellness Store,-93.36663850000001,44.970816600000006 +26315,The Market,-90.3333142,47.7494414 +26316,Sami's Stop,-93.40218340000001,45.021526400000006 +26317,Mount Olivet Chapel,-93.4363368,45.0296777 +26318,Sanford Thief River Falls East Campus,-96.15368160000001,48.110200000000006 +26319,The Brother's Deli,-93.2718215,44.978295700000004 +26320,Kwik Trip,-93.2888331,44.294086400000005 +26321,The Church of Jesus Christ of Latter-day Saints,-93.2833909,44.2692386 +26322,The Grill at Macalester,-93.1676214,44.9394408 +26323,Bethlehem Academy,-93.2719271,44.2887721 +26324,Cenex Gas Station,-93.267162,44.2908313 +26325,Trailhead Overflow (Unpaved),-93.29089300000001,44.3001355 +26326,Divine Mercy Catholic Church,-93.27212560000001,44.290177500000006 +26327,The Depot Bar & Grill,-93.26544200000001,44.2942096 +26328,Trucker's Inn,-93.2944738,44.317213900000006 +26329,Congregational Church,-93.27278580000001,44.2933073 +26330,Fourth Avenue United Methodist Church,-93.2743523,44.293169000000006 +26331,Wells Fargo,-93.27051940000001,44.296094800000006 +26332,First English Lutheran Church,-93.2718605,44.2928062 +26333,1ST United Bank,-93.275857,44.2949737 +26334,Nook & Cranny,-93.271375,44.29903 +26335,Premier Bank of Faribault,-93.2756799,44.2944284 +26336,Affinity Plus FCU,-93.2829889,44.294992 +26337,Wholesale Tire,-93.28084050000001,44.294263300000004 +26338,Holiday,-93.279961,44.2944899 +26339,Family Dollar,-93.2805347,44.294992900000004 +26340,Kwik Trip,-93.2617378,44.2917368 +26341,Walgreens,-93.2786652,44.2949506 +26342,Peace Lutheran Preschool,-93.2773751,44.287893000000004 +26343,Christ Lutheran Church,-93.2489625,44.2924779 +26344,First Baptist Church,-93.2925671,44.277074600000006 +26345,Peace Lutheran Church,-93.2772946,44.287551300000004 +26346,Kwik Trip,-93.28292730000001,44.2723541 +26347,H&M,-93.29808150000001,44.9477435 +26348,Kwik Trip,-93.2831338,44.272254200000006 +26349,River Valley Church,-93.2559372,44.2954233 +26350,Louie's Food & Deli,-93.29350000000001,44.9393964 +26351,Penzeys Spices,-93.2985591,44.947310300000005 +26352,Magers & Quinn Booksellers,-93.29865360000001,44.947136900000004 +26353,MONO,-93.2974767,44.949907 +26354,Wells Fargo,-93.3011675,44.948113400000004 +26355,Wells Fargo,-93.30017500000001,44.9485358 +26356,Faribault,-93.3058816,44.3277969 +26357,Wells Fargo Drive Thru,-93.30114010000001,44.947839 +26358,Huettl's Meats,-92.28756320000001,44.463085500000005 +26359,United Church of Christ,-92.0353188,44.383655600000004 +26360,Jesus of Christ Lutheran Church,-92.7298385,44.6002297 +26361,Cemstone,-92.48156900000001,44.555663200000005 +26362,Our Lady of the Lake Catholic Church,-92.2691846,44.4464241 +26363,Mobil,-93.4433743,44.2272886 +26364,Swede Hollow Cafe,-93.07178830000001,44.9592341 +26365,Cannon Valley Lutheran High School,-93.44956760000001,44.2268004 +26366,Bethlehem Lutheran Church,-93.4492886,44.2270291 +26367,Brim,-93.30484320000001,44.9485583 +26368,Morristown Post Office,-93.44422460000001,44.226100800000005 +26369,Peace United Methodist Church,-93.4448174,44.228238000000005 +26370,Plum House,-93.44125000000001,44.223777000000005 +26371,Nordmeier Brothers Chevrolet,-93.4441441,44.227234800000005 +26372,Curioso Coffee Bar,-93.29805900000001,44.94737 +26373,Saint Andrews Episcopal Church,-93.57140960000001,44.2202843 +26374,Phil Mart,-93.5625382,44.2190248 +26375,Casey's General Store,-93.5605118,44.2180776 +26376,Trinity Lutheran Church,-93.5742795,44.2197922 +26377,Coconut Thai,-93.3314531,44.9129828 +26378,W-E-M Senior High School,-93.56257710000001,44.2172606 +26379,Raku,-93.3305546,44.9123693 +26380,Evangelical United Methodist Church,-93.56520300000001,44.2191156 +26381,Holy Trinity Catholic Church,-93.56315910000001,44.2155131 +26382,Casey's General Store,-93.6779362,44.1977014 +26383,TCF Bank,-93.1464553,45.057230100000005 +26384,Casey's General Store,-93.67793080000001,44.1975514 +26385,Reliance Bank,-93.2974058,44.317452200000005 +26386,Water Slides,-93.28076800000001,44.309725500000006 +26387,Faribault Aquatic Center,-93.2805026,44.3098867 +26388,Boat Ramp,-93.2798523,44.303588100000006 +26389,Horse Arena,-93.2778904,44.3112055 +26390,Cartime Auto Center,-93.19504090000001,44.4275839 +26391,Recycling Center,-93.2253927,44.3780597 +26392,First National Bank,-93.18485650000001,44.4350614 +26393,Amcon,-93.13622000000001,44.6312074 +26394,Kwik Trip,-93.16731220000001,44.4546852 +26395,Casey's,-93.16829390000001,44.4490484 +26396,Karl's TV Audio & Appliances,-93.26065390000001,44.165224800000004 +26397,Kinney Creek Brewery,-92.4782464,44.031019400000005 +26398,Medford Furniture Mart,-93.2604608,44.1660905 +26399,PacSun,-93.26144810000001,44.1694826 +26400,L'Eggs Hanes Bali Playtex,-93.2621642,44.1710525 +26401,Ashley Furniture,-93.26025700000001,44.165532500000005 +26402,Pendleton,-93.2622662,44.169449900000004 +26403,Kitchen Collection,-93.26072380000001,44.171352600000006 +26404,Sears Outlet,-93.2603428,44.164897700000004 +26405,Bass,-93.26054420000001,44.171117900000006 +26406,Lane Bryant,-93.26350000000001,44.1695153 +26407,Bath & Body Works,-93.2619765,44.1695134 +26408,Purses Etc.,-93.26052010000001,44.1694672 +26409,IZOD,-93.2617189,44.170989000000006 +26410,Old Navy,-93.26213200000001,44.169321000000004 +26411,Justice,-93.2610537,44.169311300000004 +26412,Eddie Bauer,-93.26194170000001,44.1711679 +26413,Dress Barn,-93.2641277,44.1710755 +26414,J. Jules Fashion,-93.26114240000001,44.1712968 +26415,Maurices,-93.26169490000001,44.1693614 +26416,Van Heusen,-93.26256930000001,44.171166 +26417,Urban Finds,-93.26250490000001,44.1693537 +26418,Christopher & Banks,-93.2630254,44.170954200000004 +26419,BonWorth,-93.2608687,44.171216 +26420,rue21,-93.26366630000001,44.169396000000006 +26421,Famous Footwear,-93.26322640000001,44.1711698 +26422,Trinity Lutheran Church,-93.25002190000001,44.172755 +26423,Gymboree,-93.2627356,44.171044800000004 +26424,Cemetery,-93.2439762,44.189326200000004 +26425,claire's,-93.26464800000001,44.1709601 +26426,Payless ShoeSource,-93.26373070000001,44.1711083 +26427,Naturalizer,-93.2630683,44.169471 +26428,The Children's Place,-93.2632506,44.169311400000005 +26429,Gap,-93.26474470000001,44.1707216 +26430,Carter's,-93.2623574,44.1709332 +26431,Wilsons Leather,-93.26388630000001,44.170937 +26432,Stews Bail Bonds,-92.53131760000001,44.5638669 +26433,Whispering Waters Resort,-95.7811528,46.3676772 +26434,Gates General Contractors,-93.47795780000001,45.0204449 +26435,Lee's Express,-93.0963569,44.9480124 +26436,Tonsager Tax & Accounting,-93.2879178,44.8895257 +26437,Maple Grove City Hall,-93.4428376,45.099671900000004 +26438,Saint Paul Post Office,-93.09127240000001,44.947535800000004 +26439,Starbucks,-93.0953274,44.945483100000004 +26440,Subway,-93.0964129,44.947910300000004 +26441,The Buttered Tin,-93.0889238,44.9510213 +26442,Keen Eye Coffee,-93.2318741,44.9339877 +26443,Dunn Bros,-93.2780776,44.9557701 +26444,Ace Hardware,-93.2780719,44.965252500000005 +26445,Jimmy John's,-93.278253,44.9625611 +26446,Allina Medical Clinic Woodlake,-93.2849628,44.8830424 +26447,Holiday Inn Express,-95.01514900000001,45.123014000000005 +26448,Days Inn,-95.0051409,45.123827500000004 +26449,Whole Foods Market,-93.269045,44.982479000000005 +26450,Lisu Thai Taste,-93.1658905,44.9771574 +26451,The Pepin Heights Store,-92.25385080000001,44.4305047 +26452,Reno Walk-in Boat Launch,-91.268738,43.601958800000006 +26453,Millstone Landing,-91.27678900000001,43.538399500000004 +26454,Visger's Landing,-91.2793432,43.517303600000005 +26455,The Rail House,-92.2739734,44.4441782 +26456,The Liquor Depot,-92.2739092,44.4440249 +26457,Lake Pepin Pearl & Button Company,-92.26434470000001,44.448436 +26458,Sparkling Clean Laundy,-92.26589840000001,44.4484038 +26459,"TempWorks Software, Inc.",-93.1402303,44.8430113 +26460,Ripley Dental Care,-92.265957,44.4483593 +26461,Akermann Total Eye Care,-92.2660031,44.4483237 +26462,Lilydale Trailhead,-93.1351827,44.904672700000006 +26463,Kim's Oriental Market,-93.1673367,44.9618478 +26464,P F Mulder WMA,-96.2028068,43.609070700000004 +26465,Sanford Luverne water tower,-96.20905090000001,43.673918900000004 +26466,Stone Gate,-94.38391960000001,45.5821047 +26467,Tower,-96.2107696,43.6189805 +26468,City of Luverne Water Tower,-96.2131171,43.6561226 +26469,American Reformed Church,-96.2132024,43.667364500000005 +26470,Saint Catherine of Alexandria Church,-96.20742220000001,43.657622 +26471,First Baptist Church,-96.20448250000001,43.666474 +26472,Saint John Lutheran Church,-96.20814100000001,43.662216900000004 +26473,Acupulco Restaurante Mexicano,-93.4696109,45.235359200000005 +26474,Family Tradition,-92.4660424,46.7376761 +26475,Caribou Coffee,-93.46943130000001,45.235243800000006 +26476,The Lunchbox Cafe,-93.45819660000001,45.232616500000006 +26477,Kwik Trip (cars),-92.66783210000001,44.2828475 +26478,Zion Lutheran Church,-96.1953481,43.7770675 +26479,Green Lantern Cafe,-96.2000259,43.7744433 +26480,First Presbyterian Church,-96.21311060000001,43.665213200000004 +26481,Famous Dave's,-93.4222563,44.9891803 +26482,Saint Catherine's School,-96.2069362,43.657932800000005 +26483,AmericInn Lodge & Suites,-95.59189330000001,43.636747400000004 +26484,The Blue Line,-95.56287660000001,43.6404592 +26485,Hy-Vee,-95.5956585,43.6315393 +26486,Casey's General Store,-95.5857826,43.630830700000004 +26487,Casey's General Store,-95.6025714,43.631619900000004 +26488,Hy-Vee Gas,-95.5956907,43.631768400000006 +26489,Perkins,-95.5926544,43.636955500000006 +26490,Ground Round,-95.5955083,43.634385300000005 +26491,The Church of Jesus Christ of Latter-day Saints,-95.6232593,43.6032408 +26492,Kingdom Hall of Jehovah's Witnesses,-95.60529650000001,43.6270517 +26493,Saint Matthews Lutheran Church,-95.5905819,43.629661000000006 +26494,Westminster Presbyterian Church,-95.6102103,43.626725500000006 +26495,First State Bank Southwest,-95.5920438,43.6317 +26496,First Covenant Church,-95.6185251,43.6086667 +26497,First Baptist Church,-95.6125921,43.608383200000006 +26498,Worthington Christian School,-95.58420100000001,43.637081200000004 +26499,American Reformed Church,-95.59045590000001,43.6358 +26500,Black Box Resale Services,-93.4257688,45.1211056 +26501,Hy-Vee,-95.59599200000001,43.6326629 +26502,Comunidad Cristiana,-95.61676840000001,43.6313972 +26503,Jasper Evangelical Lutheran Church,-96.3952495,43.8495505 +26504,Saint Joseph's Catholic Church,-96.3924302,43.850660500000004 +26505,Park,-96.3974462,43.8487651 +26506,Three Straw Cafe,-96.39779220000001,43.8499934 +26507,Plum Creek Library System,-96.3919798,43.850424800000006 +26508,Jasper Lanes,-96.39814890000001,43.850123 +26509,City of Jasper,-96.3969472,43.849564 +26510,Jasper Yards,-96.39998650000001,43.8495311 +26511,Shamatt Motors,-96.4006239,43.850023900000004 +26512,Peoples Bank,-96.3982723,43.8496704 +26513,Sanow's Pub,-96.3979504,43.8496742 +26514,Jasper Mini Mall,-96.3992733,43.850601100000006 +26515,Jasper Gas Stop,-96.4006997,43.848769000000004 +26516,Jasper Motors,-96.39847610000001,43.85374 +26517,Information/Office,-96.36569150000001,43.8958262 +26518,Hok-Si-La Park Campground,-92.2907177,44.471342400000005 +26519,Interim Horse Trailhead,-96.3760968,43.8787189 +26520,Boat Ramp,-96.3647301,43.8984545 +26521,Casey's,-96.3070421,43.9936043 +26522,American Boulevard,-93.2232036,44.857690000000005 +26523,American Boulevard,-93.2231316,44.859766400000005 +26524,Water Slides,-96.3099335,43.994308600000004 +26525,Peace United Methodist Church,-96.3117574,43.9931123 +26526,Casey's General Store,-96.3067846,43.9934017 +26527,Freedom,-96.30712790000001,43.997536800000006 +26528,McDonald's,-96.3068624,43.9944147 +26529,Freedom,-96.30686510000001,43.9976332 +26530,Amdahl Chevy-Buick-GMC,-96.3057493,43.993320700000005 +26531,Good Shepherd Lutheran Church,-96.32312730000001,43.993998000000005 +26532,Pizza Hut & Wing Street,-96.3071199,43.996546900000006 +26533,First Lutheran Church,-96.32601340000001,43.9969039 +26534,Meinders Community Library,-96.3399287,43.9973631 +26535,High School,-96.33983210000001,43.9980423 +26536,Pine Peaks,-94.10848460000001,46.670997 +26537,Bordertown Coffee,-93.23368400000001,44.979051600000005 +26538,Trucks,-95.9676888,43.638016300000004 +26539,Cars,-95.9815531,43.6368303 +26540,Moon Light Bay,-94.11656020000001,46.698369500000005 +26541,Bait Box Gas,-94.11117030000001,46.683713000000004 +26542,Old Milwaukee Club & Saloon,-94.1980611,46.660667200000006 +26543,Holiday Gas,-94.1081577,46.6705665 +26544,Kum & Go,-95.93433390000001,43.6407844 +26545,Andy's Bar and Liquor store,-94.108626,46.669299300000006 +26546,Ace Hardware,-94.1043228,46.6694509 +26547,Reeds,-94.1055334,46.6692205 +26548,US Army Corps of Engineers Campground,-94.1103514,46.6698515 +26549,Riverside Inn,-94.11231070000001,46.667322600000006 +26550,The Wharf,-94.1282309,46.683896700000005 +26551,Rushmore,-95.801955,43.623134400000005 +26552,Saint Adrian Catholic Church,-95.9327076,43.630977800000004 +26553,Gate 7,-96.7592577,46.904776500000004 +26554,Adrian Middle/High School,-95.936755,43.632769700000004 +26555,Zion Lutheran Church,-95.93772600000001,43.6326668 +26556,Adrian Elementary School,-95.930999,43.6313972 +26557,Adrian United Methodist Church,-95.9306664,43.6339131 +26558,Countryside Inn,-95.9341399,43.639692000000004 +26559,Cenex Service,-95.93364100000001,43.6395173 +26560,C-Store,-95.9340004,43.6401928 +26561,The Little Guy,-95.9341881,43.6400803 +26562,Cenex,-95.9336356,43.639758 +26563,Kum & Go (Trucks),-95.93424180000001,43.6411983 +26564,Cenex,-95.7280384,44.936882600000004 +26565,Adrian Hardware Hank,-95.9328799,43.636160600000004 +26566,Rustie Roger Barber & Beauty Salon,-95.93337360000001,43.6353103 +26567,Pepsi,-95.93263730000001,43.637843600000004 +26568,Adrian State Bank,-95.9328747,43.633281700000005 +26569,Sanford Health Adrian Clinic,-95.9349722,43.6302473 +26570,Minerva,-93.27013240000001,44.980478000000005 +26571,Casey's General Store,-94.71155130000001,45.3802919 +26572,McDonald's,-95.70577340000001,44.9495493 +26573,Wild Wings of Oneka,-92.91704440000001,45.1626738 +26574,Subway,-93.1456907,44.994078800000004 +26575,Pizza Hut,-92.97644820000001,45.819700000000005 +26576,Subway,-92.9799699,45.8193149 +26577,Wanderers Garden,-93.4446379,44.9672805 +26578,Twin Cities Quilting,-93.1454071,44.9940549 +26579,Subaru Dealership,-94.20990690000001,45.5505792 +26580,Metro Transit,-93.09201060000001,44.947598500000005 +26581,Saint Paul Coffee Shop,-93.0922017,44.947302400000005 +26582,U.S. Bank,-93.0918467,44.9474153 +26583,U.S. Bank,-93.0919763,44.947527 +26584,Northern Life Chiropractic,-93.32255160000001,44.748857300000004 +26585,Ken and Norm's Liquor,-93.2623415,44.915817000000004 +26586,Totally Kids Furniture,-93.2690797,44.8600677 +26587,Community Information Board,-93.26985490000001,44.9805525 +26588,Anoka County Sheriff's Office,-93.30484440000001,45.213131000000004 +26589,Two Island Lake Campground,-90.44428540000001,47.879943100000006 +26590,Scenic Overlook,-92.79574020000001,45.040524100000006 +26591,Veterans' Memorial,-94.95046980000001,46.1298863 +26592,Fire Station,-94.9499093,46.130552800000004 +26593,Bryant,-93.2681007,44.9307208 +26594,Slam Academy,-93.2737845,44.973120200000004 +26595,Plaza Discount Liquor,-95.3836582,45.8597078 +26596,Matts hunting stand,-95.46022260000001,44.365132300000006 +26597,Cub Foods,-95.37879310000001,45.8646685 +26598,Broadway Floral,-95.3774413,45.8667211 +26599,Nature's Calling Nursery & Garden Center,-95.37708350000001,45.865617 +26600,Pub 819,-93.411083,44.924482000000005 +26601,Guardian Angels Catholic Church,-92.9390103,44.949760100000006 +26602,DalekoArts,-93.5676406,44.550842700000004 +26603,Matchbox Coffee Shop,-93.2663303,45.001241500000006 +26604,Caribou Coffee,-95.3185528,48.909156900000006 +26605,Nisswa Cabin,-94.3204872,46.529275500000004 +26606,Essentia Health-Proctor Clinic,-92.2176151,46.7377191 +26607,Encryptomatic.Com,-96.0122436,46.807838700000005 +26608,Sieur Jean du Luth,-92.08394080000001,46.8186599 +26609,Duluth Spirit Mountain Inn - Americas Best Value,-92.2199224,46.7270564 +26610,Dennis Brothers Liquor,-92.90494650000001,44.846782000000005 +26611,"Infinite Campus, Inc.",-93.1564409,45.170320700000005 +26612,Carbone's Pizzeria,-92.90450340000001,44.8465526 +26613,Subway,-92.9049669,44.8468626 +26614,Marathon,-92.9041857,44.847528000000004 +26615,DMV,-92.9416089,44.818372000000004 +26616,Cedarhurst Historic Country Estate,-92.9047285,44.849009 +26617,Lisu's Thai Taste,-92.96020220000001,44.8329603 +26618,Top Ten Wine & Spirits,-92.9307788,44.816598500000005 +26619,Fantastic Sams,-92.9603156,44.8328835 +26620,Rocco's Pizza,-92.9562755,44.828744500000006 +26621,Papa Murphy's,-92.93367280000001,44.817186500000005 +26622,Ho King Restaurant,-92.9297119,44.816106700000006 +26623,Pizza Hut,-92.9688615,44.831472500000004 +26624,Marquette Avenue & 7th Street,-93.27132440000001,44.975951300000006 +26625,Bella Pizza,-92.968738,44.8315508 +26626,Tom Moy Cafe,-92.95698750000001,44.834070100000005 +26627,"GRKreations, Inc.",-94.407781,44.925819000000004 +26628,Rock Creek Cafe,-92.9920202,45.7671925 +26629,Subway,-92.9561223,44.834070100000005 +26630,BP,-92.99221340000001,45.7671374 +26631,Allegra,-93.0926675,44.947008100000005 +26632,Dire Dawa,-93.24715970000001,45.0070337 +26633,Randy's Premier Pizza,-92.9842886,45.021587600000004 +26634,Keljik Oriental Rug Cleaning,-93.29067060000001,44.9251219 +26635,Paper Rock Scissor,-93.2905284,44.9248807 +26636,American Burger Bar,-93.0940075,44.945416200000004 +26637,Cocina Latina,-93.27817680000001,44.934272500000006 +26638,Skyway Fitness,-93.0922627,44.947377800000005 +26639,U.S. Bank,-92.0994275,46.8227733 +26640,Fun Sisters Boutique,-93.0922166,44.9474682 +26641,Speedway,-93.2628037,45.071231600000004 +26642,Caribou Coffee,-92.1473715,46.8031342 +26643,The Depot,-95.37877830000001,45.8916064 +26644,Daggett's Foods IGA,-92.94178020000001,46.0164151 +26645,Schmelz Countryside,-93.05098500000001,45.011217200000004 +26646,Marathon,-93.2367481,45.0165657 +26647,Ausmus Furniture & Carpet,-92.9426868,46.0154852 +26648,Marathon,-93.236917,45.0165827 +26649,Pizza Ranch,-93.3108778,45.2205248 +26650,Kenny,-93.3965807,45.2912459 +26651,Root River Hardwood,-93.3638392,43.680443000000004 +26652,Stantec,-93.1982662,45.0114013 +26653,Kennys 2nd Garage,-93.39582970000001,45.291466400000004 +26654,Sammy's Restaurant,-92.4887066,43.8551854 +26655,Kennys brother,-93.3949499,45.2916023 +26656,T-Box Bar & Grill,-93.2338582,45.236340000000006 +26657,Johns Auto Parking,-93.2374307,45.1610511 +26658,TITLE Boxing Club Arden Hills,-93.1492748,45.0488628 +26659,Johns Auto Parking,-93.2356766,45.1614066 +26660,Trailhead for Artist Point,-90.33276520000001,47.7457767 +26661,Rocket 55,-93.2787914,44.9894358 +26662,Vincent A Restaurant,-93.27588490000001,44.9728998 +26663,Strauman Holistic Chiropractic,-93.3141928,44.9502827 +26664,Casey's,-92.9168832,44.506707600000006 +26665,Crescent Tide Funeral & Cremation,-93.18528780000001,44.9648121 +26666,Streetz,-93.42064420000001,44.932435700000006 +26667,Jetts Pizza,-93.420748,44.931915200000006 +26668,Caribou Coffee,-93.4202116,44.933658300000005 +26669,House Hold,-93.3973574,45.2912155 +26670,Salon L'Image,-93.4200828,44.9338026 +26671,Historical Information Gatherers,-93.4200828,44.9339432 +26672,Poll Barn,-93.3940208,45.2911702 +26673,Grand Casino Mille Lacs,-93.7585686,46.180038200000006 +26674,Sandy's Dog and Cat Grooming and Boarding,-93.134071,44.930406000000005 +26675,Advanced Bodyworks,-95.7758199,45.6685292 +26676,Davanni's,-93.2359514,44.9656151 +26677,Pizza Lucé,-92.0982094,46.7871473 +26678,Shamrock Marina & Resort,-92.39926670000001,47.8848429 +26679,Techwarrior Technologies LLC,-93.72859940000001,45.0823023 +26680,Lunds & Byerlys,-93.42878300000001,44.7065818 +26681,Potter's Pasties,-93.2257744,44.987625900000005 +26682,"Luce, MN",-95.67383740000001,46.6426613 +26683,Subway,-93.4301492,44.707381000000005 +26684,The Gentle Doctor Veterinary Clinic,-93.3319005,44.7472088 +26685,Sociable Cider Werks,-93.2443703,45.0044808 +26686,Frazee Rest Area,-95.70533180000001,46.7154615 +26687,Holiday,-93.2582831,45.1259364 +26688,The Movement Minneapolis,-93.28858720000001,44.9617589 +26689,Highlands Lodge,-92.7875219,44.850521 +26690,Super America,-93.3050412,45.219734 +26691,"MedNet Solutions, Inc.",-93.4547891,44.9765357 +26692,Afton Alps,-92.7900125,44.854494200000005 +26693,Alps Lodge,-92.78801370000001,44.8576166 +26694,Meadows Lodge,-92.78020280000001,44.856447200000005 +26695,Alpine Lodge,-92.7904235,44.8543244 +26696,Andes Tower Hills,-95.63019650000001,45.8508733 +26697,Giants Ridge Golf & Ski Resort,-92.30454780000001,47.5783847 +26698,Lutsen Mountains,-90.7143059,47.663604400000004 +26699,Hyland Ski & Snowboard Area,-93.36388930000001,44.8434103 +26700,Welch Village Ski and Snowboard Area,-92.73061870000001,44.5605148 +26701,Mount Ski Gull,-94.37780670000001,46.446990500000005 +26702,Family Barbers,-93.2780532,44.858950500000006 +26703,Wild Mountain,-92.70577700000001,45.4892363 +26704,Fury Dodge Chrysler,-92.8804758,45.002345500000004 +26705,Warroad Lost River Sportsmen Complex,-95.5024796,48.944898200000004 +26706,Maine Prairie Town Hall,-94.26793,45.379102200000005 +26707,U-Spatial,-93.2434163,44.9718583 +26708,Super Apollo,-92.98506680000001,43.666257 +26709,West Bank,-93.24299520000001,44.972191300000006 +26710,East Bank,-93.2365096,44.9734725 +26711,Taco John's,-92.9783385,43.666804500000005 +26712,Sterling Drug,-92.9899862,43.665441900000005 +26713,St. Agustine's Elementary School,-92.98068140000001,43.6699065 +26714,Freedom,-92.98002960000001,43.6669089 +26715,Wells Fargo,-92.9751238,43.670149 +26716,Freedom,-92.97984720000001,43.6667945 +26717,Apollo Superette,-92.98506950000001,43.6664491 +26718,Sterling State Bank,-92.99227660000001,43.665985400000004 +26719,Hy-Vee Gas,-92.98544770000001,43.684372200000006 +26720,Kwik Trip,-92.9801235,43.67897 +26721,Subway,-92.9798861,43.6781944 +26722,Hy-Vee Gas,-92.98540480000001,43.6846011 +26723,Pizza Hut,-92.9735862,43.677878400000004 +26724,Sinclair,-92.98973120000001,43.6590098 +26725,Ankeny's Mini-Mart No. 4,-92.98998870000001,43.658914700000004 +26726,Sinclair,-92.9578525,43.666193500000006 +26727,Water Slide,-92.97341460000001,43.670745100000005 +26728,Queen of Angels (Reina de Los Angeles),-92.9630693,43.6669812 +26729,Ankeny Mini Mart,-92.95805890000001,43.666255500000005 +26730,Boat Ramp,-92.9510898,43.671554 +26731,"1937 Pleasant Street, Lauderdale, MN",-93.20005350000001,44.9995847 +26732,East Side Lake Park,-92.9509835,43.6709587 +26733,Martin Luther High School,-94.4337332,43.7397355 +26734,Boun Giorno,-93.13920710000001,44.9001579 +26735,Osteria I Nonni,-93.1393536,44.900088600000004 +26736,Holiday Cars of Austin,-93.01521960000001,43.6658325 +26737,C. C. Auto,-93.2935032,44.858487100000005 +26738,Faith Evangelical Free Church,-92.99090670000001,43.650596400000005 +26739,Fuel Stop,-93.02425600000001,43.6662283 +26740,Fuel Stop,-93.02422920000001,43.6663835 +26741,Holiday Chrysler Dodge Ram Jeep,-93.01519110000001,43.666053600000005 +26742,BP,-93.01711060000001,43.6673537 +26743,Faith Evangelical Free Church,-92.9889514,43.650606100000005 +26744,Apollo III,-93.0168773,43.6661817 +26745,Southwest Sales,-92.98999350000001,43.6523928 +26746,Casey's,-92.9897602,43.651841600000004 +26747,Casey's General Store,-92.9901128,43.651747300000004 +26748,Holiday Cars - Parts,-93.01459840000001,43.6657181 +26749,Fuel Stop,-93.0243214,43.6660673 +26750,Budget & U-Haul Truck Rental,-93.0166744,43.667179100000006 +26751,BP,-93.01690780000001,43.6674099 +26752,Rodeway Inn,-92.93989350000001,43.6733234 +26753,KAAL,-92.9521646,43.675546600000004 +26754,Kwik Trip,-92.95384370000001,43.675721200000005 +26755,Shell Food Mart,-92.9400866,43.672483400000004 +26756,Kwik Trip,-92.9535111,43.6757755 +26757,Marathon,-92.93988540000001,43.6726036 +26758,Grace Lutheran Church,-92.9441207,43.662014 +26759,Ellis Middle School,-92.95257210000001,43.662576200000004 +26760,Fellowship United Methodist Church,-92.9486402,43.660785700000005 +26761,Bethlehem Free Methodist Church,-92.95443370000001,43.662640700000004 +26762,Church of Christ,-92.97696570000001,43.6663134 +26763,Woodson Kindergarten Center,-92.968974,43.6529576 +26764,Laundromat,-92.98583330000001,43.6664569 +26765,Home Federal Savings Bank,-92.97637830000001,43.666424 +26766,Self-Serve Car Wash,-92.98558100000001,43.6663464 +26767,The Bluestem,-96.2141031,43.6381122 +26768,Apollo Liquors,-92.98534760000001,43.666220300000006 +26769,Papik Motors,-96.2219388,43.6407941 +26770,Minnesota Veterans Home,-96.21091390000001,43.6684094 +26771,Medicap Pharmacy,-92.98832490000001,43.6662474 +26772,Subway,-92.98575170000001,43.666752100000004 +26773,Paul's Seafood & Grill,-92.9801602,43.6664201 +26774,Flaherty Paint,-92.97504380000001,43.667332200000004 +26775,Domino's,-92.9753237,43.665960600000005 +26776,Godfather's Pizza,-92.9814692,43.6668722 +26777,George's Pizza,-92.9750599,43.6677357 +26778,Piggy Market,-92.9750358,43.668775700000005 +26779,Advance Auto Parts,-92.9783283,43.666045700000005 +26780,Bendixen Jewelry,-92.9750089,43.669375200000005 +26781,Kenny's Oak Grill,-92.97813520000001,43.666402700000006 +26782,El Mariachi,-92.97505720000001,43.6681626 +26783,Steve's Pizza,-92.9750465,43.6698001 +26784,HOURCAR,-93.0877639,44.946849300000004 +26785,Adam & Eve Hairstyling,-92.97506800000001,43.6670567 +26786,Piggy Blue's Bar-B-Que,-92.9750358,43.6688727 +26787,The Coffee House,-92.97497410000001,43.6690686 +26788,Brick Furniture,-92.9744725,43.670190000000005 +26789,Philomathian Religious Books & Gifts,-92.9750169,43.6685895 +26790,HOURCAR,-93.0928509,44.9505351 +26791,Real Deal,-92.9750331,43.6696061 +26792,Rydjor Bike Shop,-92.9750626,43.6678754 +26793,Beautiful Savior Lutheran Church,-92.9833938,43.6470758 +26794,First Farmers & Merchants,-92.97456910000001,43.6672274 +26795,Higgins Books,-92.97457170000001,43.666957700000005 +26796,Creative Crafting,-92.9745127,43.668645700000006 +26797,Farmers & Merchants State Bank,-92.9750545,43.6711931 +26798,Parking Entrance,-92.99164160000001,43.6628927 +26799,Parking Entrance,-92.99458130000001,43.659457200000006 +26800,American Legion,-92.9890184,43.659426200000006 +26801,Our Savior's Lutheran Church,-92.99511500000001,43.6673137 +26802,Children's Barnyard,-92.9950453,43.6625018 +26803,Camping,-92.9939456,43.6623427 +26804,Grass Parking,-92.99276540000001,43.662536700000004 +26805,Grass Parking,-92.9919768,43.6625445 +26806,Grass Parking,-92.9938549,43.659926000000006 +26807,Grass Parking,-92.9930181,43.659895000000006 +26808,Saint Paul's Lutheran Church,-92.99570510000001,43.6471011 +26809,Baha'i Faith of Austin,-92.9901959,43.645855000000005 +26810,Southwest Repair,-92.99037290000001,43.652558500000005 +26811,Bruegger's Bagels,-93.2224889,44.732491700000004 +26812,River Point Resort,-91.7772125,47.8029291 +26813,Short Stop Wine and Spirits,-92.90212100000001,44.916698200000006 +26814,Carmines,-92.9048357,44.9203978 +26815,City of Woodbury,-92.9492197,44.8994197 +26816,First Alliance Credit Union,-92.4578673,44.0605563 +26817,Leeann Chin,-93.3212281,45.058900300000005 +26818,Minneapolis Richfield Post 435 American Legion,-93.26708230000001,44.885348500000006 +26819,Subway,-93.3211852,45.0590102 +26820,Richfield All Veterans Memorial,-93.2668946,44.8862037 +26821,Subway,-93.2178387,45.065829300000004 +26822,The exchange,-93.19338570000001,45.0575739 +26823,Boom Island Brewing Company,-93.281608,44.999855700000005 +26824,Day Block Brewing Company,-93.25307400000001,44.9751757 +26825,Grumpy's Bar & Grill,-93.2528319,44.9750485 +26826,Historical Marker,-95.47314940000001,44.4150341 +26827,Lake & Irving,-93.30153580000001,44.948243600000005 +26828,Pizza Ranch,-94.2460973,46.364439700000005 +26829,Hamburguesas El Gordo,-93.1366375,44.946340600000006 +26830,CorePower Yoga,-93.1367544,44.9401865 +26831,U.S. Bank,-93.0917524,44.9473604 +26832,Vertical Endevours,-93.064688,44.966448 +26833,Metropolitan Watchworks,-93.09304,44.946942500000006 +26834,Lunds & Byerlys,-93.09505580000001,44.951411 +26835,Sew So Great,-93.0950557,44.9471129 +26836,St. Paul Smart Trips,-93.092995,44.9467109 +26837,Clay,-96.5088202,46.899490400000005 +26838,Trattoria Da Vinci,-93.08897080000001,44.949849300000004 +26839,Chiroway,-93.0928859,44.9470163 +26840,Caribou Coffee,-93.05604600000001,44.865832000000005 +26841,Foley,-93.91372770000001,45.663512000000004 +26842,"Lucan Hardware, Plumbing, and Heating",-95.4155034,44.409795 +26843,Seward Church,-93.24201070000001,44.962268 +26844,Leeann Chin,-93.32821200000001,44.8700114 +26845,Encore Karaoke and Sushi Lounge,-93.24174520000001,44.9625831 +26846,Five Guys,-93.32822010000001,44.870091300000006 +26847,Potbelly,-93.3285259,44.870528500000006 +26848,Pinstripes,-93.32731620000001,44.8703194 +26849,The Container Store,-93.32754150000001,44.8706368 +26850,Q. Cumbers,-93.3264606,44.867234100000005 +26851,Wendy's,-93.32175670000001,44.873447600000006 +26852,Chuck E. Cheese's,-93.32644180000001,44.8665973 +26853,Panera Bread,-93.32226630000001,44.873474200000004 +26854,CherryBerry,-93.32655390000001,44.866406100000006 +26855,Bruegger's Bagels,-93.32818870000001,44.8744018 +26856,Jamba Juice,-93.3265942,44.8663187 +26857,Subway,-93.32663980000001,44.8662274 +26858,Caribou Coffee,-93.3279821,44.874409400000005 +26859,The Original Pancake House,-93.3256083,44.8758154 +26860,Nakamori Japanese Bistro,-93.32734780000001,44.8745234 +26861,Pittsburgh Blue,-93.32361270000001,44.8767581 +26862,EP Auto and Tires,-93.43377000000001,44.8659495 +26863,North Lotus Lake Park Picnic Shelter,-93.5279113,44.884874800000006 +26864,The Cheesecake Factory,-93.32516360000001,44.879344800000005 +26865,Good Earth,-93.3254838,44.8768559 +26866,Crave,-93.32684370000001,44.8769433 +26867,People's Organic,-93.3265245,44.8772911 +26868,Ruby Tuesday,-93.3261185,44.8804719 +26869,P.F. Chang's,-93.32486320000001,44.8796546 +26870,Pizza Hut/Wing Street,-93.32031420000001,44.8793182 +26871,Rojo Mexican Grill,-93.3244059,44.880065300000005 +26872,Caribou Coffee,-93.32056630000001,44.8792764 +26873,Chipotle,-93.3205556,44.8791415 +26874,Edina Liquor,-93.32061730000001,44.8804852 +26875,Starbucks,-93.32334110000001,44.8772351 +26876,Cycles for Change,-93.1301502,44.955541100000005 +26877,Kool Haus Frozen Yogurt Bar,-93.5646358,44.5430295 +26878,Mobile Link Wireless,-93.564535,44.5430298 +26879,Carquest,-93.5643489,44.543030200000004 +26880,Northrop,-93.2551777,44.9198839 +26881,Butter Bakery Cafe,-93.27817230000001,44.9357734 +26882,Veterans Memorial,-93.5074799,44.079562 +26883,Waseca,-93.50850600000001,44.074920600000006 +26884,Cub gas,-92.84054330000001,45.0390217 +26885,The Local,-93.2743945,44.974081600000005 +26886,At Miguel's,-93.09382570000001,44.9475594 +26887,Taste of Scandinavia,-93.1048832,45.028579300000004 +26888,Keith's Pizza North,-94.9006547,47.4932114 +26889,Flameburger,-93.1055862,45.017644600000004 +26890,Green Mill,-94.8666949,47.4638196 +26891,Subway,-94.8791496,47.4684547 +26892,ReliaCar Transportation,-93.2297089,44.861395900000005 +26893,Greenway Liquor,-93.27985810000001,44.969501400000006 +26894,Led Better Fitness,-93.3921385,44.9878231 +26895,Black Box Theatre,-94.1618026,45.5593628 +26896,Dolsie's Lunch Box Grille,-94.1619754,45.559300900000004 +26897,Lillians of St. Cloud,-94.16248030000001,45.5590947 +26898,Central Perk,-94.16283990000001,45.558951400000005 +26899,Afro Deli,-93.09653540000001,44.9472314 +26900,Jules' Bistro,-94.16373220000001,45.558961000000004 +26901,Calvary Chapel,-94.16244130000001,45.559475500000005 +26902,Kalenda Law Office,-94.16367500000001,45.558977500000005 +26903,Effective Living Center,-94.16255220000001,45.5594502 +26904,Jeddeloh & Snyder PA,-94.16190780000001,45.5597432 +26905,Loft Salon & Spa,-94.1627768,45.558972100000005 +26906,Law Offices of Kenneth L. Wilson,-94.1618902,45.559713900000006 +26907,Mahowald Insurance Agency,-94.16340020000001,45.558706300000004 +26908,Northern Brights,-94.16088450000001,45.5601725 +26909,Thelen,-94.16078850000001,45.560203200000004 +26910,Michalski Law Office,-94.163774,45.5589402 +26911,Walking Billboards,-94.16226710000001,45.559544800000005 +26912,Mind Body & Spirit Books and Gifts,-94.16348710000001,45.5590563 +26913,Paramount Gallery & Gifts,-94.16311520000001,45.5592083 +26914,TITLE Boxing Club Woodbury,-92.9393191,44.9375951 +26915,Rupp & Grabowski Family Dentistry,-94.163357,45.5587208 +26916,Wimmer Opticians Inc,-94.16299790000001,45.5592588 +26917,MC's Dugout,-94.15840580000001,45.561199800000004 +26918,St. Cloud Floral,-94.1588864,45.5610159 +26919,912 Regency Plaza,-94.16312740000001,45.558773 +26920,Studio 505,-94.1589345,45.5610615 +26921,Accents,-94.16115950000001,45.560047100000006 +26922,Capital One 360 Café,-94.1594518,45.559486400000004 +26923,Capital One,-94.15957920000001,45.5596132 +26924,Book-Ems,-94.16264480000001,45.559405500000004 +26925,Erbert & Gerbert's,-94.1587423,45.5606877 +26926,Bumbledees,-94.16101250000001,45.560110200000004 +26927,Granite City Comics & Games,-94.1586022,45.5607479 +26928,Integra Telecom,-94.159716,45.5615479 +26929,Marin,-93.2770078,44.9761327 +26930,Invincible Costume & Theatrical,-94.15853410000001,45.5607689 +26931,Electric Fetus,-94.15726590000001,45.560451 +26932,Subway,-94.1570602,45.56051 +26933,SMART CAR CARE,-95.8982474,46.801460600000006 +26934,Lake Street NB,-93.2747623,44.948397400000005 +26935,Page,-93.26821770000001,44.907684 +26936,Powderhorn,-93.25637520000001,44.9375863 +26937,Powderhorn Park,-93.2553694,44.9399395 +26938,Hale,-93.25476590000001,44.909157300000004 +26939,JohannFriedrich Von Schiller,-93.1485748,44.9800975 +26940,Lift Bridge Brewery,-92.83178480000001,45.039105400000004 +26941,Zobota Cafe,-93.1523128,44.981592000000006 +26942,Absolute Creative Agency,-93.2720968,44.9827725 +26943,"Professional Recovery Personnel, Inc.",-93.3594953,45.1535378 +26944,Associated Bank,-93.24695790000001,44.969849700000005 +26945,The Machine Shed,-92.93293270000001,44.951385200000004 +26946,DFB Fitness // Drew Detective Inc.,-93.3533972,44.935934 +26947,Drew Beson Art Gallery + Studio,-93.268579,44.9772332 +26948,The Bunkhouse,-94.8793153,47.4842549 +26949,Daves Pizza,-94.8851807,47.4828513 +26950,Peak Xteriors,-93.32111780000001,45.2427441 +26951,Darby's Pub and Grill,-93.27616780000001,44.9848176 +26952,Vergas 66 Gas & Convenience,-95.80555530000001,46.655176600000004 +26953,Inver Grove Heights City Hall,-93.0619776,44.830941900000006 +26954,Pristine Environmental,-94.2736088,45.571122 +26955,Porterhouse,-93.09117060000001,45.0236327 +26956,BP,-93.08811700000001,45.022193200000004 +26957,Ramsey Washington Metro Watershed District,-93.0797096,45.021827900000005 +26958,Clark's,-93.09107750000001,45.022814000000004 +26959,Little Canada Fire Department,-93.08723180000001,45.0225123 +26960,E-cig Lounge,-94.2300424,45.5516262 +26961,Forest Lake Veterinary Hospital,-92.9881409,45.237323700000005 +26962,Helmes House,-93.03403660000001,45.0953759 +26963,The Beacon Public House,-93.2292869,44.974181800000004 +26964,River public access point,-92.5332298,44.163167400000006 +26965,Oronoco Park Parking lot,-92.5394378,44.1677176 +26966,Picnic Shelter,-96.4931478,45.8011452 +26967,Spannungsfeld,-93.23100960000001,44.9751798 +26968,Spannungsfeld,-93.2312574,44.9751798 +26969,Roadrunner Records,-93.2782069,44.9247407 +26970,Charlies Up North,-94.5430037,47.053736300000004 +26971,Liberty Savings Bank,-94.22975910000001,45.5705766 +26972,Holiday,-94.15165320000001,45.5987189 +26973,Westwood Elementary School,-94.23097150000001,45.5694462 +26974,Sentry Bank,-94.21176150000001,45.566257900000004 +26975,Holiday StationStore,-94.23026870000001,45.5709596 +26976,Ericsson,-93.23189070000001,44.921725 +26977,Shortstop,-94.20380610000001,45.5590843 +26978,Down In The Valley,-93.3828074,44.985069900000006 +26979,Tech-Shield Consulting,-93.330601,44.860682600000004 +26980,Down In The Valley,-93.45418000000001,45.1022693 +26981,Down In The Valley,-93.3636151,45.054223400000005 +26982,Savers,-93.2410598,44.949725300000004 +26983,North Coast Productions,-92.47043590000001,44.028859700000005 +26984,Menards,-92.51681280000001,44.098581100000004 +26985,Sun Foods,-93.12380560000001,44.9548891 +26986,St. Ann's Catholic Church,-95.138018,46.4365782 +26987,Taco Libre,-92.93508010000001,44.9516233 +26988,Dollar Plus,-93.1243367,44.9548454 +26989,Midtown Phillips,-93.256589,44.9549212 +26990,Buffalo Wild Wings,-92.93561340000001,44.952266300000005 +26991,Caribou Coffee,-92.9350878,44.951830300000005 +26992,Holiday,-93.27914100000001,44.7776791 +26993,Five Guys,-92.93506450000001,44.9514913 +26994,Milio's Sandwiches,-92.93508530000001,44.9517405 +26995,Xcel Energy,-93.2704803,44.9795596 +26996,KUOM,-93.18832400000001,44.9983773 +26997,KFC,-92.4529866,44.007294800000004 +26998,Street Parking for Louisville Swamp Boulder,-93.594762,44.7147767 +26999,Anoka Post Office,-93.37779210000001,45.200195 +27000,A Cupcake Social,-93.2322906,44.934012100000004 +27001,Better Values Municipal Liquor - East,-93.3744216,45.18667 +27002,Nokomis Shoe Shop,-93.2230402,44.9127966 +27003,Spare Key,-93.2236434,44.991947 +27004,Camp Winnebago,-91.47603090000001,43.566531700000006 +27005,Lao Szechuan,-93.22730510000001,44.973314200000004 +27006,Little Szechuan Chinese Restaurant and Bar,-93.348858,44.967464500000006 +27007,M&K Takeouts,-95.32050930000001,48.9011931 +27008,Basketball goal,-92.51922400000001,44.1559717 +27009,River access,-92.51881900000001,44.1560372 +27010,Basketball goal,-92.51920170000001,44.155844800000004 +27011,Caribou Coffee,-93.09521170000001,44.951560900000004 +27012,Union Depot Kellogg Entrance,-93.0851966,44.9476378 +27013,Saint Paul Union Depot,-93.0810127,44.948425900000004 +27014,Liquor Vault,-93.09290610000001,44.9520215 +27015,Gopher Bar,-93.08856340000001,44.9511066 +27016,First Baptist,-94.2482554,46.352926700000005 +27017,Cenex,-94.3699783,46.337981000000006 +27018,Kat-Keys,-93.088459,44.9511465 +27019,Cocobear Pet Care,-93.090248,44.950894000000005 +27020,Heppner's Auto Body,-93.0842934,44.953485 +27021,Speedway,-94.1826633,46.360201700000005 +27022,Ace Hardware,-94.214481,46.358902400000005 +27023,East 7th Liquor,-93.0847037,44.9533654 +27024,Walgreens,-94.215585,46.3582545 +27025,Fantasy Gifts,-93.08493460000001,44.9532839 +27026,Cub Foods,-94.1800833,46.3632745 +27027,Your Turn,-93.08509280000001,44.953200300000006 +27028,BP,-94.15869,46.352886000000005 +27029,Mugby Junction,-91.6212687,44.0353967 +27030,Faith Baptist Church,-94.16679020000001,46.3582915 +27031,Detroit Lakes,-95.84589270000001,46.8199564 +27032,Warroad Optometric Clinic,-95.3168553,48.905119400000004 +27033,1595 57th Avenue Northwest,-95.0648795,45.1796019 +27034,Staples,-94.79537450000001,46.3543371 +27035,Public Water Access,-94.564124,47.0637686 +27036,Borgeson Cabin,-93.97826330000001,44.321397100000006 +27037,Anwatin Middle School,-93.31652700000001,44.9735565 +27038,Bryn Mawr Elementary School,-93.31644650000001,44.974182600000006 +27039,Sesquicentennial Statue,-93.97226590000001,44.323019800000004 +27040,Jambo! Kitchen,-93.2443085,44.9687464 +27041,My Burger,-93.2269289,44.9742538 +27042,Walgreens,-93.2289653,44.9735341 +27043,Vinegar Ridge Campground,-91.67435490000001,43.7835942 +27044,Big Bowl Chinese Express,-93.09523890000001,44.951410300000006 +27045,Autism Society of Minnesota,-93.1964169,44.970190900000006 +27046,Tin Whiskers Brewing Company,-93.0935724,44.9508421 +27047,Woodlawn Area Recycling,-96.7792785,46.870019000000006 +27048,Vinegar Ridge Parking,-91.67504020000001,43.783906200000004 +27049,Vinegar Ridge Parking,-91.6624754,43.784367100000004 +27050,Revival Wine Beer and Spirits,-93.08997620000001,44.9468228 +27051,Canoe Campsite,-91.6594831,43.769564900000006 +27052,"Artistic Ornamental Iron, LLC",-93.5714473,45.3145887 +27053,Brainerd Welcome Center,-94.3194199,46.260189000000004 +27054,Adirondack Coffee,-94.28942860000001,46.520297600000006 +27055,Warroad Estates,-95.32910460000001,48.9398021 +27056,TrepStar,-93.09910450000001,44.819726100000004 +27057,Dairy Queen,-94.57956340000001,47.1020351 +27058,Reed's Sporting Goods,-94.5833669,47.1018691 +27059,Joe's Crab Shack,-93.1650446,45.0221158 +27060,Subway,-94.5845578,47.101514 +27061,Godfather's Pizza,-92.55983110000001,44.564264200000004 +27062,Hamline Avenue,-93.15826030000001,44.9557269 +27063,Central Station,-93.09180230000001,44.9460883 +27064,Central Station,-93.0927597,44.946280800000004 +27065,Union Depot,-93.0872167,44.9479994 +27066,Capitol/Rice Street,-93.10565460000001,44.955730200000005 +27067,Union Depot,-93.086359,44.948374900000005 +27068,10th Street,-93.0972639,44.9503241 +27069,Western Avenue,-93.1147748,44.9557559 +27070,10th Street,-93.0977744,44.9508798 +27071,Dale Street,-93.1277156,44.9557464 +27072,Robert Street,-93.09718430000001,44.953727900000004 +27073,Robert Street,-93.0977709,44.9542974 +27074,Lexington Parkway,-93.14804480000001,44.955752000000004 +27075,Snelling Avenue,-93.16560770000001,44.9556717 +27076,Hamline Avenue,-93.15546,44.9556957 +27077,Victoria Street,-93.13789580000001,44.955751 +27078,Snelling Avenue,-93.1684025,44.955699300000006 +27079,Western Avenue,-93.1174998,44.9557845 +27080,Capitol/Rice Street,-93.1046433,44.9556983 +27081,Victoria Street,-93.13509020000001,44.955713200000005 +27082,Fairview Avenue,-93.17831890000001,44.9562194 +27083,Dale Street,-93.1248997,44.955715000000005 +27084,Lexington Parkway,-93.14527500000001,44.9557164 +27085,Fairview Avenue,-93.1791597,44.9565951 +27086,Raymond Avenue,-93.19503080000001,44.962889700000005 +27087,Dale Street,-93.126309,44.9557383 +27088,Raymond Avenue,-93.1958527,44.963263700000006 +27089,Fairview Avenue,-93.17876860000001,44.9564181 +27090,Westgate,-93.2052931,44.9669906 +27091,Hamline Avenue,-93.15684490000001,44.9557164 +27092,Lexington Parkway,-93.1466494,44.955747900000006 +27093,Prospect Park,-93.21532020000001,44.9713663 +27094,Prospect Park,-93.2152607,44.9717094 +27095,Raymond Avenue,-93.1954717,44.9630871 +27096,West Bank,-93.24669300000001,44.9719198 +27097,Robert Street,-93.0974771,44.9540171 +27098,Prospect Park,-93.2152052,44.9721093 +27099,East Bank,-93.23109860000001,44.9736726 +27100,Stadium Village,-93.2228415,44.9747673 +27101,East Bank,-93.2305747,44.973632 +27102,Victoria Street,-93.13649790000001,44.9557403 +27103,East Bank,-93.23158790000001,44.9737298 +27104,Western Avenue,-93.1161239,44.9557653 +27105,Westgate,-93.20647170000001,44.967483900000005 +27106,Stadium Village,-93.22311,44.9744709 +27107,10th Street,-93.09751250000001,44.9506026 +27108,Stadium Village,-93.2225738,44.9750669 +27109,Capitol/Rice Street,-93.1051011,44.9557251 +27110,Great River Dental,-93.0899868,44.9482385 +27111,One Two Three Sushi,-93.0915839,44.9475874 +27112,Central Station,-93.0922402,44.9461853 +27113,Canadian Honker,-92.4815559,44.0218446 +27114,Mississippi River Trail - Stump Lake Campsite,-94.7513289,47.4933111 +27115,Mississippi River Trail Silver Maple Campsite,-94.9010624,47.4502686 +27116,Clearwater River Fishing Pier,-95.15143570000001,47.5981134 +27117,Lake Beltrami Public Access - MN DNR,-94.80517660000001,47.591187600000005 +27118,Turtle Lake Public Access - MN DNR,-94.8828115,47.6129929 +27119,Lake Campbell Public Access - MN DNR,-94.93894490000001,47.618451400000005 +27120,Whitefish Lake Public Access - MN DNR,-95.0997657,47.607395100000005 +27121,Buzzle Lake Public Access - County Right-of-Way,-95.1444716,47.620487100000005 +27122,Lake Bemidji (Lavinia) Public Access - MN DNR,-94.8170771,47.5185778 +27123,Rognlien Park - Beltrami County Parks,-95.00670330000001,47.4962886 +27124,Lake Plantaganet Southeast Public Access - MN DNR,-94.90918330000001,47.3676903 +27125,Pinehurst Bar,-95.64256040000001,47.2461697 +27126,Red's Savoy Pizza,-93.1580751,44.8375465 +27127,Green Mill,-93.45524610000001,45.0087764 +27128,Wildfire,-93.4270474,44.8546922 +27129,Hell's Kitchen,-93.2728539,44.974747 +27130,U Car Connect,-93.399074,44.872253400000005 +27131,Hymie's,-93.21689090000001,44.9485358 +27132,Subway,-94.29593630000001,46.5063216 +27133,Bert's Cabins,-95.23497640000001,47.239398900000005 +27134,Stonehouse Coffee and Roastery,-94.28766080000001,46.5192722 +27135,Four Daughters Vineyard & Winery,-92.4738999,43.7093347 +27136,Wendy's,-94.2990262,46.500517200000004 +27137,Lyndale,-93.28137190000001,44.9429311 +27138,Midwest Mountaineering,-93.247,44.9706903 +27139,The Hub Bike Co-Op West Bank,-93.247045,44.9709683 +27140,The Lost Cajun,-92.46301600000001,43.992057 +27141,Pine To Prairie Landscapes Inc.,-93.302261,44.876057700000004 +27142,Holiday,-92.46341840000001,44.030786500000005 +27143,Gene McBean's old house,-92.9528772,44.7854891 +27144,Kwik Trip,-92.4631775,43.9931313 +27145,Baraka Super Gasoline,-92.4633192,44.0334477 +27146,Kwik Trip,-92.4535694,44.056164900000006 +27147,Rival House Sporting Parlour,-93.09331270000001,44.947833300000006 +27148,Wapiti Labs Inc.,-92.99590380000001,45.5240956 +27149,Sportmen's Cafe,-93.288756,45.877819800000005 +27150,Loring Park,-93.2796553,44.9696824 +27151,Wapiti Labs Inc.,-92.99547390000001,45.524040500000005 +27152,Stevens Square - Loring Heights,-93.27822540000001,44.9645127 +27153,Subway,-93.336112,45.196977200000006 +27154,Lowry Hill East,-93.2918633,44.955539800000004 +27155,Nokomis,-93.23205870000001,44.915996 +27156,Longfellow,-93.21929970000001,44.9412132 +27157,Southwest,-93.3010387,44.9123474 +27158,Texas Roadhouse,-93.3373887,45.196379900000004 +27159,Day Block Event Center,-93.25318800000001,44.9750086 +27160,South Uptown,-93.29324290000001,44.9429218 +27161,Midtown Gas & Grocery,-92.488208,43.8532347 +27162,Casey's,-92.48888760000001,43.8480489 +27163,Park Kiosk,-92.3981895,43.903174400000005 +27164,Kwik Trip,-92.64575190000001,44.2044768 +27165,Kwik Trip,-92.6312937,44.029855600000005 +27166,TownMart,-92.64596110000001,44.2086587 +27167,TownMart,-92.6457974,44.2088722 +27168,Kenny,-93.29753380000001,44.8978837 +27169,Tobacco shop,-93.2387145,44.7323703 +27170,Adecco,-93.0914546,44.947644100000005 +27171,Cannon Falls Campground,-92.8753731,44.508849500000004 +27172,McGregor Wayside Rest Area,-93.3008825,46.6078087 +27173,Sinclair,-92.0665384,43.9489924 +27174,A&W,-92.071779,43.971623300000005 +27175,Avon City Hall,-94.44840330000001,45.6085299 +27176,Amish Market Square,-92.0660646,43.948666200000005 +27177,Kwik Trip,-92.06372990000001,43.971733500000006 +27178,Tesoro,-94.4521244,45.606199000000004 +27179,Avon State Bank,-94.4505723,45.6093089 +27180,McDonald's,-94.4519633,45.605924300000005 +27181,Quick Mart,-94.45220590000001,45.605989300000005 +27182,Dahlin's Supermarket,-94.4510774,45.6084684 +27183,Avon Dental Clinic,-94.4505245,45.6052071 +27184,Tischler Wood Products,-94.4476679,45.6056461 +27185,Avon Community Church,-94.4486047,45.612703700000004 +27186,Budget Host Inn,-94.4512942,45.6054777 +27187,Lion's Den,-94.45123020000001,45.6083676 +27188,Brudie's Pizza,-94.45104300000001,45.6065522 +27189,Buckhorn Bar,-94.4504496,45.6095234 +27190,Big Bobber's Bait,-94.45168100000001,45.608920700000006 +27191,Liquor Locker,-94.4511629,45.6065921 +27192,Cabin Cafe,-94.4514936,45.608838500000005 +27193,MD's Salon and Spa,-94.45171280000001,45.6085074 +27194,Subway,-94.4513513,45.606660000000005 +27195,Aunt Annie's Quilt Shop,-94.4516334,45.608618500000006 +27196,Scoop,-94.4514566,45.606684300000005 +27197,K&S Pharmacy,-94.4515063,45.608763 +27198,Dingmann's Funeral Home,-94.4513888,45.6090274 +27199,Avon Auto,-94.4482139,45.6093253 +27200,Sensational Styles,-94.45119500000001,45.6092807 +27201,Central Minnesota Credit Union,-94.45256850000001,45.607645100000006 +27202,Lumber One,-94.4509441,45.6113045 +27203,Pot Spot,-94.45111560000001,45.6094141 +27204,Budde Trucking,-94.4415871,45.6156603 +27205,Martini Auto,-94.44539750000001,45.6034682 +27206,Rini Cars,-94.45174990000001,45.605774800000006 +27207,Midsota Manufacturing,-94.4424446,45.605926000000004 +27208,Trimble's Cycle Center,-92.96065560000001,43.6590714 +27209,Holy Cross Lutheran School,-92.95142340000001,43.668220000000005 +27210,Innsbrook Motel And RV Park,-94.50331530000001,46.0874814 +27211,Holmes Design,-93.16144030000001,44.4570901 +27212,Pool & Spa Boy Supply Store,-93.16215270000001,44.457149 +27213,"Hvistendahl, Moersch, Dorsey & Hahn: Ackerman Britt",-93.16147790000001,44.4568699 +27214,American Legion,-93.16230940000001,44.4571379 +27215,Basil's Pizza Palace,-93.16148220000001,44.4570074 +27216,State Farm Insurance,-93.16229600000001,44.4570154 +27217,Nevaeh Salon,-93.16156640000001,44.456969400000006 +27218,Dunkin' Donuts,-92.46467870000001,44.0229949 +27219,Cakewalk,-93.1594609,44.457111100000006 +27220,KYMN Radio,-93.15932140000001,44.458190900000005 +27221,Echo DVD's & Games,-93.1594883,44.4556795 +27222,The Contented Cow,-93.1597603,44.4574093 +27223,Malt-o-Meal Food Products Supplier,-93.1636076,44.456929200000005 +27224,The Sketchy Artist,-93.1604114,44.4571606 +27225,Northfield Downtown Development Corporation,-93.15963280000001,44.4563721 +27226,Goat Man Gigs Music Lessons,-93.1603171,44.455365500000006 +27227,The Secret Attic,-93.160908,44.4548897 +27228,Division Street Dance Studio,-93.1596475,44.4569242 +27229,Faem Bureau Financial Services,-93.15926300000001,44.457115300000005 +27230,Northfield Yarn,-93.1603343,44.456876300000005 +27231,Domino's,-93.15945880000001,44.4561007 +27232,Forget-Me-Not,-93.1613873,44.4548696 +27233,Next Level Cafe,-93.1603413,44.455943700000006 +27234,Quality Bakery & Coffee Shop,-93.1603359,44.4556297 +27235,Northfield Armory,-93.1597833,44.4543363 +27236,Mandarin Garden,-93.1592818,44.456407000000006 +27237,B & L's Pizza,-93.16063980000001,44.454495300000005 +27238,Good Bye Blue Monday,-93.1597435,44.456747500000006 +27239,Seven Gables Books & Antiques,-93.15815260000001,44.4566463 +27240,Merchants Bank,-93.1599293,44.456400300000006 +27241,Northfield Historic Society,-93.16036270000001,44.455798200000004 +27242,Luis Enrique Salon,-93.160632,44.4549802 +27243,Dufour's Cleaners,-93.1604484,44.454192500000005 +27244,J. Grundy's Rueb 'n Stein,-93.1598692,44.454950000000004 +27245,Used-A-Bit Shoppe,-93.16227780000001,44.4539429 +27246,Northfield City Offices,-93.15826440000001,44.451141400000004 +27247,Witt Bros. Service,-93.1598568,44.4524162 +27248,New Buffet,-93.1623138,44.4535916 +27249,Carbone's Pizza,-93.1624178,44.4537702 +27250,HOT Geeks LLC Computer Repair,-93.1610065,44.4530278 +27251,Arrow Ace Hardware,-93.16246020000001,44.4533532 +27252,Great Clips of Northfield,-93.16254070000001,44.4531465 +27253,EcoGardens,-93.1604217,44.4536634 +27254,Northfield Dance Academy,-93.16226710000001,44.4534681 +27255,NAPA Auto Parts,-93.1593328,44.452572100000005 +27256,Village Drug,-93.1606471,44.4523232 +27257,Wells Fargo,-93.162074,44.4525376 +27258,Mother Goose of Northfield,-93.1599166,44.4515128 +27259,Servicios Latinos Minas LLC,-93.1585376,44.468657500000006 +27260,Center for Human Resources Counseling,-93.1597552,44.457533000000005 +27261,Redbox,-93.1658278,44.4545143 +27262,Blue Bird Autowerks Transmission,-93.15970700000001,44.469484300000005 +27263,Monarch Gift Shop,-93.16130600000001,44.454277600000005 +27264,Carquest,-93.1748615,44.455038900000005 +27265,Emmaus Baptist Church,-93.16525920000001,44.467103200000004 +27266,Curves Strength Training Facility,-93.15636500000001,44.4706558 +27267,Sinclair,-92.0289832,46.829594500000006 +27268,North Shore Veterinary Hospital,-92.0090526,46.838676 +27269,New London Cafe,-92.0280082,46.8300137 +27270,Bierman Home Furnishings,-93.17561090000001,44.4457602 +27271,8th Street Video On 47th Ave,-92.0290805,46.8299469 +27272,Interstate Mills,-93.18042820000001,44.443431600000004 +27273,Polzin Glass,-93.17669450000001,44.445024800000006 +27274,Castrol Premium Lube Express,-93.1883031,44.435909300000006 +27275,Snap Fitness,-93.1758255,44.443944800000004 +27276,Cannon Valley Veterinary Clinic,-93.1739802,44.4472614 +27277,Warm Embrace,-93.17220990000001,44.448709 +27278,JBT FoodTech,-93.1864149,44.4399463 +27279,Big O Tires,-93.1749779,44.4444657 +27280,Valley Autohaus,-93.17273560000001,44.446457200000005 +27281,Northfield Wifi,-93.1811363,44.4366294 +27282,City Image Salon,-93.1689473,44.449259500000004 +27283,Northfield Auto Body,-93.18793840000001,44.4380083 +27284,U.S. Bank,-93.16209260000001,44.459392400000006 +27285,Lampert Lumber,-93.1723285,44.4468076 +27286,"Upper Lakes Foods, Inc.",-93.18734830000001,44.4391344 +27287,Orthopedic & Fracture Clinic,-93.17106190000001,44.4446955 +27288,Pizza Hut,-93.1754071,44.4441823 +27289,Starbucks,-93.185906,44.4336879 +27290,Dokmo Ford Chrysler,-93.17043960000001,44.447008600000004 +27291,Northfield Evangelical Church,-93.18714440000001,44.4309832 +27292,James Gang Coffeehouse & Eatery,-93.18323910000001,44.4376176 +27293,Taco King,-93.3284684,43.664501200000004 +27294,Snap Fitness 24-7,-93.3285355,43.6644488 +27295,Heritage Dental Care,-93.181898,44.437786100000004 +27296,Subway,-93.3287205,43.6642936 +27297,Minnesota Orthodontics,-93.1826554,44.4371287 +27298,Great Clips,-93.3286159,43.664377 +27299,Target,-93.18541710000001,44.4336263 +27300,Papa Murphy's,-93.18198140000001,44.4386804 +27301,Applebee's,-93.19571760000001,44.4267576 +27302,Mabel BP,-91.7670841,43.5235095 +27303,Crow Wing County Historical Society,-94.20428580000001,46.355445700000004 +27304,Caribou Coffee,-93.2446896,44.9698287 +27305,Essentia Health Sports Center,-94.22039520000001,46.360158600000005 +27306,Brainerd High School Pool,-94.20469560000001,46.3508104 +27307,Mid Minnesota Federal Credit Union,-94.2516483,46.3431189 +27308,World's Largest Ball of Twine Made By One Man,-94.41016950000001,45.0963368 +27309,Habitat for Humanity,-93.1623047,44.453200800000005 +27310,Antique Store,-93.16035520000001,44.4555073 +27311,Cooper Tire Service,-93.15985620000001,44.452638400000005 +27312,Avon Elementary School,-94.4478122,45.6144696 +27313,Floor One Flooring,-93.2376078,45.2097879 +27314,Northview Bank,-92.5862082,46.339738100000005 +27315,Hansen Rd,-93.3608846,44.904309500000004 +27316,Kids' Wall Decoration,-93.15931690000001,44.4574683 +27317,Civil War Monument,-93.1605614,44.4561684 +27318,Northfield Area Veterans Memorial,-93.1673715,44.451056400000006 +27319,Garden of Iron Mirrors,-93.239303,44.9780729 +27320,Adjacent Possible,-93.2214704,44.9776092 +27321,The Crucible,-93.23236290000001,44.9738812 +27322,Merwyn,-93.2427521,44.963087300000005 +27323,Stepped Tower,-93.2424165,44.973421300000005 +27324,Don Quixote,-93.2448064,44.9730191 +27325,The Humphrey Garden,-93.2450287,44.970999400000004 +27326,The Ribs of Humanity,-93.245265,44.9698293 +27327,Bruegger's Bagels,-93.22732330000001,44.973529400000004 +27328,Benson Great Hall,-93.16241310000001,45.057303600000004 +27329,Spyhouse Coffee,-93.2463539,44.9989099 +27330,TCF Bank,-93.36033060000001,45.131090400000005 +27331,Sesquicentennial Legacy Plaza,-93.1617903,44.4555796 +27332,Cub Pharmacy,-93.3604674,45.1310002 +27333,Ike's Wine and Spirits,-93.35804540000001,45.1325525 +27334,Taj Salon & Spa,-93.35809900000001,45.133436700000004 +27335,Champlin Park Pet Hospital,-93.3614223,45.152523900000006 +27336,Great Clips,-93.35777180000001,45.1326041 +27337,Jimmy John's,-93.35763770000001,45.132611700000005 +27338,Holiday,-93.3595796,45.1521965 +27339,Caribou Coffee,-93.3570967,45.131878400000005 +27340,Tokyo Sushi,-93.3578093,45.133656800000004 +27341,The Goddard School,-93.357112,45.1225972 +27342,TopLine Federal Credit Union,-93.3580719,45.1343705 +27343,Fairview Clinics - Brooklyn Park,-93.35756260000001,45.137122600000005 +27344,Domino's,-93.3552827,45.1242664 +27345,Sweet Basil,-93.3552988,45.123997700000004 +27346,US Federal Credit Union,-93.3552988,45.124368600000004 +27347,St. Benedict's Ball Club,-93.6146688,44.5872368 +27348,Welna II Hardware,-93.2407647,44.962633600000004 +27349,Dairy Queen,-92.09512690000001,46.784477900000006 +27350,St. Benedict Ball Park,-93.61515700000001,44.5873107 +27351,Union Hill Baseball Park,-93.66403030000001,44.544348500000005 +27352,Bonin Field,-93.50018580000001,44.5950159 +27353,Equity Bank,-92.99822250000001,44.0444978 +27354,Claremont Service Center,-92.99628320000001,44.0437517 +27355,Peace Lutheran Church,-93.00292,44.0455149 +27356,Saint Francis de Sales Church,-93.00106930000001,44.0458215 +27357,Countryside Motorcycles,-92.99557340000001,44.044223200000005 +27358,First Presbyterian Church,-92.995619,44.0448401 +27359,Harmony Homes,-93.2360874,44.9934663 +27360,Kwik Trip,-92.8573853,44.032189100000004 +27361,Warpzone Video Games,-91.6473211,44.0468513 +27362,Grace Lutheran Church,-92.85430260000001,44.0320264 +27363,Dodge Center Seventh Day Adventist Church,-92.85853510000001,44.0246518 +27364,Kwik Trip,-92.85733970000001,44.0319346 +27365,Seventh Day Baptist Church,-92.8512513,44.027939700000005 +27366,Triton Elementary-Middle-High School,-92.8658209,44.0320156 +27367,Jorgenson Tire Service,-92.8596883,44.0324995 +27368,Dairy Queen Brazier,-92.86194950000001,44.0328832 +27369,Lowell's Auto Sales,-92.85472320000001,44.032621400000004 +27370,Hot Wok,-92.85990290000001,44.032648 +27371,Lowell Olson's Auto Sales,-92.85952200000001,44.0285212 +27372,Subway,-92.85874430000001,44.0322103 +27373,Tiny Footprint Coffee,-93.31136910000001,45.079100600000004 +27374,Natalie Webb Familly Aquatic Center,-92.8539262,44.0340021 +27375,Dodge Center United Methodist Church,-92.85459320000001,44.0293573 +27376,PJ's,-94.45523630000001,45.611234200000006 +27377,Speedway,-93.1394083,44.919418300000004 +27378,Avon Beach,-94.4559143,45.611519 +27379,Living Water Assembly,-92.85794130000001,44.0292839 +27380,Cenex,-92.9067344,44.5186933 +27381,Praise Fellowship Church,-92.85430120000001,44.0223561 +27382,Faith Lutheran Church,-92.8601141,44.030184500000004 +27383,The Center Clinic,-92.8565734,44.029199000000006 +27384,First Congregational Church,-92.8551413,44.0301151 +27385,The Church of Jesus Christ of Latter-day Saints,-92.8570698,44.0294054 +27386,Precision Plus Firearms Training,-92.8576438,44.0296407 +27387,Bible Lutheran Church,-92.85142230000001,44.027664800000004 +27388,Saint John Baptist de la Salle Catholic Church,-92.85358020000001,44.030219200000005 +27389,Avalon Express,-92.9095339,44.47744 +27390,Stella's Bistro & Wine Bar,-95.71422860000001,46.2815017 +27391,Target,-92.54904280000001,47.511160100000005 +27392,Lake Ave Cafe,-95.71427820000001,46.282253000000004 +27393,Battle Lake Public Access,-95.7128727,46.296758700000005 +27394,Natural Harvest Food Cooperative,-92.53952430000001,47.526044000000006 +27395,Battle Lake Wayside Rest,-95.7153993,46.288619600000004 +27396,Rusty Nail,-95.7138264,46.2812738 +27397,Iron Trail Motors,-92.5535782,47.509448400000004 +27398,Bridal Loft,-92.547815,47.5154025 +27399,Brownie,-92.5729955,47.5176959 +27400,Vern's Greenhouse,-92.57144380000001,47.514121300000006 +27401,O'Reilly Auto Parts,-92.9065379,44.4958539 +27402,L & M Fleet Supply,-92.57988350000001,47.5207246 +27403,Goodwill,-92.53981490000001,47.5229391 +27404,Cannon Valley Outlet,-92.9078922,44.495743000000004 +27405,D & G Ace Hardware,-92.90786820000001,44.4963704 +27406,Saigon Cafe,-92.53278560000001,47.5239958 +27407,YMCA,-92.566569,47.517891500000005 +27408,Wells Fargo,-92.5566931,47.512525700000005 +27409,Perpich Radio Shack,-92.575152,47.520072500000005 +27410,Cannon Community Church,-92.9168161,44.5073627 +27411,Duane's Marine,-92.5635944,47.5179314 +27412,Firelight Galleries,-92.5605501,47.5274262 +27413,Lucky Seven,-92.5600584,47.5298907 +27414,UPS Customer Center,-92.5601462,47.5170912 +27415,Pioneer Monument,-93.26387430000001,44.9917553 +27416,Hardee's,-92.5573461,47.512449800000006 +27417,Arden Hills DMV,-93.18593600000001,45.103782 +27418,Taconite Tire Service,-92.56028660000001,47.5198315 +27419,Valvoline Oil Change,-92.5600287,47.5117938 +27420,Adventures,-92.56127430000001,47.5127612 +27421,East Manor Apts.,-91.6178015,44.0370433 +27422,Rapid Rental & Supply-The Quad,-92.5581765,47.519713100000004 +27423,Citizens State Bank of Hayfield,-92.856098,44.028383500000004 +27424,Grooming By Jane,-92.5590878,47.517960800000004 +27425,NAPA Auto Parts of Dodge Center,-92.85509090000001,44.0284221 +27426,Drivers License Examining Station,-92.561108,47.5242294 +27427,Hardware Hank,-92.8588527,44.027801100000005 +27428,David's Bridal,-93.2906287,44.8630633 +27429,Greene Doors & Hardware,-92.85598270000001,44.027475200000005 +27430,Lands' End Inlet,-93.2902971,44.863067 +27431,Dodge Country Club Grill,-92.87642500000001,44.039943 +27432,Crossroads Convenience Store,-92.4875265,46.0118298 +27433,Huntington Bank,-93.23526170000001,44.9814347 +27434,Minnesota Literacy Council,-93.19703000000001,44.961537500000006 +27435,Pizza Stop,-92.8604888,44.0332452 +27436,Kwik Trip,-91.4384205,43.923386400000005 +27437,Adventure Falls Mini Golf,-92.65222490000001,45.4059078 +27438,Green Mill,-92.0955191,46.7829941 +27439,Casey's General Store,-92.85838860000001,44.032784400000004 +27440,MJK Motors,-92.53554190000001,44.15471 +27441,Casey's General Store,-92.85862470000001,44.0329406 +27442,Casey's General Store,-92.5326646,44.145074900000004 +27443,Casey's General Store,-92.5326313,44.1453192 +27444,Crosswinds Church,-92.50651500000001,44.115951700000004 +27445,Sacred Heart Church,-92.8452213,43.892732800000005 +27446,BBDO Minneapolis,-93.2681287,44.978182100000005 +27447,Lord of Life Lutheran Church,-94.2722822,46.348376900000005 +27448,Hayfield,-92.841898,43.8808133 +27449,Casey's General Store,-92.8579782,43.8934249 +27450,Casey's General Store,-92.8582432,43.893057500000005 +27451,North Park Campground,-92.0077943,43.557991400000006 +27452,Coffee & Tea Ltd,-93.3141521,44.9246756 +27453,Kwik Trip,-92.0102944,43.558679500000004 +27454,Nativity Catholic Church,-92.01051220000001,43.5479551 +27455,Harmony Foods,-92.0108824,43.5541427 +27456,Picnic shelter,-92.08135630000001,43.6656465 +27457,Root River Hardwood,-92.0903739,43.6828244 +27458,A&W,-92.8581961,43.8933478 +27459,Hayfield Elementary School,-92.83831570000001,43.8891125 +27460,Trinity Lutheran Church,-92.84617180000001,43.8898664 +27461,First Presbyterian Church,-92.8457561,43.8902085 +27462,St Olaf Catholic Church,-91.76701920000001,43.521637600000005 +27463,Anderson Auto Center,-92.84206540000001,43.892580300000006 +27464,Citizens State Bank of Hayfield,-92.8469685,43.8920333 +27465,Life Church,-96.13487810000001,46.291261000000006 +27466,Dillon-Noyes,-93.1158216,44.9349672 +27467,Einerson Field,-96.1512591,46.286109200000006 +27468,Starbucks,-92.46572210000001,44.023301000000004 +27469,Pajarito,-93.11615690000001,44.9351636 +27470,Jumbo Wash,-93.11571710000001,44.935040400000005 +27471,Rascals,-93.2224834,44.735443200000006 +27472,Timberwolf Crossfit,-93.11558810000001,44.935112800000006 +27473,Noodles & Company,-93.20732930000001,44.7896335 +27474,Fedex / Kinkos,-93.2168089,44.7363957 +27475,Panda Express,-93.2222636,44.7324138 +27476,CVS Pharmacy,-93.20818990000001,44.73093 +27477,Public Storage,-93.2028265,44.730868300000004 +27478,Buffalo Wild Wings,-93.3246273,44.879859800000006 +27479,Faith Park,-93.19437780000001,44.7527768 +27480,Church of St. Timothy,-93.25280880000001,45.1324035 +27481,Patrick's Bakery & Cafe,-93.3173988,44.884881400000005 +27482,Tucci Proto,-93.3283815,44.873269300000004 +27483,Subway,-93.3182122,44.8838334 +27484,Mary Elizabeth Park,-93.22904390000001,45.126499 +27485,Noodles & Company,-93.318904,44.8840258 +27486,Dino's Gyros,-93.31901400000001,44.8840268 +27487,Dunn Bros Coffee,-93.3195055,44.883977900000005 +27488,Ellsworth Rock Gardens,-92.9790579,48.497195600000005 +27489,Big Bowl Chinese Express,-93.3284593,44.873271200000005 +27490,Nordic Park,-93.2022649,44.7585788 +27491,Caribou Coffee,-93.32830100000001,44.873269300000004 +27492,Apricity Community Acupuncture,-93.132129,44.9242592 +27493,A Touch of Andrea,-93.13008760000001,44.925630600000005 +27494,Artista Bottega,-93.1262186,44.928258400000004 +27495,McCannel Eye Clinic,-93.33303880000001,44.8725815 +27496,TCF Bank,-93.3199539,44.8801831 +27497,Bearded Mermaid Bazaar,-93.126839,44.9278629 +27498,Belfay Law Office,-93.1333992,44.923399700000004 +27499,Enterprise,-93.320717,44.882020000000004 +27500,Bellies to Babies,-93.12725990000001,44.927557500000006 +27501,McCormick & Schmick's,-93.3219023,44.877697000000005 +27502,Best Pawn,-93.12617630000001,44.927916700000004 +27503,Burn Unit Coffee Ward,-93.1263625,44.9281595 +27504,Corporate Car and Coach,-93.1254928,44.930244900000005 +27505,Famous Barber Mug,-93.1368925,44.920655800000006 +27506,Flory's Beauty Salon,-93.1334503,44.923393000000004 +27507,Fresh Grounds,-93.13708460000001,44.9205297 +27508,Frost Cabinets Furniture,-93.1246066,44.930440000000004 +27509,Hennepin County District Court,-93.3194835,44.8750446 +27510,Gentlemen's Barber,-93.1311659,44.9245602 +27511,Hennepin County Library - Southdale Branch,-93.31988310000001,44.875533100000006 +27512,Golden Chow Mein,-93.13054100000001,44.9253263 +27513,Spring Grove Family SWIM Center,-91.62738300000001,43.565176 +27514,Jandrich Floral,-93.1268584,44.9274624 +27515,Red's IGA,-91.6290491,43.561137300000006 +27516,Music-Go-Round,-93.12610570000001,44.928328300000004 +27517,Never Alone Fitness,-93.13230320000001,44.923645 +27518,Brummers and Juare Household,-93.2300367,44.796108700000005 +27519,Nielsen Store Equipment,-93.1249511,44.9300599 +27520,O'Reilly Auto Parts,-93.13325900000001,44.9235478 +27521,Schmitt Music Center,-93.18574650000001,45.0141435 +27522,Gamezenter,-93.18391550000001,45.0153556 +27523,Saint Paul Gallery,-93.1262993,44.9281954 +27524,Scarborough Fair,-93.12716320000001,44.9276226 +27525,Soap Box Salon,-93.1280747,44.9271745 +27526,Holiday,-92.52244830000001,44.0575088 +27527,Holiday,-92.52200350000001,44.0574041 +27528,St. Paul Saddlery,-93.1265376,44.928054700000004 +27529,Supreme Electric,-93.1300829,44.9257013 +27530,Apple Ridge Orchard,-92.5502271,44.26075 +27531,The Rat's Nest Salon,-93.1323424,44.9241152 +27532,Thune Studio,-93.12631950000001,44.9282156 +27533,Cushon's Peak Campground,-91.6269178,43.7766704 +27534,Outback Ranch,-91.6119615,43.7370547 +27535,Vantage Painting,-93.12549750000001,44.930435 +27536,Video Lease,-93.13207360000001,44.9242907 +27537,Depot WaterPark,-93.2621127,44.9802623 +27538,West End,-93.12659550000001,44.9280155 +27539,Williams Restaurant World,-93.1249368,44.9299119 +27540,7th Street Barbers,-93.1259715,44.928425000000004 +27541,7th Street Tattoo,-93.1322181,44.924192000000005 +27542,Legacy Chocolates,-93.0901331,44.946971000000005 +27543,The Shop Coffeehouse,-92.5346557,47.523328500000005 +27544,Starbucks,-92.4627471,44.0222351 +27545,Starbucks,-92.5028355,44.0629937 +27546,Caribou Coffee,-92.5010429,44.0638403 +27547,Noodles & Company,-92.5010881,44.063960200000004 +27548,Supercuts,-92.5001048,44.0626558 +27549,Chipotle,-92.5001306,44.0627268 +27550,Five Guys,-92.5037475,44.0648872 +27551,Complete Nutrition,-92.5000851,44.0625933 +27552,Verizon,-92.5000534,44.0625123 +27553,St Mary's Catholic Church,-91.4945163,43.6309976 +27554,Learning Rx,-92.500006,44.062387300000005 +27555,GameStop,-92.4999981,44.062307700000005 +27556,St Peter's Catholic Church,-91.3447471,43.760877 +27557,Cold Stone Creamery,-92.4999823,44.062248000000004 +27558,Bank of America,-92.4999348,44.0621571 +27559,Panera Bread,-92.49987750000001,44.0620065 +27560,Apastron,-93.41193960000001,44.926292700000005 +27561,Barney's,-93.48759480000001,44.076211300000004 +27562,Kwik Trip,-93.51327970000001,44.077303900000004 +27563,GNC Arden Hills,-93.1475233,45.057054900000004 +27564,PizzaRev,-93.326744,44.8660027 +27565,Flameburger,-93.2482349,45.0555577 +27566,Frattalone's Ace Hardware,-93.24943540000001,45.0476077 +27567,Dong Yang,-93.25149920000001,45.050437800000005 +27568,Noodles & Company,-93.5539904,45.200837 +27569,Bruegger's Bagels,-93.30825270000001,44.8609504 +27570,Starbucks,-93.30815940000001,44.860972100000005 +27571,Subway,-93.30806980000001,44.860956 +27572,Jimmy John's,-93.5521592,45.204209500000005 +27573,Panda Express,-93.3075151,44.860961800000005 +27574,Applebee's,-93.3072463,44.8605559 +27575,Domino's,-93.5544419,45.201896500000004 +27576,Timber Lodge Steakhouse,-93.30677270000001,44.8594518 +27577,Rogers Middle School,-93.5439731,45.2089793 +27578,Hassan Elementary,-93.57703120000001,45.209316900000005 +27579,Fantastic Sams,-93.5498027,45.2024385 +27580,Holiday,-93.56479200000001,45.281799 +27581,Subway,-93.55428760000001,45.2018983 +27582,Walgreens,-93.309352,44.8597405 +27583,Whole Foods Market,-93.44540260000001,44.9741146 +27584,Caribou Coffee,-93.44308330000001,44.966323200000005 +27585,Jimmy John's,-93.3093522,44.8594524 +27586,Wells Fargo,-93.32083610000001,44.859573600000004 +27587,Caribou Coffee,-93.309359,44.8592686 +27588,Moe's Southwest Grill,-93.3076776,44.8576247 +27589,Frattallone's Ace Hardware,-93.17121560000001,44.939941600000004 +27590,Which Wich?,-93.3073919,44.8576234 +27591,Express Bike Shop,-93.14901300000001,44.946501000000005 +27592,Express Yourself Clothing,-93.14890840000001,44.9465067 +27593,Saint Paul Yoga Center,-93.1494018,44.946498600000005 +27594,Iron Triangle,-93.35775570000001,44.958489500000006 +27595,El Agave,-94.4625771,43.652390600000004 +27596,"Car Parts Direct, LLC",-94.45618490000001,43.6663398 +27597,First Congregational Church of Winona,-91.64119290000001,44.050065800000006 +27598,La Grolla,-93.119318,44.946471800000005 +27599,Walker West Music Academy,-93.1323296,44.9463711 +27600,Pupuseria La Palmera,-93.2471424,44.927086300000006 +27601,Cathedral of the Sacred Heart,-91.63929390000001,44.048392400000004 +27602,Solo Vino,-93.1220746,44.946699800000005 +27603,Great Harvest Bread Co,-93.12267820000001,44.946470100000006 +27604,French Hen Cafe,-93.1222068,44.946474200000004 +27605,Fleur de Lis Flowers,-93.122082,44.9464702 +27606,Arthur Murray Dance Center,-93.1227681,44.9464733 +27607,Minnesota Public Radio,-93.09563580000001,44.9491877 +27608,Olive You,-93.12244580000001,44.9464635 +27609,Primp,-93.1261655,44.946470600000005 +27610,Dala Horse,-93.2971907,45.8692007 +27611,Hitching Post,-93.2974643,45.875098300000005 +27612,Klocka,-93.2973302,45.876674400000006 +27613,Dala Horse (mini),-93.2968474,45.876670600000004 +27614,The New Louisiana Cafe,-93.12562870000001,44.9466863 +27615,Animal Humane Society,-93.799811,45.1145897 +27616,Athleta,-93.3288328,44.912398 +27617,Kenway Engineering,-94.5044998,43.6590657 +27618,Presidents,-93.39392880000001,44.917965 +27619,Parkwood Knolls,-93.3910853,44.9056634 +27620,Raphael's Bakery,-94.88311680000001,47.4712777 +27621,International student and scholar service (ISSS),-93.2441292,44.971644500000004 +27622,Bredesen Park,-93.38807100000001,44.895647000000004 +27623,CVS Pharmacy,-93.2258535,44.9734728 +27624,Target,-93.2350859,44.9816802 +27625,Cenex,-95.831771,46.8250625 +27626,La Crescent Aquatic Center,-91.3109216,43.823143200000004 +27627,Marshalls,-93.3324261,44.8606647 +27628,Tech Doctors,-92.5176474,44.031109900000004 +27629,World Market,-93.3333554,44.860623600000004 +27630,Total Wine,-93.3323646,44.859419 +27631,Michaels,-93.33294880000001,44.860627300000004 +27632,Total Hockey,-93.3319074,44.860570800000005 +27633,Staples,-93.3316592,44.86038 +27634,Diamond Lake,-93.26246800000001,44.8985811 +27635,IT Symmetry,-93.22834800000001,44.9980203 +27636,McDonald's,-95.38954530000001,45.8468503 +27637,Capital Deals Bike Shop,-93.1016505,44.9245376 +27638,Shell (Cars),-95.4235987,45.8613366 +27639,America's Best Inn & Suites,-95.3914714,45.8595947 +27640,BlackRidgeBANK,-95.38459970000001,45.8603858 +27641,Breakfast & Soup Bar,-95.422668,45.861403900000006 +27642,Subway,-95.423167,45.861532700000005 +27643,Shell (Trucks),-95.42343240000001,45.8609462 +27644,C-Store,-95.4231534,45.861267500000004 +27645,U.S. Bank,-93.24767460000001,45.0120148 +27646,Wells Fargo,-93.2469947,45.0116407 +27647,Brickmania,-93.24888270000001,45.0058054 +27648,Football Pizza,-93.24705870000001,45.012000300000004 +27649,Morris Park,-93.2158617,44.9009822 +27650,Diamonds Coffee Shop,-93.247563,45.004364300000006 +27651,Nimbus Theater,-93.22828000000001,44.9952765 +27652,Dairy Queen,-93.28929140000001,44.834700700000006 +27653,Furnish,-93.2495449,45.003354900000005 +27654,RBCU,-93.28926700000001,44.830353 +27655,Salvation Army,-93.24699340000001,45.018067300000006 +27656,Internet Exposure,-93.25313940000001,44.9749921 +27657,Holiday,-92.4862712,44.0429826 +27658,Holiday,-92.48634460000001,44.0427697 +27659,Food N Fuel,-95.83490280000001,46.8252253 +27660,Walgreens,-93.2789176,44.8843127 +27661,Blue Cross Animal Hospital,-93.2886299,44.905812100000006 +27662,United States Post Office,-93.2783919,44.903275900000004 +27663,Bachman's Garden Center,-93.2892291,44.894182400000005 +27664,Tesoro,-95.1580242,45.8677238 +27665,Detroit Lakes Community Center,-95.85036210000001,46.817717300000005 +27666,Gas Mart,-95.15802670000001,45.8678881 +27667,Holmes Theater,-95.85069440000001,46.818187 +27668,Deluxe Oil,-95.1573858,45.8676529 +27669,Subway,-95.1582288,45.867935 +27670,A&W,-95.1584488,45.8679873 +27671,Tesoro,-95.15857670000001,45.8677052 +27672,Osakis Laundry,-95.15737510000001,45.8671822 +27673,Barber Shop,-95.8357675,46.8252966 +27674,Tip Top Dairy Bar,-95.15354500000001,45.8671767 +27675,Fire Hall,-95.1530111,45.867270000000005 +27676,Piccadilly Pizza & Subs,-95.1446963,45.8663417 +27677,Osakis Liquor,-95.1389537,45.863867000000006 +27678,Browns Valley Man,-96.8182263,45.594745200000006 +27679,Moguls Grille & Tap Room,-90.7128495,47.6589304 +27680,Casey's General Store,-94.8651816,45.971552300000006 +27681,Long Prairie-Grey Eagle Secondary School,-94.84738510000001,45.980999100000005 +27682,Holiday,-94.8651574,45.973330600000004 +27683,Holiday,-94.8648946,45.973412700000004 +27684,Burger King,-94.866099,45.971574700000005 +27685,Casey's General Store,-94.8648624,45.9716399 +27686,Budget Host Inn,-94.86601040000001,45.968364400000006 +27687,Long Prairie Grey Eagle Elementary School,-94.86310970000001,45.970968400000004 +27688,ALCO Discount Store,-94.8646317,45.9588856 +27689,Little Duke's,-94.86671310000001,45.9637352 +27690,Deb's Floral & Gifts,-94.86503400000001,45.972117100000006 +27691,Trumm Drug,-95.3860157,45.8624152 +27692,Hillig Auto Center,-94.8663054,45.9617906 +27693,Coborn's,-94.86717180000001,45.9644064 +27694,S.A.V.E. Super Store,-94.86451910000001,45.9608956 +27695,Car Wash RVs & Trucks,-94.8645432,45.9615128 +27696,Jim Woeste Auto Sales,-94.8651494,45.964591000000006 +27697,Glenwood State Bank,-95.37726160000001,45.867072300000004 +27698,Long Prairie Fleet Supply,-94.8647229,45.957662400000004 +27699,NAPA Auto Parts,-94.8649268,45.958117400000006 +27700,Little Duke's,-94.8670242,45.963875 +27701,Auto Value Parts,-94.86473360000001,45.9599186 +27702,Bremer Bank,-95.38046150000001,45.867106 +27703,Central Minnesota Credit Union,-94.8663805,45.9631516 +27704,Auto Care Center,-94.8647712,45.959601600000006 +27705,Footprints Art Studio,-93.1802219,44.940347300000006 +27706,Subway,-94.8656725,45.972079900000004 +27707,Long Prairie Police,-94.86609080000001,45.9652286 +27708,Long Prairie Fire Dept,-94.8668471,45.965124100000004 +27709,Ace Hardware,-94.864621,45.9603325 +27710,American National Bank of Minnesota,-95.37042650000001,45.8650475 +27711,Cenex,-95.3773742,45.8717339 +27712,Pike and Pint Grill,-95.3790283,45.8620852 +27713,Shutter's Tire & Auto,-95.37808960000001,45.8892316 +27714,Vantage Bank,-95.3715557,45.864558200000005 +27715,Jo Ann Fabric & Craft,-95.381099,45.861013 +27716,D. Michael B's Resort Bar & Grill,-95.3825367,45.861289500000005 +27717,Brass Lantern,-95.38174810000001,45.8616369 +27718,Downtown Liquor,-95.3780761,45.8898104 +27719,Elden's Fresh Foods,-95.3678569,45.8901595 +27720,Shell,-93.31577510000001,44.8840244 +27721,O'Reilly Auto Parts,-95.37901760000001,45.8713509 +27722,Hope's Silver Spoon Restaurant,-93.3088886,44.8814994 +27723,Taco John's,-95.37830670000001,45.8722452 +27724,Wells Fargo,-95.3689432,45.889106500000004 +27725,Grace Church of Alexandria,-95.3515306,45.859463600000005 +27726,Zen Box Izakaya,-93.25953050000001,44.978425400000006 +27727,Anderson Florist & Greenhouses,-95.3530702,45.885076600000005 +27728,The Church of Jesus Christ of Latter-day Saints,-95.367766,45.876079600000004 +27729,Minnehaha,-93.2138319,44.909708 +27730,Holy Land Deli,-93.2610961,44.948908100000004 +27731,Sinclair,-95.36173640000001,45.8895549 +27732,Longtrees,-95.38670350000001,45.850234500000006 +27733,Holiday StationStore,-95.3870749,45.84655 +27734,Hardee's / Red Burrito,-95.38592290000001,45.8461766 +27735,Holiday,-95.38715950000001,45.846299900000005 +27736,closed,-95.3864808,45.846683000000006 +27737,Taco Bell,-95.387045,45.8472766 +27738,Royal Tire,-95.3794428,45.8461373 +27739,Tesoro,-95.38886000000001,45.845761700000004 +27740,Fleet Farm Fuel,-95.3847588,45.8452867 +27741,Tesoro,-95.38908760000001,45.845926500000004 +27742,Alexandria Motors,-95.388962,45.8563976 +27743,El Loro,-95.38931330000001,45.8473611 +27744,Rudy's Redeye Grill,-95.3863733,45.8424764 +27745,Fleet Farm Convenience,-95.38474810000001,45.8450774 +27746,Fleet Farm Garden Center,-95.383364,45.8438199 +27747,Mills' Fleet Farm,-95.38216240000001,45.8445935 +27748,Holiday (trucks),-95.3888921,45.841381500000004 +27749,Holiday (cars),-95.3888196,45.841759 +27750,Holmes City Lake Finnish Apostolic Church,-95.60437540000001,45.8615452 +27751,Holiday Stationstore,-95.38925130000001,45.8416693 +27752,Holiday Inn,-95.38574840000001,45.842353200000005 +27753,Walmart Outdoor Living,-95.3830422,45.8475605 +27754,Menards,-95.38024730000001,45.847639 +27755,John Fluevog Shoes,-93.2984691,44.9491784 +27756,Bus Parking,-95.63168990000001,45.8515661 +27757,Soberfish,-93.2332025,44.9626364 +27758,Art & Architecture,-93.20975580000001,44.9685548 +27759,Prairie Overlook,-93.29645980000001,44.8728472 +27760,Saint Anthony Library,-93.21930760000001,45.0161334 +27761,J Arthurs,-93.1067428,45.0145629 +27762,Minneapolis Auto Finance,-93.3310543,44.860961800000005 +27763,Casey's,-92.6695299,44.295206300000004 +27764,Post Office Box,-93.27819840000001,44.915991600000005 +27765,Saguaro,-93.28802780000001,44.9062396 +27766,Trex Deck,-93.6169624,44.8601273 +27767,Dokken's Superette,-93.2315981,44.9267665 +27768,Doodle Bird Design + Gifts,-93.23181000000001,44.9267684 +27769,Southside Kettlebells,-93.22664950000001,44.926756000000005 +27770,Kwik Trip,-92.6673895,44.282816800000006 +27771,Kwik Trip (trucks),-92.66736540000001,44.2824808 +27772,Kari's Casa,-93.260142,44.992882 +27773,Downtown Cabaret,-93.2678267,44.978590700000005 +27774,The Pourhouse,-93.2968063,44.9490987 +27775,Gas 'n Go,-92.5281298,44.149543300000005 +27776,Shell,-92.5278598,44.149405200000004 +27777,Shell,-92.45839840000001,44.0598648 +27778,ADT Dental,-93.29411440000001,44.960260600000005 +27779,Trucks,-92.6676046,44.2822298 +27780,Darrel's Muffler & Auto Repair,-92.46342630000001,44.0302669 +27781,Chipotle,-93.3212601,44.947508400000004 +27782,Izzy's,-95.3253342,48.913197000000004 +27783,Summit Auto & Cycle,-92.65147710000001,44.2525739 +27784,Summit Auto & Cycle,-92.651768,44.2527619 +27785,Culligan Bottled Water,-93.39134410000001,45.0862241 +27786,Alumni Class of 1958 Flagpole,-93.1895616,44.942655800000004 +27787,John Ireland Statue,-93.18955650000001,44.9428703 +27788,Lake Harriet Pizza,-93.3084245,44.9120348 +27789,Caribou Coffee,-94.1490059,45.5533513 +27790,KVSC,-94.14749540000001,45.5527699 +27791,PR Caffeine,-93.2560516,44.7877821 +27792,Starbucks,-94.1512536,45.5512352 +27793,Jakubas Dental Clinic,-93.21548410000001,44.919965600000005 +27794,Starbucks,-94.1529775,45.553259100000005 +27795,Temple of ECK,-93.55038880000001,44.8681629 +27796,Minnoco (trucks),-92.99385690000001,44.6092047 +27797,8,-93.55089360000001,44.8683634 +27798,6,-93.5527766,44.8672665 +27799,10,-93.5514892,44.8699535 +27800,3,-93.5499736,44.8652438 +27801,12,-93.55414710000001,44.873068100000005 +27802,14,-93.549571,44.872225900000004 +27803,13,-93.5506227,44.8724256 +27804,4,-93.550802,44.8645992 +27805,2,-93.54948270000001,44.8664367 +27806,Mend Provisions,-93.23257620000001,44.9267764 +27807,Luya Shoes and Other Fine Things,-92.66941440000001,44.2946651 +27808,7,-93.5514167,44.8667409 +27809,5,-93.5511534,44.8647666 +27810,The Light and Sound of God,-93.5531655,44.871679500000006 +27811,1,-93.5497837,44.8667116 +27812,9,-93.5516312,44.8688985 +27813,Garten Marketplatz,-92.57933290000001,43.945891800000005 +27814,Project Management Academy Training Room,-93.34911220000001,44.8564172 +27815,Svea Lutheran Church,-95.02298110000001,45.002850200000005 +27816,Uncommon Grounds Coffeehouse,-93.2980014,44.9515347 +27817,Whole Foods Market,-93.322214,44.9477738 +27818,MGM Wine & Spirits,-93.3222113,44.9480245 +27819,East Saint Olaf Lutheran Church,-92.6376915,43.9322038 +27820,Mama Shelia's Soulfood Kitchen,-93.2526193,44.934247600000006 +27821,Cub Pharmacy,-93.25143220000001,44.658840600000005 +27822,Crooked Pint Ale House,-93.26119170000001,44.978321900000005 +27823,Hilda's Hair Hut,-93.24750800000001,44.927187100000005 +27824,Family Dollar,-93.2405543,44.949789700000004 +27825,Sphynx,-93.2433694,44.9836596 +27826,Covet Consign & Design,-93.2627788,44.9347391 +27827,Jimmy John's,-93.3466719,44.8527488 +27828,Boiling Springs,-93.39768360000001,44.770485 +27829,Subway,-93.26140360000001,44.9783351 +27830,Caribou Coffee,-93.2609972,44.9784893 +27831,eagleBOLTbar,-93.2608805,44.978386400000005 +27832,Qdoba,-93.32464820000001,44.8816949 +27833,Smashburger,-93.3248796,44.881534200000004 +27834,Subway,-93.3239102,44.8810626 +27835,Freshii,-93.324009,44.8810446 +27836,Panda Express,-93.3243592,44.8811977 +27837,Macy's Lakeshore Grill,-93.3259003,44.8808433 +27838,Sport Clips,-93.1894903,44.916997800000004 +27839,Kincaid's,-93.3553114,44.8530808 +27840,Parma 8200,-93.3556908,44.8544217 +27841,Panchero's Mexican Grill,-93.347052,44.852100400000005 +27842,Seventhwave,-93.24232400000001,44.9510382 +27843,Mound 2,-93.05519290000001,44.945369 +27844,Mound 12,-93.05726630000001,44.9460089 +27845,Mound 7,-93.05627530000001,44.945780000000006 +27846,Mound 9,-93.05665850000001,44.945860800000005 +27847,La Rosa,-93.2471591,44.9446023 +27848,Mound 3,-93.05546650000001,44.9454014 +27849,Mound 10,-93.0570186,44.9458719 +27850,Joseph Co.,-92.95580580000001,43.6872927 +27851,Hooyo Child Care Center,-93.2782069,44.937399500000005 +27852,Freeborn County Co-Op,-92.9441376,43.5038215 +27853,Lyle Post Office,-92.9439576,43.506024000000004 +27854,Lyle Liqour,-92.94429840000001,43.503032700000006 +27855,Our Saviours Lutheran Church,-92.9442437,43.5107701 +27856,City Hall,-92.94369350000001,43.5056862 +27857,Township Hall,-92.94401520000001,43.5048505 +27858,Black Forest Inn,-93.2776225,44.955381700000004 +27859,Witt Fabrication,-92.9442648,43.5044727 +27860,Glam Doll Donuts,-93.27767460000001,44.955173200000004 +27861,3B Eatery,-92.9444569,43.5048296 +27862,Little Tijuana Bar and Restaurant,-93.27707720000001,44.9553979 +27863,Black Sheep Pizza,-93.2781128,44.9556897 +27864,Pizza Hut/Wing Street,-93.4487311,45.0692941 +27865,Midway Liquor Store,-93.1817271,44.958353200000005 +27866,Clean Cuts,-93.17353390000001,44.9554612 +27867,Lakes International Language Academy Annex,-92.98145070000001,45.268602900000005 +27868,Daniela's Chocolates,-92.98470900000001,45.277504500000006 +27869,Yu Fong Chinese Takeout,-93.44878200000001,45.0693215 +27870,Kodiak Coffee,-92.985302,45.278110000000005 +27871,Rusty Taco,-93.4491083,45.069476800000004 +27872,Rolseth Drugs,-92.98455680000001,45.280472100000004 +27873,Bruegger's Bagels,-93.44976430000001,45.068831 +27874,Snap Fitness,-93.4499504,45.0689706 +27875,T-Mobile,-93.1581575,44.955325800000004 +27876,French Bakery Chez Arnaud,-93.4493558,45.068542300000004 +27877,Sports Dome,-93.16442310000001,44.955906500000005 +27878,Verizon,-93.1563979,44.955267000000006 +27879,The Vitamin Shoppe,-93.156406,44.955139800000005 +27880,Great Clips,-93.16269310000001,44.9545989 +27881,America's Best Contacts & Eyeglasses,-93.15776050000001,44.955314400000006 +27882,TJ Maxx,-93.1596971,44.953268300000005 +27883,Planet Ink,-93.1642219,44.9559009 +27884,H&R Block,-93.1632161,44.954175600000006 +27885,The UPS Store,-93.15796970000001,44.955322 +27886,St. Alban's Episcopal Church,-93.3828199,44.8802589 +27887,High School for Recording Arts,-93.1499821,44.954439300000004 +27888,Landfill Books & Music,-93.1519803,44.9554093 +27889,Zup's,-92.2720774,47.805550000000004 +27890,Foss Swim School,-93.1495771,44.954450800000004 +27891,Good Ol' Days,-92.2722193,47.805181600000004 +27892,St. Paul's Lutheran Church,-92.23860520000001,47.815891500000006 +27893,BP,-92.2713834,47.8051204 +27894,The Car Wash,-92.2727181,47.805028500000006 +27895,Vermilion Lumber,-92.2708604,47.80516 +27896,Frandsen Bank & Trust,-92.27422820000001,47.805494100000004 +27897,Soudan's Only Store (& fuel),-92.2460262,47.8162686 +27898,Cenex (Vermili Fuel & Food),-92.27594590000001,47.805131200000005 +27899,Vermilion Funeral Home,-92.27466910000001,47.805482500000004 +27900,Breitung Police Dept,-92.23661870000001,47.8177114 +27901,D'Erick's Tower Liquors,-92.27672910000001,47.8051492 +27902,Embarrass Vermillion Federal Credit Union,-92.2751305,47.805460800000006 +27903,Town of Breitung Garage,-92.23695550000001,47.8174161 +27904,Tower-Soudan school baseball,-92.2761128,47.8070912 +27905,St. Mary's Episcopal Church,-92.2688906,47.8065464 +27906,Benchwarmers Bar & Grill,-92.2802716,47.8044394 +27907,Immanuel Evangelical Lutheran Church,-92.2746443,47.8059202 +27908,St. Martin's Catholic Church,-92.2673742,47.807109200000006 +27909,St. James Presbyterian Church,-92.2747087,47.806140000000006 +27910,City Market,-93.24719060000001,44.948215700000006 +27911,Soudan Baptist Church,-92.23909830000001,47.815680300000004 +27912,Arlington Hills Library,-93.07319550000001,44.9772721 +27913,Sparrow Cafe,-93.3085235,44.912241400000006 +27914,Elite Dry Cleaners,-93.23266650000001,44.9466534 +27915,Hen House Eatery,-93.2705505,44.9750608 +27916,Speedway,-93.2878546,44.9302635 +27917,Air Assault Indoor Paintball,-93.07772340000001,44.935931800000006 +27918,Speedway,-93.22551320000001,44.789436 +27919,Cinnamon Ridge Park,-93.2259779,44.7950949 +27920,Speedway,-93.2255988,44.789571300000006 +27921,Mr. B's,-93.2278486,44.8041859 +27922,Mr. B's,-93.22840380000001,44.8044181 +27923,Cherokee Sirloin Room & Sports,-93.2190116,44.7890139 +27924,Montessori,-93.2036461,44.7943526 +27925,Holiday,-93.21857890000001,44.791018900000005 +27926,K.J.'s Refuge,-93.73553100000001,45.446065000000004 +27927,TCF Bank,-93.2039062,44.795155900000005 +27928,Cliff Lake Veterinary Clinic,-93.20396530000001,44.7942327 +27929,Carbone's Pizzeria,-93.2467967,44.9176768 +27930,Cork Dork,-93.24707160000001,44.917767100000006 +27931,CVS Pharmacy,-93.2059419,44.791451900000006 +27932,Church of Saint John Nepomucene,-91.62435190000001,44.0459814 +27933,Subway,-95.32633290000001,48.913279700000004 +27934,Fourth Baptist Church,-93.42971920000001,44.980129700000006 +27935,Xperience Fitness of Blaine,-93.23258240000001,45.1954155 +27936,Xperience Fitness of Vandais Heights,-93.0621634,45.052450300000004 +27937,Truck / RV,-95.3847731,45.8417751 +27938,Car / RV,-95.3900437,45.8417825 +27939,Saint Martin's Lutheran Church,-91.63014840000001,44.0475836 +27940,Car / RV,-95.38937050000001,45.8421955 +27941,Saint Mary's Parish,-91.67217260000001,44.0528453 +27942,Little Angie's Cantina and Grill,-92.0940236,46.782067600000005 +27943,Eagle Creek Park and Ride,-93.4385634,44.7664084 +27944,Chipotle,-92.957727,44.8328343 +27945,Noodles & Company,-92.95772430000001,44.833020700000006 +27946,Lee's Shoe & Leather Repair,-93.2901305,44.9482322 +27947,Harbor Freight Tools,-95.3858991,45.849242600000004 +27948,China Buffet,-95.38688610000001,45.8479236 +27949,Jimmy John's,-95.3859865,45.8480354 +27950,Mid-Minnesota Federal Credit Union,-95.3835452,45.846529600000004 +27951,Subway,-95.38509300000001,45.845916800000005 +27952,Dunn Bros. Coffee,-95.3834728,45.846027 +27953,Great Clips,-95.38598780000001,45.848119200000006 +27954,Holiday,-95.38742640000001,45.846453000000004 +27955,Walmart Tire & Lube Express,-95.38174810000001,45.847633800000004 +27956,Caribou Coffee,-95.38736200000001,45.8467575 +27957,GameStop,-95.386965,45.8468322 +27958,The Grain Bin,-95.38598440000001,45.8485299 +27959,Wingstop,-93.1654123,45.0055551 +27960,Mudslingers Drive-Thru Coffee,-93.1461501,45.0062295 +27961,Indian Hills,-93.3904413,44.883228 +27962,Indian Trails,-93.3941728,44.8777392 +27963,Leann Chin,-93.1651751,45.0055573 +27964,Prospect Knolls,-93.37116370000001,44.8729839 +27965,Dewey Hill,-93.3705087,44.865664200000005 +27966,Cahill,-93.3567704,44.8687089 +27967,Normandale Park,-93.3573331,44.8868748 +27968,The Heights,-93.3662992,44.8799427 +27969,Creek Valley,-93.3776959,44.88441 +27970,Brookview Heights,-93.3547357,44.878657700000005 +27971,Pentagon Park,-93.3380309,44.863215000000004 +27972,Life Time,-93.1907365,44.918100800000005 +27973,Lake Edina,-93.3463449,44.8693515 +27974,Parklawn,-93.331508,44.8681269 +27975,Southdale,-93.3249042,44.883583900000005 +27976,South Cornelia,-93.3366053,44.8727346 +27977,Lake Cornelia,-93.34119720000001,44.8812489 +27978,Promenade,-93.3239013,44.873761800000004 +27979,Arlington Police Department,-94.0806776,44.6069733 +27980,Edinborough,-93.3213154,44.8667663 +27981,Centennial Lakes,-93.3263738,44.8669339 +27982,Longfellow Family Foods,-93.2276023,44.9396909 +27983,Inyan Ceyaka Atonwan site,-93.6232734,44.728511100000006 +27984,Mounds,-93.6233643,44.7263995 +27985,Vista Fleet Gift Shop and Ticket Office,-92.0968804,46.781202400000005 +27986,Princeton High Schools,-93.5853486,45.5599147 +27987,Princeton School District Office,-93.58370670000001,45.5701892 +27988,Stransky's Drive-In Liquor,-93.1412147,44.9182811 +27989,Mala Strana Assisted Living,-93.5725565,44.5539276 +27990,Emergency Room Entrance,-91.62295990000001,44.0336979 +27991,Mugby Junction,-91.64653870000001,44.048377300000006 +27992,WSU Student Bookstore,-91.6456909,44.046865100000005 +27993,Psychology Dept.,-91.6427512,44.0480141 +27994,First Lutheran Church,-92.94114060000001,46.0132253 +27995,Texas Roadhouse,-92.51444590000001,44.077794700000005 +27996,Winona Clinic,-91.62324530000001,44.0322946 +27997,Carbone's Pizzeria,-92.97799810000001,44.9129239 +27998,Coborn's,-94.1835578,45.564907600000005 +27999,Berquist Field,-92.9377932,46.0241978 +28000,Anytime Fitness,-93.27083350000001,44.9830881 +28001,Salon Ori,-93.1496044,44.946498600000005 +28002,Runyon's,-93.27074230000001,44.983038900000004 +28003,Dragon Dollar Market,-93.1132585,44.9560296 +28004,Asa's Bakery,-93.2226584,44.9121827 +28005,Xtreme Beauty,-93.12564210000001,44.955959400000005 +28006,TJ Nails,-93.12510300000001,44.9550199 +28007,King Thai,-93.10983080000001,44.956054300000005 +28008,Earth's Beauty Supply Plus,-93.12532560000001,44.9553103 +28009,Spoon Lake Boat Launch,-93.0651715,45.0132412 +28010,Sunday's Best Boutique,-93.12544360000001,44.9559556 +28011,Fire & Ice,-93.1251596,44.955310100000005 +28012,Global Food Market,-93.1257308,44.9559726 +28013,Grooming House Barber,-93.12553750000001,44.955957500000004 +28014,Jersey Mike's Subs,-93.30120500000001,44.9485181 +28015,The Chainsaw Man,-94.43827920000001,45.6050994 +28016,Naf Naf Grill,-93.2264718,44.9734241 +28017,Waldmann Brewery & Wurstery,-93.10952900000001,44.938331500000004 +28018,The Third Bird,-93.2855725,44.9715093 +28019,Paradigm Copies,-93.227597,44.973532000000006 +28020,Our Lady Of Peace Home,-93.1886886,44.953723200000006 +28021,Snelling Lake Boat Launch,-93.19056880000001,44.8756958 +28022,CrossFit St Paul,-93.18707660000001,44.955093500000004 +28023,Willmar Auto Plaza - BP,-95.025255,45.123449 +28024,Walt's,-95.0431803,45.1108324 +28025,Cash Wise,-95.0389344,45.1099977 +28026,BP Shop,-95.02531400000001,45.1232446 +28027,Boat Ramp,-95.0352115,45.1287949 +28028,Holiday,-95.0547257,45.1204412 +28029,Tongue in Cheek,-93.0737095,44.9710175 +28030,The Home Depot,-95.0381845,45.095339200000005 +28031,Two Harbors Railroad Museum,-91.67034740000001,47.0188028 +28032,Walmart Pharmacy,-95.0358322,45.101053300000004 +28033,Automotive Repair Specialists,-95.0220429,45.1054947 +28034,Walmart Outdoor Living,-95.03639270000001,45.101235100000004 +28035,La Mesa,-93.30692970000001,44.974690800000005 +28036,Menard Garden Center,-95.0457951,45.0924448 +28037,Wells Fargo,-95.0433399,45.1028906 +28038,Southside Storage,-95.0441454,45.096411700000004 +28039,Hair & More,-95.03964850000001,45.1058036 +28040,Hair We Are,-95.04315150000001,45.099018300000004 +28041,North American State Bank,-95.04347320000001,45.0954435 +28042,New Image Salon,-95.0433704,45.096496800000004 +28043,Cub Foods Pharmacy,-95.0407375,45.1019529 +28044,Home State Bank,-95.0215723,45.1234571 +28045,Colossal Cafe,-93.157008,44.9398934 +28046,Brasserie Zentral,-93.2695391,44.977673900000006 +28047,Supermercado Panamericano,-93.2476244,44.940943000000004 +28048,Rick's Cabaret Minneapolis,-93.26454460000001,44.979061800000004 +28049,CoCo Uptown,-93.2926288,44.948499600000005 +28050,The Church of Jesus Christ of Latter-day Saints,-95.04036280000001,45.150719900000006 +28051,Canadian National Dock (Formerly DM&IR),-92.1343499,46.7513031 +28052,LaFarge Concrete Dock,-92.09770300000001,46.752117000000005 +28053,Halett Material Dock,-92.15577610000001,46.724664700000005 +28054,Lake Superior Zoo,-92.19019940000001,46.7259593 +28055,Abandon Dock (Formerly Cargil Grain dock #2),-92.1072463,46.768742700000004 +28056,General Mills Dock A,-92.1106462,46.769842100000005 +28057,USS-Formerly United States Steel,-92.21304400000001,46.6750149 +28058,US Coast Guard Station,-92.21081240000001,46.6560537 +28059,Oliver Bridge,-92.143511,46.7282231 +28060,USCGC Alder,-92.09194240000001,46.770890900000005 +28061,Calumet fuel Dock,-92.0972814,46.759118400000006 +28062,Halett Dock #2,-92.1608279,46.722270200000004 +28063,Hinckley City Hall,-92.94173430000001,46.0144341 +28064,Hinckley Pool,-92.93945980000001,46.015767800000006 +28065,Caribou Coffee,-93.23174970000001,44.973345800000004 +28066,Hallet Dock #3,-92.1540619,46.7229377 +28067,Caribou Coffee,-93.22473450000001,44.9741298 +28068,Formerly Halett Dock #1 (Private Material Co.),-92.167372,46.7228616 +28069,Grimes Realty,-94.8802138,47.4965198 +28070,Duluth Curling Club,-92.09812430000001,46.7818905 +28071,FurryCandy LLC,-93.6926098,44.8434321 +28072,Agra Culture,-93.3274159,44.9123807 +28073,Hazel's Northeast,-93.2369269,45.020336500000006 +28074,Taco Taxi,-93.2532652,44.948216900000006 +28075,Las Teresitas,-93.2234518,44.898578 +28076,Panera Bread,-93.3855441,44.9363468 +28077,Maxwell's,-93.2517651,44.9746007 +28078,Scandia Furniture,-93.25169000000001,44.9745732 +28079,Dilla's Ethiopian Restaurant,-93.24654480000001,44.9697608 +28080,Grand Mound,-93.70861690000001,48.5167853 +28081,Leonardo's Basement,-93.28185640000001,44.893971 +28082,Franz Jevne State Park Campground,-94.0677667,48.643167000000005 +28083,Star Tribune,-93.268257,44.9756129 +28084,China One,-94.3075275,45.5668881 +28085,"Viking Forest Products, LLC",-93.41053240000001,44.8659629 +28086,The Middy,-94.31870780000001,45.5647248 +28087,Coborn's Liquor,-94.29711060000001,45.5683902 +28088,Fair State Brewing Cooperative,-93.2476008,45.0135434 +28089,Burger King,-92.9625553,44.9627549 +28090,Caribou Coffee,-92.9636693,44.9628499 +28091,KFC,-92.9630879,44.9627909 +28092,Holiday,-92.96348230000001,44.963623500000004 +28093,Gators Liquor Store,-92.9635185,44.9638233 +28094,Oakdale Discovery Center,-92.96644760000001,45.012536000000004 +28095,Richard Walton Park,-92.9672445,44.9716024 +28096,Oakdale Police Department,-92.96544940000001,44.971133900000005 +28097,Subway,-92.9658778,44.9966975 +28098,Lee's Liquors,-92.96586860000001,44.997056300000004 +28099,Subway,-92.9843661,44.9653709 +28100,Papa Murphy's,-92.96366880000001,44.9625001 +28101,Floor One Flooring,-93.23771690000001,45.199963700000005 +28102,Anna's Tailoring,-93.2477978,44.9171023 +28103,The Club Shop,-93.23126520000001,44.9342478 +28104,Holiday Gas Station,-93.74604260000001,44.902410700000004 +28105,Metro Petro,-93.21844490000001,44.9719819 +28106,Northome Clinic,-94.278778,47.872355000000006 +28107,Scheels,-92.47974040000001,44.005762000000004 +28108,Joe's Auto & Tire,-92.4826044,44.0287147 +28109,Muffin Top Cafe,-93.27807560000001,44.967944200000005 +28110,The Nicollet Diner,-93.2780767,44.967858500000006 +28111,Silver Lake Boat Launch,-92.9875463,45.0302165 +28112,Northome Grocery,-94.2816071,47.871817 +28113,Burger King,-94.86805550000001,47.4627679 +28114,Hope Lutheran Church,-94.2792885,47.871821800000006 +28115,Qdoba,-94.8682129,47.462614200000004 +28116,Shining Light Cafe,-94.2806223,47.872805400000004 +28117,The Meadows At Mystic Lake,-93.47765000000001,44.7305463 +28118,Mazopiya Natural Food Store,-93.4679299,44.7312565 +28119,LINK Event Center,-93.4776049,44.7249871 +28120,The Lowry,-93.292617,44.9615212 +28121,Healthy Touch Massage and Wellness,-93.2953013,44.948232600000004 +28122,Jon Charles Salon,-93.295209,44.9482171 +28123,LynLake Brewery,-93.2883484,44.948914300000006 +28124,Empire Wok,-93.62587710000001,44.6650994 +28125,OfficeMax,-93.32686050000001,44.865707300000004 +28126,Selam Coffee,-93.22307470000001,44.9326006 +28127,Sonora Grill,-93.2240812,44.948607800000005 +28128,National Camera Exchange,-93.32815330000001,44.8746938 +28129,Repair Lair,-93.22391830000001,44.9486082 +28130,Bombay Food & Grocery,-93.24771910000001,45.007658400000004 +28131,Subway,-93.0924676,44.948537 +28132,Mattie's on Main,-93.2582155,44.9861087 +28133,Lowertown Bike Shop,-93.08587800000001,44.9489679 +28134,My Huong Kitchen,-93.27821010000001,44.953065900000006 +28135,Office Depot,-93.4446094,44.9740515 +28136,El Nuevo Mariachi,-93.2781331,44.9523248 +28137,Lunds & Byerlys Wines & Spirits,-93.44636360000001,44.9683797 +28138,Barnes & Noble,-93.447254,44.968580800000005 +28139,Famous Footwear,-93.4468678,44.968408100000005 +28140,Massage Envy,-93.446605,44.968358800000004 +28141,Saint Peter's Lutheran School,-93.32801880000001,44.904694600000006 +28142,Nutrition Plus,-93.44771,44.9690761 +28143,City Looks,-93.44673370000001,44.9683854 +28144,Cost Cutters,-93.4477181,44.9691406 +28145,Ulta Beauty,-93.4475089,44.9688047 +28146,Hats Off Coffee,-94.8581898,45.9744728 +28147,The Lowbrow,-93.27819360000001,44.925428000000004 +28148,Oak Hill Montessori,-93.1193575,45.0821948 +28149,IndoChin Vietnamese Restaurant,-93.1724653,44.9399576 +28150,Sencha Tea Bar,-93.17203880000001,44.939962300000005 +28151,Admissions Office,-93.18914090000001,44.943777100000005 +28152,Meister Orthodontics,-93.1722132,44.9399614 +28153,The Warming House by Original Hockey Mom Brownies,-93.17235400000001,44.9399576 +28154,Le Sueur,-93.90389640000001,44.4675157 +28155,Wet Paint,-93.1717385,44.9399348 +28156,Espresso Royale,-93.2814699,44.9741602 +28157,BP,-94.7471048,45.8244011 +28158,Kindergarten & Early Childhood Family Center,-94.86251440000001,45.9714046 +28159,Shell,-94.7497012,45.824773 +28160,Saint Joseph's Catholic Church,-94.75058630000001,45.8259692 +28161,Junction,-94.7497211,45.824960700000005 +28162,Saint John's Lutheran Church,-94.7498997,45.826857000000004 +28163,BP Shop,-94.74722820000001,45.8242964 +28164,Hardware Hank,-94.7484058,45.824368 +28165,Pilot Mound,-92.025271,43.8226882 +28166,Village Cafe,-94.74880970000001,45.824401300000005 +28167,Double R Bar & Grill,-94.74860050000001,45.8242914 +28168,Freeborn County LEC,-93.3677806,43.646254600000006 +28169,Browen's Country Market,-94.749189,45.824310100000005 +28170,Auto Value,-94.7473307,45.8246727 +28171,Eagle Auto Repair,-94.7471821,45.8248241 +28172,Freeborn County Courthouse,-93.3682902,43.646534100000004 +28173,Albert Lea Township Fire Department,-93.3607281,43.650405600000006 +28174,Gate A1,-93.08553110000001,44.947208200000006 +28175,Gate A5,-93.0845024,44.9476932 +28176,Gate A2,-93.08532070000001,44.947299 +28177,Tom Kadlec Honda,-92.5136805,44.037427900000004 +28178,Gate A3,-93.08512990000001,44.9473964 +28179,Gate A3,-93.0849474,44.947487 +28180,ChargePoint,-93.0112029,44.9543485 +28181,Gate A4,-93.08475340000001,44.947580800000004 +28182,Walmart Pharmacy,-93.3262033,43.6642221 +28183,McDonald's,-93.35845090000001,43.686384200000006 +28184,Nice Ride Bike Station,-93.31461030000001,44.9251956 +28185,Subway,-93.32626230000001,43.6636323 +28186,"Karlstad Fire Department, Inc.",-96.5198206,48.5808468 +28187,Loves Travel Center,-93.3158195,43.6597918 +28188,Fraternal Order of the Eagles,-96.522991,48.5802434 +28189,Supermarket Foods,-96.5215373,48.5787564 +28190,Karlstad Korner,-96.5218967,48.577833700000006 +28191,Nordhem,-96.52015320000001,48.577159300000005 +28192,Prime Security Bank,-96.52094720000001,48.576989000000005 +28193,Karlstad Moose Park Campground,-96.5264028,48.5808113 +28194,First Lutheran Church,-96.5231895,48.574735200000006 +28195,North Star Auto Sales,-96.52273890000001,48.577940100000006 +28196,American Legion,-96.52892940000001,48.5753421 +28197,Arby's,-93.35959240000001,43.6842661 +28198,Bethel Lutheran Church,-96.5211939,48.5761442 +28199,Resurrection Community Church,-96.52169280000001,48.576616300000005 +28200,ADT Home Alarm,-93.40313640000001,45.1180711 +28201,Karlstad Satellite Library,-96.5223795,48.577333200000005 +28202,Hy-Vee Fast & Fresh,-93.35976740000001,43.685290800000004 +28203,Tonic,-92.4824906,44.0217666 +28204,Caribou Coffee,-93.35976670000001,43.6851215 +28205,Da Roo's Pizza,-95.4236446,47.521556100000005 +28206,Las Enchiladas,-93.1758786,44.681703500000005 +28207,Loop Station,-93.2710351,44.9752584 +28208,Workshop at Union,-93.27557390000001,44.977174600000005 +28209,Beeman Dental Clinic,-93.30907970000001,44.912553300000006 +28210,Marathon Sports,-93.3092565,44.912552000000005 +28211,Paperback Exchange,-93.3084594,44.912244 +28212,Lake Harriet Florist,-93.3084245,44.911979900000006 +28213,Caribou Coffee,-93.2941483,44.9598333 +28214,Scuba Center,-93.30842050000001,44.9119011 +28215,Urban Cycle,-93.30927750000001,44.912229700000005 +28216,B-Squad Vintage,-93.2782023,44.939433300000005 +28217,Five Guys,-93.2939432,44.959770600000006 +28218,Park Enterance,-92.78344050000001,45.7735094 +28219,Bibelot,-93.3146451,44.923909 +28220,Christian Science Reading Room,-93.31496720000001,44.9243657 +28221,Pinwheels and Play,-93.3145952,44.9241128 +28222,Extrados Salon & Spa,-93.31427450000001,44.924831600000005 +28223,Heart of Tibet and Sky Door,-93.31451340000001,44.924352600000006 +28224,"Saint Croix National Scenic Riverway, visitor center",-92.7826869,45.7739065 +28225,Heartfelt,-93.31498420000001,44.9243134 +28226,Linden Hills Dentistry,-93.3143702,44.9246878 +28227,Al Theisen Renovations,-93.3085243,44.912143 +28228,Naviya's Thai Brasserie,-93.3151955,44.9248488 +28229,Poppy,-93.3144891,44.9244238 +28230,Twiggs,-93.3144743,44.9244673 +28231,Uniquely Yours,-93.3145303,44.9243029 +28232,Associated Bank,-92.51794410000001,44.044417 +28233,Workhorse Coffee Bar,-93.19802320000001,44.9643359 +28234,Wheel Fun Rentals,-93.24237140000001,44.9127625 +28235,Legion Games,-93.3186046,44.7772857 +28236,Enchantasys,-93.31887060000001,44.7772834 +28237,Venue 13,-93.31826360000001,44.7772857 +28238,H,-92.7765421,44.848424300000005 +28239,Holzinger Trail Head,-91.66977530000001,44.037217000000005 +28240,I,-92.77407520000001,44.8523763 +28241,restroom,-95.69837600000001,44.108850000000004 +28242,All Saints Lutheran Church,-93.14608790000001,44.8186284 +28243,interpretive center,-95.69601540000001,44.102901 +28244,Jimmy John's,-93.1579676,44.837628300000006 +28245,Batteries Plus Bulbs,-93.1633929,44.830941100000004 +28246,Persis,-93.1608705,44.8307847 +28247,Family Dollar,-93.1608825,44.830948400000004 +28248,Bed Bath & Beyond,-93.15723990000001,44.8363409 +28249,Bill's Garden Chinese Gourmet,-93.231859,44.9265302 +28250,Old Navy,-93.1545188,44.8362368 +28251,TJ Maxx,-93.15364380000001,44.836092300000004 +28252,Minnesota Gastroenterology,-93.1513941,44.831646500000005 +28253,OfficeMax,-93.1553609,44.8363813 +28254,Potbelly,-93.15870460000001,44.834604000000006 +28255,Native American Community Clinic,-93.25694990000001,44.9621347 +28256,Qdoba,-93.15871290000001,44.8347941 +28257,Project for Pride in Living Service Center,-93.25850240000001,44.9625702 +28258,Bed Bath & Beyond,-93.423164,44.9736454 +28259,Edina Library,-93.3558668,44.907914500000004 +28260,Edina Senior Center,-93.3556387,44.9080616 +28261,Dunn Bros Coffee,-93.4402747,44.96464 +28262,Fourth District Court,-93.4406998,44.9645121 +28263,Dick's Sporting Goods,-93.42377490000001,44.9736552 +28264,JCPenney,-93.4389479,44.9674947 +28265,Macy's,-93.4382655,44.96902 +28266,Trader Joe's,-93.42274590000001,44.9736423 +28267,Lands' End,-93.4222156,44.973353200000005 +28268,Rush City Cabin,-92.9634731,45.684108300000005 +28269,Active Family Chiropractic,-93.4714076,44.9976861 +28270,Chuckers Bowl & Lounge,-92.98520970000001,45.687638500000006 +28271,Castle Danger Brewery,-91.6731853,47.0194124 +28272,Midwest Window & Siding Co.,-93.2240896,44.9347617 +28273,Vanilla Bean,-91.6756168,47.0254861 +28274,Shirley's Gas & Grocery,-95.0359466,46.1616495 +28275,Byron Bear,-92.6490998,44.0518736 +28276,Olive Garden,-92.14985180000001,46.801853300000005 +28277,Picnic Table,-92.6498839,44.074713800000005 +28278,Caulfield,-92.64923370000001,44.072535900000005 +28279,Oxbow Park Campground,-92.65254420000001,44.0856739 +28280,Imperial Vapor,-93.1672583,44.947993200000006 +28281,2nd Bridge,-92.6552698,44.0840243 +28282,Northfield News,-93.16107330000001,44.4549466 +28283,7 Nails and Spa,-93.16725290000001,44.947928600000004 +28284,Caulfield,-92.6489368,44.0728637 +28285,SubText Bookstore,-93.0947361,44.945424100000004 +28286,3rd Bridge,-92.64781830000001,44.084534700000006 +28287,Picnic Table,-92.6509216,44.074865900000006 +28288,3rd Bridge,-92.64722180000001,44.0847082 +28289,Picnic Table,-92.6512783,44.0753476 +28290,3rd Bridge,-92.6463753,44.0843478 +28291,2nd Bridge,-92.6548269,44.0836696 +28292,Dakota County Spring Lake Park Reserve Archery Trail,-92.98694160000001,44.7577809 +28293,Campground,-92.6514872,44.0858858 +28294,Campground,-92.6536841,44.085161400000004 +28295,Campground,-92.65381550000001,44.0859012 +28296,Wells Fargo,-93.9482914,44.1627237 +28297,Insomnia Cookies,-93.23545580000001,44.9806406 +28298,Big Brain Comics,-93.2535866,44.9752992 +28299,Blue Earth County Court Administration,-93.93721950000001,44.1618251 +28300,Blue Earth County Sheriff's Office & Jail,-93.9375519,44.1612786 +28301,Pigeon Point,-89.5451871,47.997215100000005 +28302,Spirit of the Wilderness Outfitter,-91.83592700000001,47.9029663 +28303,Junction 213,-93.1958266,44.7795338 +28304,Dr Paul E Zollman Memorial,-92.65044610000001,44.084078700000006 +28305,Northfield Police Department,-93.1844755,44.440568600000006 +28306,Life Time,-93.268628,44.975531700000005 +28307,Hubbell House,-92.7550532,44.066852600000004 +28308,Casey's General Store,-92.7549151,44.0653628 +28309,Chocolate Shoppe,-92.7551031,44.066561500000006 +28310,Dead Media,-93.22288640000001,44.957545800000005 +28311,Oxbow Park and Zollman Zoo,-92.6487412,44.083477800000004 +28312,Staybridge Suites,-92.5183003,44.048548200000006 +28313,Big River Yoga,-93.22262090000001,44.957540200000004 +28314,Skinner's Pub and Eatery,-93.1388053,44.9270471 +28315,The Hack Factory,-93.2260116,44.955267500000005 +28316,Trail Marker,-93.114518,45.062465200000005 +28317,Practice Fields,-94.87864900000001,47.4862668 +28318,Mobil,-90.6748434,47.647310100000006 +28319,47 Degrees North,-90.67509550000001,47.647382400000005 +28320,Fika Coffee,-90.67521620000001,47.647330700000005 +28321,Big River Pizza,-93.08591600000001,44.9496375 +28322,Clearview General Store,-90.67497060000001,47.647424300000004 +28323,Saint Dinette,-93.08614290000001,44.9498289 +28324,Barnes & Noble,-93.27298730000001,44.975720700000004 +28325,Gay 90's,-93.27184290000001,44.9803681 +28326,Minnesota Kali Group,-93.2628818,44.9204997 +28327,Residence Inn Minneapolis Downtown/City Center,-93.2741682,44.9761837 +28328,Smiley's Clinic,-93.2423318,44.9526192 +28329,Ox Cart Ale House,-93.0868702,44.9506522 +28330,Eagle Street Grille,-93.1026763,44.9442904 +28331,OfficeMax,-93.2770521,44.947937800000005 +28332,Park Dental Grand,-93.13878290000001,44.9404577 +28333,REA Chicken Coop,-93.0940355,44.9358939 +28334,Our Savior's Lutheran,-94.3150559,46.6027855 +28335,The Daily Grind Espresso Cafe,-92.8060847,45.0575811 +28336,Junction 216,-93.1942609,44.7791292 +28337,Dancers,-93.2610612,44.9789296 +28338,Mill City Clinic,-93.2549639,44.9772541 +28339,Menagerie,-94.2876528,46.5190348 +28340,Dairy Queen,-93.04842040000001,43.863802 +28341,Cenex,-93.04849250000001,43.8631899 +28342,Casey's General Store,-93.0490462,43.863517800000004 +28343,U.S. Bank,-93.0525582,43.866943000000006 +28344,B to Z Hardware,-93.05124400000001,43.866526900000004 +28345,The Red Umbrella,-94.2880497,46.5195559 +28346,The Chocolate Ox,-94.2885785,46.520288300000004 +28347,Simpler Thymes Of Nisswa,-94.28853960000001,46.5198118 +28348,The Urban Accent,-94.2874958,46.518896600000005 +28349,Catapult,-94.2881139,46.5195583 +28350,Quirks!,-94.2880059,46.519496700000005 +28351,Cupril's Hair Design,-94.2874283,46.518860600000004 +28352,Rebecca's,-94.2885988,46.520326700000005 +28353,Nisswa Chamber Of Comerce,-94.2892546,46.5214143 +28354,Massie Creek Interior Design,-94.287565,46.5189547 +28355,CoCo & Co.,-94.2880126,46.519420100000005 +28356,Little Free Library,-94.2886313,46.520019000000005 +28357,Green Porch,-94.2886105,46.521332900000004 +28358,Nisswa Yoga,-94.28785060000001,46.5194131 +28359,Bix Axe Brewing,-94.28910950000001,46.5199477 +28360,Buffalo Plaid,-94.28727020000001,46.5188092 +28361,R.W. Jewelerys & Boutique,-94.2898464,46.521461 +28362,A&W,-94.2883,46.521432700000005 +28363,Primrose Park,-94.2878367,46.51935 +28364,Appaloosa Ridge,-94.28854980000001,46.520209400000006 +28365,Indulge,-94.28897690000001,46.5200545 +28366,Compliments!,-94.28850080000001,46.5196151 +28367,The Woodland Meadow,-94.2885481,46.520122300000004 +28368,Totem Pole,-94.28918920000001,46.520567400000004 +28369,Martin's Sports Shop,-94.28901540000001,46.520181400000006 +28370,Ganley's,-94.28850080000001,46.5195524 +28371,Nisswa Smiles,-94.28912580000001,46.5204735 +28372,Black Ridge Bank,-94.2882094,46.520790700000006 +28373,TrailBrazer Bikes,-94.28771180000001,46.5191091 +28374,Loide Oils & Vinegar,-94.2897547,46.521387600000004 +28375,Zaiser's,-94.28853930000001,46.520049400000005 +28376,Rafferty's,-94.28905590000001,46.5202534 +28377,Meg's Cabin,-94.28971320000001,46.521290300000004 +28378,Grandma's Treat Jar,-94.288257,46.5194636 +28379,Blue Paisley,-94.28954990000001,46.5211813 +28380,Lazy One Etc,-94.2886072,46.520437 +28381,Nissiwa Insurance,-94.28767300000001,46.5190731 +28382,Lundrigans Clothing,-94.28948410000001,46.521080700000006 +28383,Town And Lake,-94.28851900000001,46.5199255 +28384,Ardor Boutique,-94.2892403,46.520715 +28385,The Dock Panther,-94.2881797,46.519560600000005 +28386,The Purple Squirrel,-94.2886089,46.520376600000006 +28387,Turtle Town,-94.2892087,46.520658000000005 +28388,Fish Tales,-94.2893446,46.5214433 +28389,Nisswa Police Department,-94.2883379,46.5223941 +28390,Aki's Bread Haus,-93.2475993,45.0135911 +28391,The Freehouse,-93.27734170000001,44.987664800000005 +28392,CoCo Northeast,-93.24890260000001,45.002448900000005 +28393,Caffetto,-93.288555,44.961041200000004 +28394,Lost Fox,-93.0870098,44.948296500000005 +28395,Bedlam Theatre,-93.0870371,44.94834 +28396,Lower Lake,-93.55327980000001,44.926330300000004 +28397,DGPilot,-93.09658850000001,44.946476100000005 +28398,Pizza Hut,-91.6830108,47.025854100000004 +28399,Subway,-92.21820100000001,46.727338100000004 +28400,Subway,-92.45613580000001,46.700929200000004 +28401,Subway,-92.8696458,46.124672000000004 +28402,Shenanigans,-93.1262159,44.738370700000004 +28403,Crystal Bay,-93.59738490000001,44.9470746 +28404,Subway,-93.0455623,44.8173599 +28405,Subway,-92.98899730000001,45.510451 +28406,Subway,-92.4882592,43.8550989 +28407,Subway,-93.03374760000001,44.7807061 +28408,Subway,-92.4602485,43.9863742 +28409,Kwik Trip,-92.2677706,44.4497562 +28410,Subway,-92.5419275,44.563391 +28411,Kwik Trip,-92.5415025,44.5629191 +28412,Garvin Heights Park Scenic Lookout,-91.6515062,44.0346678 +28413,Afrik Grocery,-93.24706690000001,44.967240600000004 +28414,Woodbury Fire Station,-92.93473800000001,44.918724000000005 +28415,Little Newtons,-93.40003680000001,45.1888226 +28416,Green Mill,-93.15982140000001,45.1642686 +28417,Loring Kitchen and Bar,-93.28163210000001,44.9696407 +28418,Green Mill,-93.29607030000001,44.8327498 +28419,Green Mill,-94.4381901,44.2918376 +28420,Green Mill,-92.98397680000001,44.946844600000006 +28421,Green Mill,-91.6199067,44.026750500000006 +28422,Kwik Trip,-91.62136890000001,44.0284318 +28423,"Country Inn & Suites by Radisson, Woodbury, MN",-92.9842594,44.947539500000005 +28424,"Graham Accounting & Business Services, LLC",-92.4498458,46.7215165 +28425,Shell,-93.38255930000001,44.8075581 +28426,Thunderbird Commodities Inc.,-95.96689660000001,47.3192037 +28427,Culberts Cafe,-92.44993240000001,46.7215216 +28428,Twin Lakes Transport Inc.,-95.96687390000001,47.319077300000004 +28429,Caffe Biaggio,-93.1967089,44.963346400000006 +28430,Kongsvinger Lutheran Cemetery,-97.06285510000001,48.106256200000004 +28431,DART STORAGE,-93.070329,44.931292400000004 +28432,Kwik Trip,-92.48626130000001,44.0042003 +28433,Wildwood Sports Bar & Grill,-92.4850337,44.003248600000006 +28434,Kwik Trip,-92.4865778,44.0039687 +28435,Bookvar Russian Language School,-93.36297090000001,44.972043400000004 +28436,Engineering Design & Surveying,-93.36310420000001,44.9720463 +28437,Mpls Stp Clothing Co.,-93.242793,44.989482900000006 +28438,Sweatshop Health Club,-93.16723440000001,44.9463322 +28439,Play It Again Sports,-93.1672561,44.9458842 +28440,Up Six Vintage,-93.1672642,44.946108300000006 +28441,Jeff's Little Store,-92.3511562,43.9437171 +28442,Istanbul Bar and Grill,-93.2717978,44.9837798 +28443,Chaddock Auto,-92.33004030000001,44.0023731 +28444,Redeemer Lutheran Preschool,-95.0473195,45.1076477 +28445,Sioux Hustler Trail,-92.19014840000001,48.141304100000006 +28446,Carris Health - Lakeland Clinic,-95.04546160000001,45.1191583 +28447,Hope Pregnancy Center,-95.0237067,45.1100799 +28448,Mill's Auto Center,-95.0445055,45.0862661 +28449,Kandiyohi County Economic Development Commission,-95.0169697,45.1255006 +28450,Ruff's Sports Bar,-95.0149119,45.1239027 +28451,Thrifty White Pharmacy,-95.0433187,45.0999172 +28452,Mississippi River Headwaters,-95.20780740000001,47.239881800000006 +28453,West Central Sanitation,-95.04160390000001,45.0836588 +28454,Auto Body Shop of Minneapolis,-93.2686896,45.108696200000004 +28455,Walt's,-95.04334800000001,45.111175900000006 +28456,Advance Auto Parts,-95.04307370000001,45.1148127 +28457,Wuollet Bakery & Coffee,-93.29048300000001,44.948512 +28458,Google,-94.0193691,46.6187259 +28459,La Quinta Inn & Suites,-92.4626142,43.960181500000004 +28460,Zoho,-94.0185299,46.618796700000004 +28461,Fedex Ground,-95.0672576,45.1168877 +28462,Bethesda Pleasantview Nursing Home,-95.03133170000001,45.111212800000004 +28463,Kandiyohi County Household Hazardous Waste,-95.07370750000001,45.1074806 +28464,Willmar Pet Hospital,-95.0708833,45.115093800000004 +28465,Butcher & the Boar,-93.279864,44.9748181 +28466,Caribou Coffee,-93.32133180000001,44.947521800000004 +28467,Caribou Coffee,-92.48360070000001,44.029229400000006 +28468,The Bulldog Downtown,-93.2794949,44.9749762 +28469,Domino's,-93.27963510000001,44.9749185 +28470,CVS Pharmacy,-93.2793455,44.975376000000004 +28471,That Blue Uphill Jump,-93.19975400000001,44.7782901 +28472,Crosspoint Alliance Church,-95.560427,46.5993943 +28473,Goodyear Tire & Complete Service,-92.46268400000001,44.023834300000004 +28474,Blueberry Hill,-95.46788690000001,46.5718909 +28475,Arvig Park,-95.57203170000001,46.604008900000004 +28476,Eyota Mini Storage,-92.2386221,43.9835361 +28477,DeMars Signs,-93.27811100000001,45.1378311 +28478,Kwik Trip (trucks),-92.24762410000001,43.9977528 +28479,West Side Park Disc Golf Course,-92.2381019,43.9848021 +28480,Burt's Hometown Pizza and Grill,-92.2289016,43.988299100000006 +28481,Simply Stylin' Hair Studio,-92.2294318,43.9880666 +28482,Rolling Hills Transit - Eyota,-92.2294543,43.988698500000005 +28483,Burt's Meats,-92.22895000000001,43.9880076 +28484,Chicago & Northwestern Railroad Caboose,-92.22871400000001,43.988546 +28485,D&A Laundromat,-92.22969140000001,43.9884642 +28486,Cooks of Crocus Hill,-93.3300078,44.9123825 +28487,Wooden Model Train,-92.2326649,43.9891172 +28488,Petit Music,-92.2307337,43.988602 +28489,Pepsi,-92.2291002,43.988065500000005 +28490,Jem's Confections,-92.229009,43.9881504 +28491,FinishLine Automotive Repair,-92.23033570000001,43.9861298 +28492,Midway Auto Sales,-92.2301748,43.986234100000004 +28493,Sinkhole,-92.01663260000001,43.5623297 +28494,Roseau County Courthouse,-95.7671363,48.8392701 +28495,Edina Eye Clinic,-93.3304523,44.9120283 +28496,Lush,-93.32982720000001,44.912425500000005 +28497,Sur la table,-93.3292629,44.912381200000006 +28498,Arrow Auto Glass,-92.5375442,47.5241988 +28499,Tobacco Shop,-93.15997130000001,44.953215300000004 +28500,Grande's Ace Hardware,-92.53350200000001,47.523062 +28501,Northwoods Music,-92.53506700000001,47.523715 +28502,Quiet Waters Acupuncture,-90.36164570000001,47.749134600000005 +28503,Westside Services,-95.57965300000001,46.597904400000004 +28504,HyVee Gas,-92.4683772,44.061001700000006 +28505,Cardinal,-92.97923940000001,44.7532778 +28506,ITOW Veterans Museum,-95.58163780000001,46.5988775 +28507,goldfinch,-92.9787136,44.753688800000006 +28508,bluebird,-92.97862090000001,44.753014300000004 +28509,Big Pine Lake Public Access,-95.5217602,46.616399300000005 +28510,chickadee,-92.9780377,44.7526723 +28511,oriole,-92.977534,44.7531241 +28512,osprey,-92.9774714,44.753989700000005 +28513,Cenex Convienence Store,-95.57549560000001,46.5788096 +28514,hawk,-92.97751190000001,44.7551038 +28515,eagle,-92.9783955,44.7554238 +28516,United Community Bank,-95.5756109,46.5955269 +28517,owl,-92.97871810000001,44.7548842 +28518,Perham BP,-95.57643970000001,46.5965074 +28519,Captain Black's Cabin,-95.2009783,46.453464800000006 +28520,City of Perham Chamber of Commerce,-95.5716386,46.593825700000004 +28521,Blacks Grove Parking Lot,-95.19939040000001,46.4533022 +28522,Blacks Grove,-95.20000200000001,46.453213500000004 +28523,Deans Country Market,-95.57267390000001,46.585247200000005 +28524,Perham Post Office,-95.57477680000001,46.5955564 +28525,Screamin Eagles RC Field,-95.62269760000001,46.6285795 +28526,The Brew,-95.57241370000001,46.593718800000005 +28527,Main Street Express,-95.57118530000001,46.593536400000005 +28528,Big Pine Lake Public Lake Access Parking,-95.52097160000001,46.6158097 +28529,Scenic State Park,-93.56975320000001,47.711865100000004 +28530,Scenic State Park,-93.56965810000001,47.7133254 +28531,Caretakers house - soon to be demolished,-92.538859,44.1685413 +28532,Clark 9370,-92.9195895,47.400893200000006 +28533,Salvation Army,-92.50721490000001,44.073958600000005 +28534,Eastside,-93.2639546,44.9797242 +28535,Hy-Vee,-92.5266636,44.065857300000005 +28536,Wahlburgers,-92.52629060000001,44.0654127 +28537,Hy-Vee Gas,-92.52478860000001,44.0683141 +28538,Starbucks,-92.5263049,44.0656295 +28539,Chipotle,-93.4825038,45.0205708 +28540,Starbucks,-93.4932701,45.0196892 +28541,Subway,-93.4914607,45.0200456 +28542,Noodles & Company,-93.4822323,45.020569300000005 +28543,Potbelly,-93.4829833,45.018239300000005 +28544,Caribou Coffee,-93.48019350000001,45.020329000000004 +28545,Caribou Coffee,-92.51704430000001,44.0441026 +28546,Buffalo Wild Wings,-93.48464220000001,45.020775300000004 +28547,Dunn Bros Coffee,-93.4825637,45.0161651 +28548,Dreamers Vault Games,-93.21647100000001,44.9182332 +28549,Tower Games,-93.2781782,44.931652500000006 +28550,Universe Games,-93.28890700000001,44.9482195 +28551,Einstein Bros. Bagels,-92.5169024,44.044216600000006 +28552,Caribou Coffee,-93.57870460000001,44.988153100000005 +28553,Subway,-93.5714385,44.985590200000004 +28554,Jimmy John's,-93.4813233,45.021792000000005 +28555,Kaposia Convenience Center,-93.04971370000001,44.889124 +28556,Lettermen Sports,-93.4784364,45.024832200000006 +28557,Dreamer's Vault Games,-93.04934100000001,44.888706000000006 +28558,Caribou Coffee,-93.4287985,44.7064681 +28559,Dreamers Vault Games,-93.3940939,45.1639746 +28560,Paper Source,-93.2985316,44.946788500000004 +28561,Aerovent,-93.4145306,45.0616258 +28562,Aircraft Viewing Area,-93.2287857,44.882074700000004 +28563,Speedway,-93.10212990000001,44.9283785 +28564,Karlstad Golf Club,-96.5135719,48.584811800000004 +28565,Karlstad Water Tower,-96.5201842,48.580690600000004 +28566,Karlstad Pavilion,-96.5221188,48.575984500000004 +28567,Co-op Creamery Café,-93.2343496,44.9626236 +28568,Kittson Memorial Clinic,-96.5226985,48.575670300000006 +28569,Thrifty White Pharmacy,-96.52171440000001,48.578854400000004 +28570,Outpost 2000 & Beyond,-93.2799408,45.176236700000004 +28571,Starbucks,-93.3306675,44.912131300000006 +28572,Phoenix Games,-93.24088950000001,45.081237400000006 +28573,Lock and Dam,-92.8523419,44.7445235 +28574,Tom's Downtown Bicycles,-93.15985900000001,44.4566299 +28575,Bursch Travel,-93.1596164,44.456985800000005 +28576,Meyer Company,-92.8517363,44.7445394 +28577,Tandem Bagels,-93.15972590000001,44.4567825 +28578,Chanhassen Groomers,-93.53200700000001,44.860170100000005 +28579,Shopko,-92.75004270000001,44.0263247 +28580,Chanhassen Vetrinary Clinic,-93.53183410000001,44.8601711 +28581,Boston Market,-93.2891709,44.8626383 +28582,Einstein Bros. Bagels,-93.2890813,44.8627575 +28583,Dresbach Island,-91.3323112,43.8891701 +28584,Franklin Market,-93.2524884,44.9626053 +28585,Pedestrian Tunnel,-93.2589509,44.9679975 +28586,Fabulous Restaurant & Coffee,-93.25262120000001,44.9553632 +28587,Evangelical Free Church of Bemidji,-94.8653354,47.4398099 +28588,Domino's,-93.36272260000001,44.8748007 +28589,Dill or No Dill,-93.363082,44.8759468 +28590,Mathnasium,-93.362953,44.8744985 +28591,ESSE Driving School,-93.36271450000001,44.8747532 +28592,Edina Market,-93.3627572,44.874494600000006 +28593,Little Pete's,-93.3624597,44.875348100000004 +28594,TJ's of Edina,-93.36252680000001,44.8744948 +28595,Imperial House,-93.3627306,44.8749528 +28596,Focus Karate,-93.36256700000001,44.8753577 +28597,Biryani,-93.36272260000001,44.8748634 +28598,Cahill,-93.3634047,44.8764194 +28599,Cahill Settlement Monument,-93.3635656,44.876331900000004 +28600,Joe's Auto Care,-91.6707691,44.045910500000005 +28601,Chester Berg Toyota,-94.8896953,47.4917299 +28602,TruStar Federal Credit Union,-94.8929956,47.4905788 +28603,Holiday,-92.9855845,45.0062942 +28604,Bill's Imported Foods,-93.2892116,44.9482141 +28605,Bethlehem Child Care Center,-93.21100510000001,44.945458300000006 +28606,Ibsen Monument,-93.14615280000001,44.979807300000004 +28607,Bemidji Chrysler Center/Honda of Bemidji,-94.8914785,47.4913084 +28608,Mannheimer Memorial,-93.1464552,44.980215300000005 +28609,Schooner Tavern,-93.23298050000001,44.9500545 +28610,Pete's Place West,-94.9816569,47.513395200000005 +28611,Bemidji Seventh-day Adventist Church,-94.9693616,47.511900600000004 +28612,Countryside Restaurant,-94.98231580000001,47.5136783 +28613,Saint Philip's Catholic Church,-94.88062620000001,47.4748286 +28614,Deerwood Bank,-94.89998270000001,47.4921828 +28615,Big Winnie RV Park / Campground,-94.2084519,47.3461817 +28616,Milaca Motors,-93.6522161,45.7846108 +28617,Town Talk Diner & Gastropub,-93.2327138,44.948210800000005 +28618,Arby's,-93.87741770000001,45.1837573 +28619,Coborn's Pharmacy,-93.4687627,45.2349411 +28620,McDonald's,-93.8715171,45.178913900000005 +28621,Grandma's Saloon & Grill,-92.5515139,47.5121115 +28622,Cenex,-93.8690162,45.177848600000004 +28623,Perkins,-93.8768831,45.180488000000004 +28624,Alfresco Casual Living,-92.80500090000001,45.0544178 +28625,Valley Bookseller,-92.8062862,45.057542700000006 +28626,Cooks of Crocus Hill,-92.80531780000001,45.054253700000004 +28627,Darn Knit Anyway,-92.80418420000001,45.0537946 +28628,Dock Cafe,-92.80344050000001,45.054439200000004 +28629,Lora Hotel,-92.8052172,45.0540723 +28630,Stillwater Farm Store,-92.8047509,45.0542103 +28631,Little Free Library,-93.11535110000001,44.9466685 +28632,The Freight House,-92.8047167,45.0553511 +28633,Tin Bins,-92.8042898,45.054321 +28634,Rail River Folk School,-94.8834152,47.4673795 +28635,Old Rooster Antique,-92.4627679,44.024703200000005 +28636,371 Cafe,-94.61159640000001,47.378439 +28637,Suk Law Firm,-92.4627356,44.023648400000006 +28638,O'Reilly Auto Parts,-94.6179111,47.3820889 +28639,Public Water Access,-94.5968606,47.0088421 +28640,Cass Lake Mini Mart,-94.6117646,47.3795135 +28641,Public Water Access,-94.7893447,47.525459600000005 +28642,Saint Genevieve,-93.2906569,44.912101 +28643,Public Water Access,-94.21853630000001,47.247202300000005 +28644,Public Water Access,-94.57299950000001,47.1015105 +28645,Public Water Access,-94.6214702,47.1347857 +28646,Public Water Access,-94.62914540000001,47.271751300000005 +28647,Applewood Pointe of Shoreview,-93.12114740000001,45.0860027 +28648,Moto-i,-93.288398,44.948677700000005 +28649,Fika,-93.2660015,44.9547083 +28650,Pajarito,-93.329757,44.912686 +28651,Szechuan Spice,-93.28834210000001,44.947702500000005 +28652,EastLake Brewery & Tavern,-93.2604553,44.9485479 +28653,Turtle Lake County Park,-93.1295276,45.092520500000006 +28654,Lee's Championship Tae Kwon Do Academy,-93.1462317,45.0810003 +28655,Church of St. Charles Borromeo,-93.225808,45.0185473 +28656,Balzer,-94.912211,43.9424257 +28657,Elmwood Evangelical Free Church,-93.2105075,45.034493600000005 +28658,Public Water Access,-94.59017820000001,47.381078200000005 +28659,Mountain Lake Public Library,-94.9292272,43.940070000000006 +28660,King Eggroll,-94.92888930000001,43.9391654 +28661,Green Door Vintage,-94.9295101,43.938992400000004 +28662,Sweet Fields,-94.92973160000001,43.9389097 +28663,Bargen Inc.,-94.91866560000001,43.947580800000004 +28664,Care and Share,-94.92964620000001,43.9387443 +28665,Mountain Power Hydraulics,-94.9183388,43.9334141 +28666,Jubilee Fruits and Vegetables,-94.9222359,43.9344045 +28667,Hook Agency,-93.29152210000001,44.9524063 +28668,Double Tree,-94.86605660000001,47.463763300000004 +28669,Maytag Laundry,-94.87209220000001,47.4642332 +28670,Del Sol Tanning,-94.8720126,47.4643169 +28671,Ace Hardware,-94.87150650000001,47.4641698 +28672,Public Water Access,-93.55806390000001,45.2897145 +28673,Cenex,-94.4032507,46.717463900000006 +28674,Seminary Library,-93.1626904,45.0604712 +28675,Dining Center,-93.1627086,45.058527000000005 +28676,Brushbur Commons,-93.16232190000001,45.0584384 +28677,AC,-93.1623713,45.057685600000006 +28678,CC,-93.1617597,45.057714000000004 +28679,Seminary Hill,-93.1648952,45.0610013 +28680,Dicks Northside Petrol,-94.88016400000001,47.4905394 +28681,ARCC Thrift Store,-94.7244232,47.002087100000004 +28682,Holiday,-94.4015998,46.716516500000004 +28683,Paul Bunyan Statue,-94.7305862,47.003341500000005 +28684,Houston Ford,-94.38963500000001,46.7096796 +28685,Hobby Lobby,-94.9013664,47.4946526 +28686,One On One Bicycle Studio,-93.2156782,44.921731900000005 +28687,JCPenney,-94.89989150000001,47.495026200000005 +28688,JOANN Fabrics and Crafts,-94.8986314,47.4949656 +28689,Barnes & Noble,-93.42619850000001,44.8542852 +28690,Walnut Grove Tap,-95.6339542,44.2830851 +28691,JCPenney,-93.42354160000001,44.855433100000006 +28692,Kohl's,-93.4236752,44.853538400000005 +28693,Panera Bread,-93.4266781,44.8549817 +28694,Scheels,-93.42570330000001,44.8533768 +28695,Target,-93.42576620000001,44.8554108 +28696,Matt's Laundromat,-94.2112625,46.985992 +28697,Von Maur,-93.4233215,44.854318600000006 +28698,Boondocks,-94.212055,46.9865234 +28699,BP,-94.5800574,47.1020303 +28700,Department of Motor Vehicles,-94.5783808,47.1014039 +28701,BP,-94.5419765,47.0543052 +28702,502 Bar,-94.58350920000001,47.103587100000006 +28703,Lori's Luvs Hallmark,-94.2112683,46.9861948 +28704,Shriver's Bait,-94.58463920000001,47.1015096 +28705,Frosty's,-94.2115394,46.9862127 +28706,Shear Image,-94.58270800000001,47.1025313 +28707,Birdies,-94.21453580000001,46.987318300000005 +28708,Wayzata Community Sailing Center,-93.50384410000001,44.966143 +28709,True North Counseling & Consulting,-94.24539560000001,46.3459933 +28710,Web Design in Minneapolis,-93.27177350000001,44.9884124 +28711,Burr Junction,-96.3215576,44.7331439 +28712,Harmony Park,-93.2802312,43.7865485 +28713,"T. A. Schifsky & Sons, Inc.",-92.88294330000001,45.0367873 +28714,Rejewel,-93.08873270000001,44.9475897 +28715,cartiva,-92.8828972,45.0364749 +28716,Anderson Lab,-92.0864327,46.817034400000004 +28717,Dawson Tap,-96.0627913,44.9359094 +28718,Washburn McCreavy,-93.24689740000001,45.0170472 +28719,Bruegger's Bagels,-93.32926660000001,44.9220223 +28720,Salons by JC,-93.3500247,45.2011577 +28721,Gear Running,-93.3292586,44.9221913 +28722,R-U Wireless,-92.76079580000001,46.4537813 +28723,Dick's Sports Barbers,-93.32925990000001,44.9221458 +28724,Clyde Iron Works,-92.13361350000001,46.758523600000004 +28725,Volstead's Emporium,-93.28872940000001,44.9480206 +28726,GroupLens Research,-93.2325514,44.9742357 +28727,St. John the Baptist,-96.71818,48.354677900000006 +28728,Saterdal Lutheran Church,-96.10829050000001,48.2229423 +28729,MNDoT,-93.0780227,44.571214100000006 +28730,Bethlehem Lutheran Church,-96.04195250000001,48.1796877 +28731,Bethlehem Lutheran Church,-96.324898,48.2626416 +28732,Silver Creek Lutheran Church,-96.1082832,48.203100600000006 +28733,US Duhoc,-93.1877075,44.9552035 +28734,Bethania Lutheran Free Church,-96.4695659,48.3673024 +28735,Grillin Meats,-94.5252423,45.6700023 +28736,ChargePoint,-93.08459,44.9569722 +28737,Rindal Scandinavian Lutheran Church,-96.28364400000001,48.2192298 +28738,ChargePoint,-93.08455830000001,44.9569728 +28739,Bakke Church,-95.8267429,46.905806600000005 +28740,WMA Parking,-95.9580296,47.0210273 +28741,Lund Church,-95.8043167,46.937840800000004 +28742,WMA parking,-95.94926410000001,47.0210492 +28743,St. Petri Lutheran Church,-95.6907022,48.314474800000006 +28744,GoodThings,-93.14596420000001,44.939893000000005 +28745,The Original Pancake House,-93.5027493,44.9943577 +28746,Tibet Corner,-93.41032080000001,44.9242385 +28747,Albert Pike Masonic Center,-93.411911,44.924549600000006 +28748,Braces,-93.4167982,44.9534097 +28749,Bloomgren Hanson Legal,-93.4118098,44.9244956 +28750,Lodestone Coffee and Games,-93.41641630000001,44.953514500000004 +28751,Cedar Hills Dental,-93.41631450000001,44.9535424 +28752,State Farm,-93.41692060000001,44.9533762 +28753,The Glen Chiropractic,-93.4167299,44.9534285 +28754,Cedar Nails,-93.41796330000001,44.9531116 +28755,XSports,-93.41701040000001,44.953351500000004 +28756,6 Figure Fitness,-93.41812390000001,44.953067600000004 +28757,Cocoa Loco Burgers & Shakes,-93.4178114,44.9531532 +28758,Edward Jones Investments,-93.4166991,44.9534369 +28759,Wang's Restaurant,-93.4185434,44.9512797 +28760,Health Foot Spa,-93.41697690000001,44.953360700000005 +28761,Lone Spur Grill & Bar,-93.4172824,44.953276900000006 +28762,Yard House,-93.34899890000001,44.9665611 +28763,Air Traffic,-93.43826200000001,45.0926805 +28764,Claire's,-93.4385798,45.092684000000006 +28765,Oreck,-93.43869720000001,45.0929948 +28766,Maple Grove Smiles Dentistry,-93.44248920000001,45.0943016 +28767,Naf Naf Grill,-93.44248920000001,45.0942202 +28768,Pac Sun,-93.43844200000001,45.0926825 +28769,Panda Express,-93.4424812,45.0944019 +28770,Savvi Formalwear,-93.43862870000001,45.092684600000005 +28771,The Gold Guys,-93.4385326,45.0926835 +28772,Kwik Trip,-92.96390360000001,44.9970153 +28773,Soldiers and Sailors Monument,-92.1061188,46.7832236 +28774,Wheeler Athletic Complex,-92.148375,46.7572471 +28775,Park Rapids City Hall,-95.06105600000001,46.9209381 +28776,Holiday,-92.96508440000001,44.9970439 +28777,Oakdale Fire Dept,-92.9721708,44.9701746 +28778,Fleet Farm GasMart,-92.97222310000001,45.0281533 +28779,Speedway,-92.95207350000001,44.9639034 +28780,Hy-Vee Gas,-92.9627777,44.9636958 +28781,Caribou Coffee,-92.98434800000001,45.020723200000006 +28782,Richard Walton Park,-92.9667581,44.9715408 +28783,Washington County Library,-92.9487819,44.9640526 +28784,Taco John's,-92.98165510000001,44.9634681 +28785,Starbucks,-92.96280990000001,44.9636465 +28786,Tartan High School,-92.9716987,44.9603404 +28787,Oakdale Elementary,-92.9784139,44.960416300000006 +28788,Dan Kelly's Pub,-93.2689117,44.975656 +28789,Karta Thai,-93.2471206,45.012642500000005 +28790,Atena Beauty Salon,-93.24712910000001,45.0127852 +28791,Paolita's Sur Envios,-93.2471292,45.01272 +28792,Panadería Ecuatoriana,-93.2471206,45.012581000000004 +28793,Adelita's Mexican Restaurant,-93.2471206,45.012426500000004 +28794,Jackson Hewitt,-93.2471137,45.0122973 +28795,McDonald's,-93.0086108,45.336044300000005 +28796,Trail Head,-90.0557618,48.0542923 +28797,The Villa at Osseo,-93.3956179,45.1145464 +28798,JNC Steak & Seafood,-93.1044234,44.9928814 +28799,Chiropractor,-93.1044277,44.9925839 +28800,K-Clips,-93.1044351,44.9926273 +28801,Trail Head,-90.82532450000001,48.091965900000005 +28802,Best Of India,-93.38290810000001,44.9497591 +28803,Ax-Man,-93.38318310000001,44.9497524 +28804,Magnetic Rock,-90.8006086,48.0992327 +28805,#11,-92.8353903,47.9805933 +28806,#12,-92.8320858,47.97927180000001 +28807,#12,-92.8320858,47.97927180000001 +28808,#10,-92.8389094,47.980492700000006 +28809,#9,-92.84824350000001,47.985706400000005 +28810,#8,-92.8461164,47.9876195 +28811,#7,-92.8477285,47.9929156 +28812,#6,-92.8438232,47.992800700000004 +28813,Alma Baptist Church,-96.65594460000001,48.3112276 +28814,#5,-92.84193490000001,47.9885643 +28815,Alma Lutheran Church,-96.6554957,48.3119336 +28816,#4,-92.84041140000001,47.988463800000005 +28817,#3,-92.8378794,47.990144 +28818,#2,-92.83466080000001,47.991695 +28819,#1,-92.83203630000001,47.992356300000004 +28820,WPA Work Camp No 1,-93.1737238,44.869979 +28821,Neatoscan,-93.0988566,45.039887900000004 +28822,Planet Thrift,-93.0985522,45.0398779 +28823,Twisted Hare Salon and Spa,-93.27780820000001,44.9157929 +28824,"VOGT Heating, Air Conditioning & Plumbing",-93.4784719,44.9210951 +28825,Rock Bottom Brewery,-93.27657640000001,44.9763819 +28826,Hoovie's Popcorn Wagon,-92.0921132,46.780373100000006 +28827,Anderson/Bagaas Burial,-96.72060400000001,48.4430216 +28828,Redeemer Lutheran Church,-93.5232503,44.9757625 +28829,Assumption Catholic Church of Florian,-96.6272871,48.4424214 +28830,"Air Mechanical, Inc.",-93.23221330000001,45.2683327 +28831,Redeemer Lutheran School,-93.52335260000001,44.9765164 +28832,Shakopee Dakota Convenience Store,-93.46885180000001,44.7317751 +28833,Dogwood Coffee,-93.195335,44.9648016 +28834,Playworks,-93.4769742,44.7251605 +28835,Dakotah Meadows RV Park Self Serve Station,-93.47354630000001,44.7256616 +28836,Artist Point,-90.3296007,47.745244500000005 +28837,RecPark Office,-90.343919,47.748239500000004 +28838,Highlander: The Shop At Macalester,-93.166796,44.940545400000005 +28839,Snelling Avenue,-93.1670158,44.955687000000005 +28840,Bob Boldt HVAC,-93.1270617,44.800456000000004 +28841,First Lutheran Church,-95.5946904,43.6218062 +28842,Nobles County Library,-95.5956292,43.621930500000005 +28843,Worthington City Hall,-95.59806470000001,43.618769300000004 +28844,Sherwin-Williams,-93.16676120000001,44.9391709 +28845,Historic Dayton House,-95.59389030000001,43.623156800000004 +28846,Jimmy John's,-93.1660772,44.943535600000004 +28847,Works Progress Administration Historic Bandshell,-95.6067859,43.620184800000004 +28848,Love Inc. of Worthington,-95.5998933,43.614927200000004 +28849,Express Payday Loans,-93.06801030000001,44.961095 +28850,Wendy's,-93.376074,45.083230900000004 +28851,Tiffany Bay,-92.0238741,48.283238600000004 +28852,Games by James,-93.2407441,44.854592200000006 +28853,Games by James,-93.28969620000001,44.744258300000006 +28854,Games by James,-93.1727505,45.0133438 +28855,Games by James,-93.3248155,44.8813113 +28856,US Grocery & Tobacco,-93.38621040000001,44.9340187 +28857,Ultra Wash Coin Laundry,-93.3859889,44.934011700000006 +28858,Monello,-93.2729082,44.9713361 +28859,Rogers Printing Service,-93.0677938,44.9608301 +28860,Westwood Intermediate School,-93.2549673,45.1383408 +28861,East Side Community Radio,-93.0677311,44.9608556 +28862,Blaine Police Department,-93.20804840000001,45.1664638 +28863,Gabe's Rinkside Bar and Grill,-93.24027790000001,45.136892700000004 +28864,Tramaites & Mas...,-93.0676576,44.960886 +28865,Blaine City Hall,-93.2083623,45.1658172 +28866,The Wilds,-93.457487,44.7368609 +28867,Airport Park,-93.2163898,45.1583306 +28868,Blaine Soccer Complex,-93.2190612,45.159768 +28869,Cole's Salon,-93.3824034,44.7477083 +28870,Starbucks,-93.3789959,44.7506099 +28871,Lee Ann Chin's,-93.38078870000001,44.747689300000005 +28872,Caribou Coffee,-93.378893,44.745181900000006 +28873,Pilgrim Cleaners,-93.3538164,44.746226300000004 +28874,Subway,-93.3298286,44.7459968 +28875,Dunn Brothers,-93.3534784,44.746211 +28876,Anytime Fitness,-93.34999160000001,44.745811 +28877,Von Hanson's,-93.3341195,44.745914400000004 +28878,Bruegger's Bagels,-93.3002273,44.7457529 +28879,Klein Bank,-93.3328039,44.7473906 +28880,The Church of Jesus Christ of Latter-day Saints,-92.76686120000001,44.038355 +28881,The Church of Jesus Christ of Latter-day Saints,-92.52142640000001,44.541318800000006 +28882,Finer Meat Co,-93.27773570000001,44.9343699 +28883,Kyatchi,-93.27815410000001,44.9343432 +28884,Nighthawks Diner & Bar,-93.2777303,44.934242600000005 +28885,Highcroft,-93.50933500000001,44.968431700000004 +28886,Cyber Optics,-93.35487490000001,44.9735013 +28887,The Muni,-93.50878940000001,44.969409500000005 +28888,Wayzata Wine & Spirits,-93.5091539,44.969495900000005 +28889,Auto Shop,-93.36359080000001,44.9737227 +28890,ConvergeOne,-93.35582050000001,44.9734166 +28891,Prism Thrift Shop,-93.3631553,44.973804300000005 +28892,Taiyo,-93.35612,44.9734247 +28893,StarchTech,-93.3631515,44.9741268 +28894,Virteva,-93.3574473,44.9734787 +28895,Import Auto Sales,-93.3577243,44.969363 +28896,Success Computer Consulting,-93.3575952,44.973477800000005 +28897,Stahl,-93.3521522,44.969144400000005 +28898,Integra,-93.3582088,44.9734739 +28899,Surge Cycling,-93.35158240000001,44.9691337 +28900,CarX,-93.3693822,44.9722796 +28901,"TSI Inc., Transmission Shop",-93.3694078,44.971909600000004 +28902,ACME TOOLS,-93.45441930000001,45.031922400000006 +28903,Artisan Dental,-93.45522700000001,45.028718500000004 +28904,Electric Craftsman,-93.41830110000001,44.9241277 +28905,Bruegger's Bagels,-93.45584640000001,45.028719300000006 +28906,DQ Grill & Chill,-93.4548285,45.0286009 +28907,Italian Tan,-93.4556386,45.0287191 +28908,Seasonal Concepts,-93.454474,45.031325100000004 +28909,Subway,-93.455078,45.0286994 +28910,Sartell Tax Service,-94.2045621,45.617518100000005 +28911,Volume Salon,-93.4553046,45.028718600000005 +28912,Sanctuary Restaurant,-93.25587150000001,44.976321500000005 +28913,Cupid Nails,-93.35148810000001,44.9692157 +28914,Urban Sub,-93.35138810000001,44.96947 +28915,Sunfish Lake Park,-93.4280006,45.2358904 +28916,Yangtze Chinese Restaurant,-93.3514892,44.969540800000004 +28917,Solstice Park,-93.4045416,45.2372074 +28918,112 Eatery,-93.27174140000001,44.982545800000004 +28919,Grand and Excelsior,-93.34057250000001,44.9338428 +28920,Rock Bottom Restaurant & Brewery,-93.21086790000001,44.8846616 +28921,McDonald's,-93.2103677,44.885010400000006 +28922,Max's,-93.340523,44.933763000000006 +28923,Loring Park Essentials,-93.2106375,44.884887600000006 +28924,Fit Club for Women,-93.340462,44.933664400000005 +28925,Spoon and Stable,-93.26950020000001,44.985494200000005 +28926,Wink Family Eye Care,-93.3404412,44.9336308 +28927,Ocean Spa & Nails,-93.34042050000001,44.9335973 +28928,Twin Cities Diagnostic Center,-93.3769389,44.971780200000005 +28929,Tillverkare,-93.3384461,44.9340084 +28930,Xfinity,-93.33863790000001,44.9339511 +28931,Bank of America,-93.3388458,44.9338889 +28932,Pinot's Pallette,-93.3406587,44.9333253 +28933,Highest elevation in park,-95.50323870000001,45.534214500000004 +28934,T-Mobile,-93.34085180000001,44.933265600000006 +28935,KinderCare Learning Centers,-93.3415032,44.9330676 +28936,Police Substation,-93.3410681,44.9338795 +28937,Kettle Lake,-95.50006640000001,45.526754700000005 +28938,The UPS Store,-93.2980419,44.952151400000005 +28939,Zion Lutheran Church,-96.41081360000001,48.5300768 +28940,Dollar Tree,-92.986782,45.0513174 +28941,Fire Station 2,-92.43210900000001,44.046002 +28942,White Bear Health Mart Pharmacy,-93.01563150000001,45.049767 +28943,Five Guys,-93.414292,44.775938100000005 +28944,Maintenance Gate 1,-93.39584760000001,44.9720978 +28945,Erbert & Gerbert's,-93.4350239,44.8510471 +28946,Cleaners,-93.43406780000001,44.854772600000004 +28947,Games Workshop,-93.43417330000001,44.851176300000006 +28948,The Hair District,-93.43502360000001,44.851114200000005 +28949,Kyoto Suchi,-93.4336469,44.854736700000004 +28950,Device Pitstop,-93.4339999,44.8547735 +28951,Massage Retreat & Spa,-93.4338249,44.8547345 +28952,GameStop,-93.43414170000001,44.8547717 +28953,Orangetheory Fitness,-93.43444530000001,44.8547701 +28954,Sherwin-Williams,-93.4334015,44.854739800000004 +28955,Seven Spokes Bike Shop,-93.1871447,44.910128500000006 +28956,Solana Nail Spa,-93.4342127,44.854770800000004 +28957,Tatoo,-93.4343104,44.854769600000004 +28958,WW Studio,-93.4339202,44.854774500000005 +28959,Caledonia Public Schools,-91.5070063,43.641304600000005 +28960,Baseball and softball fields,-91.4910311,43.6375467 +28961,The Wired Rooster,-91.4962479,43.6347668 +28962,Elsie's Bar & Grill,-91.4951722,43.634463800000006 +28963,Bank of the West,-91.49607630000001,43.6334196 +28964,Caledonia Fire Department,-91.49487740000001,43.6352793 +28965,Merchants Bank,-91.4973557,43.6323383 +28966,The Caledonia Bakery,-91.4963714,43.6344737 +28967,Dollar General,-91.50196910000001,43.640889300000005 +28968,Mary Ann's Flower Shop,-91.4939976,43.634460100000005 +28969,Quillins Grocery Store,-91.501919,43.6387306 +28970,Main Attractions Salon ,-91.5020657,43.6380824 +28971,Grain,-95.9237435,47.0075325 +28972,Grain,-95.925047,47.007121000000005 +28973,Grain,-95.9239486,47.0072005 +28974,Grain,-95.92405140000001,47.0071875 +28975,Grain,-95.92468790000001,47.0076693 +28976,Grain,-95.92494860000001,47.007659800000006 +28977,Grain,-95.8949371,46.992754100000006 +28978,Grain,-95.92680730000001,47.005298700000004 +28979,Grain,-95.92621510000001,47.005257500000006 +28980,Grain,-95.92376220000001,47.007203600000004 +28981,Grain,-95.89459640000001,46.993846700000006 +28982,Grain,-95.92586960000001,47.0060793 +28983,Grain,-95.9257278,47.005965 +28984,Grain,-95.92523800000001,47.006092300000006 +28985,Grain,-95.9264576,47.005295800000006 +28986,Grain,-95.92528010000001,47.0076629 +28987,Grain,-95.92601420000001,47.0060793 +28988,Grain,-95.9248276,47.007653600000005 +28989,Grain,-95.87990300000001,46.9964967 +28990,Grain,-95.9249118,47.0071274 +28991,Grain,-95.9240932,47.0075389 +28992,Grain,-95.92641060000001,47.0060857 +28993,Grain,-95.92517280000001,47.0076629 +28994,Grain,-95.9254155,47.007659800000006 +28995,Grain,-95.9265788,47.0051908 +28996,Grain,-95.9239301,47.007542 +28997,Grain,-95.895105,46.993884900000005 +28998,Grain,-95.92498160000001,47.0071243 +28999,Grain,-95.9255553,47.0076629 +29000,Grain,-95.92546650000001,47.0061082 +29001,Grain,-95.9262755,47.0060857 +29002,Grain,-95.8794799,46.9966597 +29003,Grain,-95.9272196,47.0052925 +29004,Grain,-95.925047,47.0076472 +29005,Grain,-95.92546200000001,47.006038000000004 +29006,Grain,-95.9271059,47.005295800000006 +29007,Grain,-95.8952498,46.993888000000005 +29008,Grain,-95.8950583,46.992754100000006 +29009,Grain,-95.926924,47.0052925 +29010,Jefferson Elementary School,-94.46493930000001,44.3056173 +29011,New Ulm Middle School,-94.46384420000001,44.3041477 +29012,Grain,-95.86784660000001,46.9983652 +29013,Saint Paul's Lutheran School,-94.466312,44.307247100000005 +29014,Grain,-95.86783480000001,46.998198300000006 +29015,Grain,-95.92416320000001,47.0076662 +29016,Grain,-95.92386470000001,47.007197600000005 +29017,Grain,-95.9261403,47.006076400000005 +29018,Trestle Stop,-93.10194080000001,44.8092437 +29019,Cooper's Bar and Restaurant,-93.1078705,44.8062261 +29020,Grain,-95.89469000000001,46.99385 +29021,Rosemount Post Office,-93.127633,44.7389383 +29022,Grain,-95.86783720000001,46.9982746 +29023,Pellicci Ace Hardware,-93.12715100000001,44.737482 +29024,Kwik Trip,-93.12580150000001,44.7350329 +29025,Grain,-95.9245291,47.0076662 +29026,Grain,-95.92659280000001,47.005302 +29027,Grain,-95.8945267,46.993846700000006 +29028,Grain,-95.9243545,47.007672400000004 +29029,Grain,-95.92669550000001,47.005298700000004 +29030,Grain,-95.9258884,47.0059714 +29031,Yard Ware,-93.32501230000001,44.922902300000004 +29032,Chuck and Don's,-93.1435716,44.7309696 +29033,Eagle Ridge Gold Course,-93.4306708,47.2781445 +29034,Blue Door Pub,-93.2297255,44.987651400000004 +29035,Cabela's,-92.9363902,44.9460264 +29036,Giuseppe's,-93.1356236,44.730642800000005 +29037,The Home Depot,-92.9403789,44.9438685 +29038,Cub Foods,-92.9359586,44.939706900000004 +29039,Dragon Forge Games,-94.2458232,46.3710187 +29040,O'Reilly Auto Parts,-93.13591330000001,44.7306352 +29041,Nails Sophisticate,-94.2096563,45.5537828 +29042,Fantastic Sam's,-94.2095659,45.553783900000006 +29043,Caledonia Care & Rehab,-91.4935416,43.6383378 +29044,Noodles & Company,-94.2078075,45.5537952 +29045,Panda Express,-94.207586,45.5537973 +29046,Mattress Firm,-94.20854130000001,45.553873100000004 +29047,The Vitamin Shoppe,-94.2083504,45.5538741 +29048,Chinese Phoenix Express,-94.20945370000001,45.553784400000005 +29049,Liberty Oxygen,-93.3420964,44.942272100000004 +29050,Snappy Lube,-94.20924240000001,45.5537803 +29051,Avex,-93.3414924,44.9421425 +29052,"Foremost Business Systems, Inc.",-93.34280500000001,44.9420367 +29053,Gigi's Playhouse,-93.3404469,44.942902100000005 +29054,AP Graph Inc.,-93.2970487,44.829421700000005 +29055,"Olson Contractors Supply, Inc.",-93.29841780000001,44.829523 +29056,Agan Traders,-93.2970468,44.829219 +29057,Kendrick Johnson and Associates,-93.29704720000001,44.8292629 +29058,Lifestyle Counceling,-93.29704530000001,44.829048300000004 +29059,Potters House of Jesus Christ Multiplex Center,-93.2970449,44.829005200000005 +29060,Lifting Gear Hire Corporation,-93.3016893,44.828605 +29061,AMC Classic Mankato 6,-93.99255280000001,44.1457271 +29062,Minnesota Air,-93.301686,44.828014700000004 +29063,"Track, Inc.",-93.3016913,44.8289781 +29064,Family Video,-93.2802089,44.294890900000006 +29065,Roots Chiropractic,-93.38269290000001,44.949797200000006 +29066,Brito's Burrito,-93.3827303,44.9497906 +29067,Angel Food Bakery,-93.3824443,44.9498412 +29068,Bernie's Grill,-93.2681692,44.2923489 +29069,Children's Exchange,-93.2684758,44.2918895 +29070,Geek Central,-93.26847670000001,44.2919308 +29071,Cub Foods,-93.14240810000001,44.7303299 +29072,Pop'd Kerns,-94.9202899,43.9331698 +29073,Erik's Bikes,-93.38136250000001,44.949877300000004 +29074,Anytime Fitness,-93.3789399,45.021093500000006 +29075,Bruegger's Bagels,-93.3782987,45.021140300000006 +29076,Euro Gourmet Cafe & Deli,-93.38218520000001,44.9499604 +29077,Daisy Nails,-93.3786627,45.021101300000005 +29078,Fat Nat's Eggs,-93.37934390000001,45.021103200000006 +29079,Excel Pawn & Jewelry,-93.3816436,44.9498766 +29080,H&R Block,-93.37886680000001,45.0210984 +29081,Texa-Tonka Cop Shop,-93.3822887,44.9499587 +29082,Hot Comics and Collectables,-93.379495,45.021106 +29083,Winnetka Liquors,-93.3787937,45.0210954 +29084,Revival St. Louis Park,-93.3819852,44.9498759 +29085,Tonka Medical Supplies,-93.3825812,44.9498169 +29086,Subway,-94.16069710000001,45.5497476 +29087,United Farmers State Bank,-92.7047761,43.711292900000004 +29088,BP,-92.7053941,43.710315 +29089,Windmill Hotel & Event Center,-92.6949378,43.7107113 +29090,University Crossing,-94.16069710000001,45.5498388 +29091,Southtown Liquors,-94.1596631,45.5497658 +29092,Birchwood Casey LLC,-93.37654300000001,45.016163000000006 +29093,Go For It Gas,-94.15974800000001,45.549184000000004 +29094,CenturyLink,-93.37732840000001,45.016163000000006 +29095,VFW Post 7051,-93.3769846,45.016163000000006 +29096,New York Gyro,-94.15958090000001,45.549194400000005 +29097,Kipp's Laundry,-94.16064510000001,45.549176 +29098,Anderberg Creative Print Services,-93.36905560000001,44.9322785 +29099,Sunshine Palace Tanning,-94.16064510000001,45.5492154 +29100,Matter,-93.3689901,44.9324875 +29101,Sundberg Appliance Parts,-93.3693841,44.9324518 +29102,Gentlemen's Quarters,-94.16064800000001,45.5492514 +29103,Filtration Systems Inc.,-93.3744561,44.9306374 +29104,"CMC Industrial Electronics USA, Inc.",-93.34300610000001,44.9419679 +29105,ISS Facility Services,-93.33154920000001,44.944812600000006 +29106,"Math Teachers Press, Inc.",-93.3437564,44.941886200000006 +29107,Orbio Technologies,-93.33248400000001,44.944873400000006 +29108,"Partnership Resources, Inc.",-93.33177260000001,44.9448361 +29109,Talisman Designs,-93.3434388,44.941886200000006 +29110,The Harrington Company,-93.3328919,44.9448292 +29111,W.R. Ringheim CO,-93.33086180000001,44.9449124 +29112,Saint Louis Park,-93.34459700000001,44.9414274 +29113,Midwest Karate & Yoga Assoc.,-93.3744556,44.9308318 +29114,Auto CollisionRepair and Refinishing LLC,-93.3667152,44.933433300000004 +29115,Nevins Sales Co.,-93.3746605,44.930556900000006 +29116,Imagineering Machine Inc.,-93.36636030000001,44.9335542 +29117,Jon's Auto Repair,-93.3666742,44.933447300000005 +29118,My Sister's Closet,-93.2979076,44.9525115 +29119,Ace Hardware,-93.2978432,44.9526404 +29120,American Lung Association,-93.12052990000001,44.9510031 +29121,Smokey Bear Park,-93.40863320000001,48.603046400000004 +29122,Blick,-93.32827400000001,44.8703951 +29123,Inter Faculty Organization (IFO),-93.120259,44.951027700000004 +29124,"Minnesota State University, Mankato at Edina",-93.33038490000001,44.862637 +29125,Pope & Young Club,-92.1975226,43.8508204 +29126,Ringbo Emmanual Lutheran Church,-96.1337357,48.3440079 +29127,Honeymoon Bluff Trailhead,-90.4123582,48.0561803 +29128,Dump station,-95.879951,45.044337000000006 +29129,Trash and recycling,-95.881679,45.044788000000004 +29130,The Church of Jesus Christ of Latter-day Saints,-93.8106102,44.833747100000004 +29131,Moose Viewing,-90.36173620000001,48.002014100000004 +29132,Maintenance Gate 7,-93.3850664,44.9674423 +29133,Great Clips,-93.3286968,44.9212628 +29134,Maintenance Gate 8,-93.38587430000001,44.9661557 +29135,Blaze Pizza,-93.22344930000001,44.973471800000006 +29136,Salem Lutheran church,-96.6725799,48.4854008 +29137,Hegman Lake Pictographs,-91.903897,48.0538948 +29138,Maintenance Gate 10,-93.3956162,44.967868900000006 +29139,Maintenance Gate 2,-93.39090730000001,44.9721124 +29140,Bagu Sushi & Thai,-93.2624431,44.9164443 +29141,Maintenance Gate 4,-93.3883265,44.972139600000006 +29142,Maintenance Gate 5,-93.3840416,44.9710881 +29143,Maintenance Gate 9,-93.38815860000001,44.964159900000006 +29144,gate,-93.3890293,44.97216 +29145,Ecolab Inc.,-93.0977622,44.946633000000006 +29146,SafeZone,-93.09260800000001,44.9497895 +29147,F. Scott Fitzgerald,-93.0968527,44.945001100000006 +29148,Cloquet Ford Chrysler Center,-92.4564057,46.7076244 +29149,Alternative Bike & Board Shop,-93.2878754,44.9478486 +29150,West Bank,-93.2463486,44.9719278 +29151,Smokedale Tobacco,-93.22583230000001,44.974173400000005 +29152,Jimmy's Pizza,-94.30983330000001,45.080020700000006 +29153,"Diversified Bronze and Manufacturing, Inc.",-93.21859590000001,45.5701374 +29154,Walgreens,-93.21937000000001,45.036100100000006 +29155,Minnoco Gas Pumps,-92.93028670000001,46.0108103 +29156,Subway,-93.8569865,44.9611394 +29157,Adkore Megaforce,-93.2160113,44.971011600000004 +29158,Fairview Children's Clinic,-93.21990770000001,44.9731967 +29159,Minit Mart,-92.9336981,46.0115794 +29160,Fairview Pharmacy - University Village,-93.21960100000001,44.9730961 +29161,"Best Care Home Health, Inc.",-93.2143298,44.9703626 +29162,Mobil,-92.93352780000001,46.011363300000006 +29163,The Cajun House,-93.2196612,44.9725411 +29164,"2nd Generation Chimneys, Inc.",-93.240504,45.3091166 +29165,Papa John's,-93.2186065,44.9727666 +29166,Paragon Constructors,-93.2222828,44.9726483 +29167,State Farm Insurance - Kim Nybo,-93.2175208,44.9716657 +29168,Cub Foods,-93.800229,45.300469500000005 +29169,Alpha Air Corporation,-93.23236770000001,45.1988798 +29170,Runnings,-93.8018663,45.3004753 +29171,Little Free Library,-93.2009573,44.9701158 +29172,Dog Cove,-92.77391560000001,44.860990300000005 +29173,BSA Northern Tier Charles L Sommers Canoe Base,-91.49491130000001,47.9894763 +29174,The Lumberyard Pub,-92.78299870000001,44.9036386 +29175,Lookout Drive Scenic Overlook,-94.0372061,44.165302700000005 +29176,Bluff Park,-94.02345720000001,44.1848235 +29177,George Bedor Insurance Agency,-93.3007144,44.752946 +29178,Union Depot,-93.086736,44.9482106 +29179,Squaw Lake Fire Department,-94.13206140000001,47.6182931 +29180,Target Field - Platform 1,-93.2771187,44.9827407 +29181,University Ave SE,-93.22488460000001,44.974714500000005 +29182,Pleasant St SE & Scholars Walk,-93.2369443,44.974545600000006 +29183,University Ave SE,-93.226003,44.975501400000006 +29184,University Ave SE,-93.2231053,44.974263400000005 +29185,25th Ave SE & University Ave,-93.22133670000001,44.9736509 +29186,Campus Transitway & 23rd Ave SE,-93.2219237,44.9757139 +29187,6th Street & 21st Avenue,-93.2240908,44.9783848 +29188,Pleasant St & Jones Hall,-93.2352156,44.9785662 +29189,Oak Street & 4th Street,-93.22696140000001,44.977394100000005 +29190,Pleasant St & Eddy Hall,-93.23604440000001,44.9782731 +29191,Ontario Street & Essex Street,-93.2256165,44.971147200000004 +29192,27th Ave SE & University Ave / 4th St,-93.217995,44.9730269 +29193,Carlson School of Management,-93.2455929,44.970648100000005 +29194,Carlson School of Management,-93.24576680000001,44.9705716 +29195,Law School,-93.24594730000001,44.9728889 +29196,Law School,-93.24573670000001,44.973267 +29197,Little Free Library,-93.5865021,44.8726466 +29198,Habanero Tacos Grill,-93.22481470000001,44.9480371 +29199,Folsom House,-92.6540987,45.400452400000006 +29200,Dong Khanh,-94.19753730000001,45.547482200000005 +29201,St. Paul's Lutheran Church,-94.46198650000001,43.647109300000004 +29202,St. Paul's Lutheran School,-94.462151,43.6474131 +29203,Felton's Landing,-91.4937829,47.9914835 +29204,European Wax Center,-93.2243914,44.9739376 +29205,Kung Fa Tea,-93.2247277,44.9738793 +29206,Crew Cabin 13,-91.4906232,47.989836600000004 +29207,Crew Cabin 14,-91.4907359,47.989859900000006 +29208,Crew Cabin 15,-91.4908137,47.9899155 +29209,Crew Cabin 16,-91.4909585,47.9899299 +29210,Crew Cabin 17,-91.4910148,47.989825800000006 +29211,Crew Cabin 18,-91.4911811,47.989885 +29212,Crew Cabin 19,-91.49139570000001,47.989795300000004 +29213,Crew Cabin 20,-91.4916049,47.9897773 +29214,Rendezvous Area,-91.49305960000001,47.9912872 +29215,Staff Cabin 1,-91.491562,47.991066200000006 +29216,Staff Cabin 2,-91.49143860000001,47.9910841 +29217,Staff Cabin 3,-91.49122670000001,47.9911685 +29218,Staff Cabin 4,-91.4911543,47.9911254 +29219,TeePee Tonka Archery Range,-93.2631959,44.286092100000005 +29220,Staff Cabin 5,-91.4911489,47.9910464 +29221,Staff Cabin 6,-91.49126960000001,47.99098 +29222,18,-93.686547,44.8668696 +29223,22,-93.68606150000001,44.8668734 +29224,Staff Living Unit,-91.4921843,47.9896571 +29225,20,-93.6862734,44.866877200000005 +29226,13,-93.6873243,44.8668739 +29227,Staff Living Unit,-91.49206090000001,47.9897001 +29228,19,-93.68629220000001,44.867101500000004 +29229,17,-93.68657920000001,44.8671224 +29230,21,-93.6861796,44.8671433 +29231,Staff Living Unit,-91.4918999,47.9898007 +29232,Staff Living Unit,-91.4918141,47.989868900000005 +29233,First Class Sandblasting and Restoration Inc.,-93.7242884,45.3069672 +29234,Yurt 1,-91.4914682,47.9891573 +29235,Yurt 10,-91.4895882,47.989338100000005 +29236,Burger King,-94.395015,44.8943391 +29237,Yurt 2,-91.4913669,47.98878920000001 +29238,Yurt 3,-91.4909374,47.9886368 +29239,The Church of Jesus Christ of Latter-day Saints,-94.3912966,44.9021695 +29240,Yurt 4,-91.49030230000001,47.9889385 +29241,Milkjam Creamery,-93.28780450000001,44.9524543 +29242,Yurt 5,-91.4904096,47.9884983 +29243,Five Watt Coffee,-93.2777399,44.9344398 +29244,Yurt 6,-91.4899393,47.9884883 +29245,Yurt 7,-91.48978050000001,47.988724600000005 +29246,Scenic Pines Convenience Store,-93.373529,47.596617800000004 +29247,Scenic Pines Bar and Grill,-93.373744,47.597406500000005 +29248,Yurt 8,-91.4897569,47.988939 +29249,Yurt 9,-91.48979530000001,47.989405600000005 +29250,Subway,-94.37858340000001,44.87135 +29251,Daybreak Bookshop,-93.22745900000001,44.973528200000004 +29252,Target,-94.37830890000001,44.8681728 +29253,Lord Fletcher's Old Lake Lodge,-93.6187551,44.9417264 +29254,Aesthetic Apparatus,-93.2442312,44.960289200000005 +29255,ALDI,-93.3925504,44.9377014 +29256,University of Minnesota Physicians,-93.22767490000001,44.9734964 +29257,Chux,-93.3681854,44.9407968 +29258,Dollar Tree,-93.39259890000001,44.9370325 +29259,Play Hockey,-93.37006570000001,44.943351500000006 +29260,H&R Block,-93.3927001,44.9373349 +29261,Five Below,-93.39251150000001,44.9367717 +29262,Sally Beauty,-93.3926649,44.9372296 +29263,USA Nails,-93.392633,44.9371346 +29264,Applebee's,-93.38499200000001,44.936824900000005 +29265,Foss Swim School,-93.38685120000001,44.937488200000004 +29266,America's Best Contacts & Eyeglasses,-93.38648620000001,44.9377161 +29267,Ulta Beauty,-93.3856367,44.9377039 +29268,AT&T,-93.3849885,44.937049 +29269,J.Crew,-93.3851781,44.9376973 +29270,Banana Republic,-93.38538430000001,44.9377002 +29271,Knollwood Dentistry,-93.3857158,44.9363192 +29272,Le Monde Tailors,-93.38661130000001,44.937674200000004 +29273,Noodles & Company,-93.38277310000001,44.936763500000005 +29274,ACE Cash Express,-93.38325060000001,44.936836400000004 +29275,Torrid,-93.386678,44.9376225 +29276,Ash River Picnic Area,-92.8511818,48.4361984 +29277,Uniform Advantage,-93.38675040000001,44.9375663 +29278,MGM Wine & Spirits,-93.3827832,44.9369759 +29279,Scenic Overlook,-92.8717051,48.4335535 +29280,Cedar Coffee Company,-91.68075800000001,47.030537800000005 +29281,Kabetogama Lake Visitor Center,-93.03009490000001,48.4448735 +29282,Spokengear Cyclery and Outdoor,-91.68072020000001,47.0303842 +29283,Mister Car Wash,-94.1964413,45.5528132 +29284,Pawn America,-94.1899865,45.5518827 +29285,Starbucks,-94.1926962,45.552819500000005 +29286,Tina's Nails Salon,-94.19729600000001,45.552123800000004 +29287,Mestads Bridal & Formal Wear,-94.19088930000001,45.552773 +29288,Tuesday Morning,-94.19089310000001,45.552444300000005 +29289,Dollar Tree,-94.1909349,45.5520414 +29290,Clothes Mentor,-94.1910452,45.5518398 +29291,Star of India,-94.1915309,45.551787600000004 +29292,TJ Maxx,-94.1927,45.5517252 +29293,Famous Footwear,-94.192288,45.5517879 +29294,Midwest Vision Centers,-94.19203730000001,45.551784500000004 +29295,Subway,-94.19190660000001,45.551786500000006 +29296,Magic Nails,-94.19173280000001,45.5517874 +29297,GNC,-94.19163990000001,45.551786 +29298,H&R Block,-94.1914491,45.551789500000005 +29299,Manpower,-94.1988907,45.5505884 +29300,Great Clips,-94.19136610000001,45.551789500000005 +29301,OfficeMax,-94.1892383,45.5518852 +29302,Savers,-94.2002916,45.551308600000006 +29303,Curves,-94.1973078,45.552390100000004 +29304,JOANN Fabrics and Crafts,-94.20050710000001,45.551742000000004 +29305,Miracle-Ear,-94.1972968,45.552279600000006 +29306,The UPS Store,-94.1972968,45.5522082 +29307,China Great Buffet,-94.20050710000001,45.5520092 +29308,Computer Brainz,-94.1973052,45.552342700000004 +29309,Harbor Freight Tools,-94.20049730000001,45.5522792 +29310,Save-A-Lot,-94.1992926,45.551276 +29311,Payless Liquor,-94.1989229,45.5512773 +29312,Dark Matter Tattoo,-94.1973028,45.5515534 +29313,Bravo Burritos Mexicatessen & Bar,-94.19730050000001,45.5518712 +29314,Goldstein Museum of Design,-93.1835001,44.985359 +29315,Naturway Foods,-94.19730410000001,45.551678700000004 +29316,Smokin' Monkey,-94.1972952,45.551993 +29317,Minnesota Kettlebell,-94.1973069,45.5517285 +29318,Ocean Breeze Tanning,-94.1973042,45.5516158 +29319,Ichiddo Ramen,-93.23462880000001,44.9789242 +29320,Goldy's Locker Room,-93.2255981,44.9756985 +29321,Great Clips,-93.23573,44.9816067 +29322,Bank of America,-93.22322840000001,44.9735133 +29323,JJ's Poké,-93.2348453,44.9819934 +29324,Starbucks,-93.23534160000001,44.981343900000006 +29325,1st Presbyterian Church,-91.8629906,47.9011416 +29326,Grace Lutheran Church,-91.862271,47.9006619 +29327,Legendary Spice,-93.22330720000001,44.973200000000006 +29328,Ely United Methodist Church,-91.8621938,47.904262300000006 +29329,St. Anthony's Catholic Church,-91.86286460000001,47.904368600000005 +29330,Ashley HomeStore,-94.21207480000001,45.5518365 +29331,Ely Public Library,-91.863128,47.9020157 +29332,Ely State Theater,-91.86289520000001,47.9030945 +29333,Williams & Hall Wilderness Guides & Outfitters,-91.51313280000001,47.981710400000004 +29334,Michaels,-94.21202960000001,45.552632700000004 +29335,Dorothy Molter Museum,-91.83378710000001,47.902939700000005 +29336,Ely Golf Club,-91.86819720000001,47.8924729 +29337,America's Best Contacts & Eyeglasses,-94.2116627,45.5526489 +29338,Sprint,-94.212467,45.5530399 +29339,Sleep Number,-94.21263450000001,45.5530394 +29340,Dairy Queen,-94.1874353,45.5524287 +29341,Cafeteria,-93.07316850000001,44.9581183 +29342,The Goat Coffeehouse,-93.0731102,44.9589434 +29343,U.S. Bank,-93.1676788,44.9394246 +29344,Wells Fargo,-93.1665079,44.9432489 +29345,$5 Pizza,-94.19285620000001,45.5539226 +29346,Panera Bread,-94.1921051,45.5537106 +29347,Ciatti's Ristorante,-94.19011920000001,45.553472400000004 +29348,PepperJax Grill,-94.1980053,45.553569200000005 +29349,Fireside Hearth & Home,-94.2118597,45.5594697 +29350,Maple Plain City Hall,-93.65231100000001,45.009190000000004 +29351,Goldeneye Framing & Gallery,-94.21199870000001,45.5594247 +29352,Kwik Trip,-94.374336,44.8703835 +29353,OppSource,-93.08706090000001,44.9484006 +29354,Carpets Plus Colortile Interior Design Showcase,-94.3878839,44.896036800000005 +29355,"Maytag Laundry, Tanning and Carwash",-94.3887126,44.895717100000006 +29356,Kwik Trip Car Wash,-94.3747962,44.8702121 +29357,Taco Bell,-94.37627400000001,44.8777412 +29358,Kwik Trip,-94.3743417,44.8701811 +29359,"Maytag Laundry, Tanning and Carwash",-94.38865670000001,44.895557000000004 +29360,Kawishiwi Ranger Station-Superior National Forest,-91.830685,47.9065948 +29361,"Maytag Laundry, Tanning and Carwash",-94.38868570000001,44.895638500000004 +29362,Christmas Point,-93.6307919,47.3918168 +29363,Clark,-92.5329392,47.513362400000005 +29364,Great Clips,-93.56444,44.54303 +29365,Freedom Valu Centers,-92.53307450000001,47.515926400000005 +29366,Hawk Ridge Bird Observatory,-92.0316863,46.8472019 +29367,Hawk Ridge Banding Station (Restricted),-92.0377897,46.8476293 +29368,Clark Car Wash,-92.53338670000001,47.513266200000004 +29369,Freedom Valu Centers,-92.5331335,47.5157405 +29370,Virginia Short Stop,-92.5332637,47.5134017 +29371,Virginia Short Stop Express,-92.5525439,47.5105322 +29372,Iron Trail Motors,-92.55422080000001,47.5096319 +29373,Michael's Auto Sales,-92.53313410000001,47.5202821 +29374,Clark,-92.5525734,47.5103926 +29375,Clark,-92.5524128,47.5107476 +29376,ico,-92.5600771,47.5306228 +29377,Holiday,-92.55118940000001,47.5105237 +29378,Dairy Queen,-92.5288943,47.4934475 +29379,Lucky Seven,-92.5597113,47.5298189 +29380,Holiday Stationstore,-92.5514479,47.5104606 +29381,Lucky 7 Diesel,-92.55988430000001,47.530207700000005 +29382,Oldtown-Finntown Overlook,-92.5308201,47.526658100000006 +29383,Polk County Fairgrounds,-96.277454,47.5300452 +29384,Saranen's Inc.,-92.533198,47.5238184 +29385,Apple Tree Learning Center,-92.537467,47.5248811 +29386,Brenda's Mini Mart,-92.535289,47.5278435 +29387,Smashburger,-93.38092370000001,44.9843076 +29388,Chipotle,-93.38093500000001,44.984396700000005 +29389,Critter Care Pet Clinic,-92.532931,47.511654500000006 +29390,Dave's Pizza,-92.5330907,47.520849000000005 +29391,Northern State Bank of Virginia,-92.5410581,47.5231117 +29392,Warren's Barber & Hairstyling,-92.5327884,47.5237514 +29393,Italian Bakery of Virginia,-92.5333464,47.5224696 +29394,Agile Manufacturing LLC,-93.793345,44.838610700000004 +29395,ICO Convenience,-92.56014350000001,47.530755000000006 +29396,Derrynane Storage,-93.7531855,44.5425862 +29397,Royal Tire,-92.54256690000001,47.5282245 +29398,Boat Ramp,-92.5460977,47.5242115 +29399,Sinclair,-91.62210040000001,44.0306693 +29400,A&W,-91.619445,44.034963700000006 +29401,McDonald's,-91.6199412,44.0281141 +29402,Fleet Farm Gas,-91.6181414,44.0291786 +29403,Lucky Seven General Store,-92.547268,47.536548100000005 +29404,Lucky Seven,-92.54743520000001,47.5366876 +29405,47917 Kettlewell Lane,-92.8939098,46.078123100000006 +29406,Giant Wash,-92.5479373,47.5363124 +29407,Dairy Queen,-93.4847493,44.8605923 +29408,Flip's Automotive,-92.5473669,47.5349331 +29409,Storage,-92.5473595,47.5363307 +29410,Falkowski's Food Mart,-92.54740620000001,47.535358 +29411,Martin St NW,-93.31584120000001,45.222162600000004 +29412,Renewing Your Mind Today,-92.5481659,47.5364287 +29413,Essentia Health Virginia Clinic Pharmacy,-92.55140270000001,47.530939700000005 +29414,Mesabi Trail Arch,-92.55654150000001,47.530637600000006 +29415,Whiteface Reservoir Recreation Area,-92.1445415,47.336145200000004 +29416,La La Homemade Ice Cream & Luncheonette,-93.2984883,44.9450172 +29417,News,-92.5421208,47.5177935 +29418,Michael's On The Course,-92.5561911,47.5379093 +29419,Little American Island Dock,-93.1687005,48.602912800000006 +29420,Subway,-92.53838490000001,47.5229967 +29421,Frandsen Bank & Trust,-92.538927,47.523414 +29422,Quad City Kids Daycare,-92.56003980000001,47.5173513 +29423,Walgreens,-93.50246840000001,44.971389900000005 +29424,Ben's Service,-92.555411,47.5162859 +29425,Kunnari's Kitchen-Coffee House-Farm Market,-92.5546266,47.5166678 +29426,Spur,-92.5467629,47.515494700000005 +29427,ico,-92.5551356,47.516246 +29428,Virginia Auto Wash,-92.54858250000001,47.515378600000005 +29429,Norvitch Automotive & Tire Service,-92.55387680000001,47.515804300000006 +29430,U-Haul,-92.5468761,47.5153387 +29431,Northern Communities Credit Union,-92.5601278,47.51816770000001 +29432,Unclaimed Freight,-92.56016930000001,47.5176236 +29433,Doge Pizza,-93.17227630000001,44.9600482 +29434,The Anchor Fish & Chips,-93.2643444,45.0007552 +29435,Minnesota Lottery,-93.21161210000001,44.8838165 +29436,Tori 44,-93.3088958,45.0353228 +29437,Hi-Lo Diner,-93.2158318,44.8837051 +29438,Panda Express,-93.2142682,44.883508000000006 +29439,Wendy's,-93.2143446,44.8835526 +29440,Burlington,-94.19642950000001,45.548247100000005 +29441,Lucky Lindy,-93.21391340000001,44.883430100000005 +29442,NorthLand Learning Center,-92.55443580000001,47.5140916 +29443,Arby's,-93.2118133,44.8834985 +29444,Shake Shack,-93.21204660000001,44.8836791 +29445,NorthRidge Community Credit Union,-92.5478813,47.5094483 +29446,Famous Famiglia,-93.2120064,44.8834187 +29447,Charleys Philly Steaks,-93.2118562,44.883350300000004 +29448,Ben & Jerry's,-93.21195540000001,44.883551700000005 +29449,U.S. Bank,-92.5516379,47.5103864 +29450,Pei Wei,-93.20899700000001,44.884326400000006 +29451,TJ's Country Corner,-92.6334065,46.5739625 +29452,Panchero's,-93.3786402,44.9844239 +29453,Starbucks,-93.37911000000001,44.984245900000005 +29454,Eveleth Veterans Park Campground,-92.5041472,47.4382013 +29455,Mahtowa Covenant Church,-92.6296428,46.5741249 +29456,Bark and the Bite,-93.19280570000001,44.9482263 +29457,New Brighton Library,-93.19074040000001,45.066088 +29458,Interfaith Action of Greater Saint Paul,-93.1711578,44.941985800000005 +29459,The Wicker Shop,-93.1929506,44.9482244 +29460,Black Coffee and Waffle Bar,-93.19263140000001,44.9482225 +29461,Smokey's BBQ & Cafe,-92.52114830000001,47.4383035 +29462,Agharta Records,-93.2011581,44.965096100000004 +29463,Wandering Pines Eatery & Pub,-92.4620898,47.4912658 +29464,Northland Small Engine Repair,-92.46253510000001,47.4919926 +29465,Kim's Oil Co.,-92.46850570000001,47.484927500000005 +29466,The Alibi,-92.4650134,47.4884185 +29467,Yo'r Mudder's Place,-92.46594950000001,47.4883007 +29468,Holiday,-92.4647935,47.4938919 +29469,ICO Spur,-92.46611850000001,47.487309200000006 +29470,Broadway Tony's,-92.4640291,47.4894788 +29471,Vistas in Education,-93.2986814,44.948619300000004 +29472,Gilbert Get-N-Go,-92.46594680000001,47.4872766 +29473,Woody's Knotty Pine Liquors,-92.46257530000001,47.4908834 +29474,Saint Joseph's Catholic Church,-92.47412250000001,47.4843594 +29475,The Whistling Bird,-92.46537020000001,47.487999800000004 +29476,Kim's Oil Co.,-92.4684172,47.4847843 +29477,Palmore imports,-93.1137125,44.9635199 +29478,Nordstrom Rack,-93.38600980000001,44.9377092 +29479,The Gilbert Laundromat,-92.46558470000001,47.4886722 +29480,Boat Ramp,-92.4610411,47.483007400000005 +29481,"Lucan Community TV, Inc",-95.113348,43.8713399 +29482,Wayzata Brew Works,-93.51721660000001,44.969602300000005 +29483,Sherwood Forest Campground,-92.4636011,47.4826703 +29484,Laundromax,-93.2246717,44.948043000000006 +29485,Shean Elementary School,-92.4708172,47.487675200000005 +29486,Eveleth-Gilbert Junior High School,-92.47029690000001,47.488451000000005 +29487,Ron's Body Shop,-92.473014,47.4811172 +29488,Subway,-91.6772047,44.048942800000006 +29489,Jolly Green Giant,-94.0957077,43.6506746 +29490,Sinclair,-91.6826576,44.051499 +29491,Viewing point ,-93.9519691,45.3106359 +29492,Caribou Coffee,-91.6798064,44.0502364 +29493,Pizza Hut,-91.68192,44.0512388 +29494,Severson's,-91.682494,44.0516475 +29495,St. Lucas Healthcare Community,-93.25975170000001,44.2898281 +29496,Paul Bunyan and Babe the Blue Ox Statue,-94.87889170000001,47.4704175 +29497,Daves Town Club,-93.78915860000001,45.041513300000005 +29498,Lonsdale Area Chamber of Commerce,-93.42814940000001,44.480718200000005 +29499,Lonsdale Country Market,-93.42884670000001,44.4799372 +29500,Jessy Food Mart,-93.4251967,44.4807089 +29501,Lonsdale Feed Mill,-93.43095980000001,44.4813393 +29502,Immaculate Conception Church,-93.42628610000001,44.480011000000005 +29503,Frandsen Bank & Trust,-93.42963200000001,44.480769 +29504,Casey's General Store,-93.4246401,44.480306000000006 +29505,Dead Animal: Harrassment,-93.69042400000001,45.000113500000005 +29506,BME Tool Inc,-93.42521380000001,44.4767914 +29507,"Mental Issue, Dead Animalm, DMV VIOL",-93.69309940000001,44.9946391 +29508,Alary's,-93.0925673,44.950174100000005 +29509,Snap Agency,-93.3613416,44.973537500000006 +29510,South Metro Fire Station #2,-93.0375789,44.891142900000006 +29511,Caribou Coffee,-93.42486790000001,44.859033000000004 +29512,Office Depot,-93.42436790000001,44.8591082 +29513,South St Paul Police Station,-93.03756320000001,44.891787900000004 +29514,Subway,-93.0345006,44.8927179 +29515,1st Avenue and 9th Street,-93.2774668,44.977107600000004 +29516,Knowlan's Fresh Foods,-93.0493155,44.8883152 +29517,Angelo's Italian Restaurant,-93.0489613,44.8875888 +29518,Family Dollar,-93.0493447,44.8875593 +29519,Jordan's Canoe Outfitters,-91.8432779,47.8459286 +29520,B52 Bomber Crash Site Memorial,-93.050695,44.8214332 +29521,St. Paul's Catholic Church,-91.75291770000001,44.093883600000005 +29522,Kwik Trip,-91.62097700000001,44.028448700000006 +29523,Farrell's eXtreme Bodyshaping,-92.9319469,44.920270900000006 +29524,Rooster's,-92.9319495,44.9203801 +29525,Ramen Station,-92.9319536,44.920461800000005 +29526,A&W Drive-In,-92.3983723,43.697459 +29527,Jimmy John's,-92.93195530000001,44.920552 +29528,Comforts of the Past,-92.38891690000001,43.6857735 +29529,Security State Bank,-92.3910872,43.6877164 +29530,Farmer Seed and Nursery,-93.2821997,44.294775800000004 +29531,Spring Valley Bakery,-92.3907078,43.687470100000006 +29532,Sunshine Foods,-92.39717160000001,43.6990477 +29533,T. J's Liquor,-92.3974422,43.699342900000005 +29534,The Pizza Place,-92.39068370000001,43.687559300000004 +29535,VFW Post 4114,-92.39108320000001,43.6876515 +29536,Todd Signs,-92.2192153,46.837682 +29537,Speedway Travel Plaza,-93.29462640000001,44.3174021 +29538,Pure Pleasure,-92.22548130000001,46.837073000000004 +29539,Minnesota Autism Center,-92.2200919,46.837136300000004 +29540,Galleria Bicycle,-92.2313373,46.8372825 +29541,Rice County Veterans Memorial,-93.2722739,44.2944735 +29542,United Truck Body,-92.23066750000001,46.8371171 +29543,El Mexican Restaurant of Hastings,-92.85153100000001,44.7445833 +29544,A World of Fish,-92.2291304,46.837071900000005 +29545,Hermantown Car & Pet Wash,-92.22386990000001,46.837233000000005 +29546,Hermantown Millwork,-92.22271260000001,46.8374388 +29547,Calhoun Beach Athletic Club,-93.314846,44.9498035 +29548,Rocco's Pizza,-91.7079789,44.069286500000004 +29549,Inver Grove Heights License Center,-93.04565930000001,44.8174177 +29550,North Metro Signs,-93.0145377,45.5939111 +29551,Farmington VORTAC Navaid,-93.18205730000001,44.630967500000004 +29552,Northland Chemical Corp,-93.31287880000001,44.832218000000005 +29553,Brie Cater,-93.25603910000001,45.040763600000005 +29554,Brick Oven Bakery (BOB),-93.1612022,44.4603282 +29555,Knafla Chiropractic Clinic,-93.581404,45.5587302 +29556,Sherwin-Williams,-92.4612627,43.9794977 +29557,Mahalo Nails Spa,-93.2954162,44.948230800000005 +29558,Piedmont/Brewer Park Parking,-92.1701575,46.7624578 +29559,Transportation Center,-92.10133520000001,46.7845498 +29560,Cub Foods,-92.1464984,46.8033598 +29561,Jimmy John's,-93.05465410000001,44.8645993 +29562,Bierstube,-93.0444696,44.856042 +29563,Paul's Auto Repair,-93.043818,44.855034200000006 +29564,East Franklin Avenue,-93.22506750000001,44.9626886 +29565,O'Reilly Auto Parts,-93.04409190000001,44.853568 +29566,Subway,-93.0454797,44.8535964 +29567,Domino's,-93.04542020000001,44.8533502 +29568,Speedway,-92.8107415,44.6004245 +29569,The Bike King,-93.04553940000001,44.8555976 +29570,Little Caesars,-93.04553800000001,44.8557022 +29571,White Sculpture,-93.1673727,44.9103153 +29572,Disc-Golf Course,-93.15530940000001,44.9137335 +29573,Carbone's Pizza,-93.17192270000001,44.926884300000005 +29574,Speedway,-92.81064810000001,44.600325100000006 +29575,Nicollet,-94.18686220000001,44.2733166 +29576,Nicollet Mart,-94.1908731,44.276250700000006 +29577,Trinity Evangelical Lutheran Church,-94.19134170000001,44.2726157 +29578,Nicollet Mart,-94.19101520000001,44.276318 +29579,Schmidt's Meat Market,-94.1874477,44.275323900000004 +29580,Crossroads Car Wash,-94.19080600000001,44.2764812 +29581,KIPP North Star Academy,-93.3076163,45.046644300000004 +29582,Graco Oakes,-94.06167830000001,46.987290400000006 +29583,Eureka Recycling,-93.22096570000001,44.994769700000006 +29584,Walgreens,-94.4657669,44.3189938 +29585,KFC,-94.46623310000001,44.32016 +29586,SSL,-94.4649095,44.3200906 +29587,Burger King,-94.44263950000001,44.2930501 +29588,Shell,-94.45893530000001,44.311549500000005 +29589,Hy-Vee,-94.4393337,44.2934385 +29590,Hy-Vee,-94.4396904,44.2925649 +29591,Schuckert's TV & Auto Sales,-94.46528160000001,44.320526900000004 +29592,SSL Auto Service Center,-94.4647453,44.3201772 +29593,Freedom Valu Center,-94.4658156,44.319686700000005 +29594,Freedom,-94.46557560000001,44.319843500000005 +29595,SSL Conoco,-94.46495370000001,44.320204700000005 +29596,First United Methodist Church,-95.5960831,43.6214809 +29597,Austin HIgh School,-92.97906010000001,43.668164000000004 +29598,Worthington Federal Savings Bank,-95.5966302,43.621807100000005 +29599,Holiday,-94.4883633,44.3285191 +29600,Maurices,-94.50157580000001,44.3273146 +29601,Kohls-Weelborg Chevrolet,-94.4946493,44.3271135 +29602,Kohls-Weelborg Chevrolet,-94.4950314,44.326843200000006 +29603,Dollar Tree,-94.50143630000001,44.327131900000005 +29604,Coca-Cola,-94.4687468,44.3211019 +29605,Megawash,-94.5014642,44.327963800000006 +29606,Taco Bell,-94.46617210000001,44.3203321 +29607,New Grand Moon Buffet,-94.50156940000001,44.327702900000006 +29608,SouthPoint Financial Credit Union,-94.46405340000001,44.321614100000005 +29609,Great Clips,-94.50157490000001,44.3269509 +29610,Holiday,-94.4881345,44.328370500000005 +29611,Saint Paul Public Works Traffic Operations,-93.1279215,44.96886 +29612,Cash Wise Foods,-94.4903673,44.3281635 +29613,Runnings,-94.4908802,44.330214700000006 +29614,Finstad's Oak Haven Campground,-94.4349231,44.3286194 +29615,Royal Tire,-94.50082470000001,44.3268987 +29616,Holiday,-94.488242,44.3282132 +29617,Casey's General Store,-94.43843030000001,44.294946700000004 +29618,Casey's General Store,-94.4385974,44.295143800000005 +29619,RadioShack,-94.5014385,44.3275157 +29620,Applebee's,-94.4398039,44.294624000000006 +29621,Holiday Inn,-94.4384668,44.292152800000004 +29622,Taco John's,-94.4478912,44.2987862 +29623,Subway,-94.447539,44.298422300000006 +29624,St Mary's Catholic Church,-94.45420130000001,44.3088792 +29625,Quik Stop Convenience Store,-93.15857310000001,45.1183241 +29626,Hy-Vee Wine & Spirits,-94.4393569,44.2931207 +29627,Kathy's Place,-95.3497354,44.787105600000004 +29628,Sacred Heart Community Center,-95.3497543,44.786206400000005 +29629,Prairie Home Bee Farm,-96.4120635,48.149557 +29630,Frandsen Bank & Trust,-94.44268070000001,44.294486400000004 +29631,Advance Auto Parts,-94.4446381,44.295102400000005 +29632,Phoenix Fountain,-94.4588786,44.316251 +29633,Heartland Tire,-94.4429451,44.2949446 +29634,WSU Main Campus,-91.64654370000001,44.047673700000004 +29635,Loading Dock 2,-93.9948334,44.197290800000005 +29636,Loading Dock 1,-93.9950197,44.197350300000004 +29637,Washington Learning Center,-94.4787058,44.3244655 +29638,Loading Dock 4,-93.9944773,44.198620000000005 +29639,Loading Dock 5,-93.9942594,44.198620000000005 +29640,Loading Dock 6,-93.9941862,44.1984854 +29641,Gate 1,-94.47846890000001,44.325453800000005 +29642,Loading Dock 8,-93.99365420000001,44.1984927 +29643,Loading Dock 9,-93.9932916,44.1986519 +29644,Gate 8,-94.47742570000001,44.3243506 +29645,Plaza Garibaldi,-94.4768889,44.3292074 +29646,Winkley Orthotics and Prosthetics,-93.35975300000001,44.987299 +29647,Dairy Queen Brazier,-94.474699,44.3273189 +29648,Frandsen Bank & Trust,-94.45984320000001,44.314556800000005 +29649,Markplatz Mall Arch,-94.45966150000001,44.314344600000005 +29650,Investment Management & Associates,-94.0482798,44.1710262 +29651,ULM,-94.495592,44.3148804 +29652,Kwik Trip,-93.75748560000001,44.6234745 +29653,Glen & Joy,-92.4550114,43.957935500000005 +29654,Hermann Monument,-94.4729004,44.3071165 +29655,Frattalone's Ace Hardware,-93.3782307,45.021511200000006 +29656,Holiday,-93.3898118,44.9852853 +29657,Morelli's,-93.0779758,44.9602194 +29658,Golden Valley Country Club,-93.36720380000001,44.9877759 +29659,AEI Electronic Parts,-93.3579742,44.98566 +29660,Yarusso Brothers,-93.07734330000001,44.960841900000005 +29661,Dick and Rick's Auto Interiors,-93.3570718,44.9856372 +29662,Boat Ramp,-94.4521989,44.3163089 +29663,Wiskow House,-96.18357200000001,48.6990733 +29664,Twin Valley Heritage & Art Center,-96.2585528,47.2613287 +29665,Twin Valley Fire Department,-96.26014950000001,47.259826700000005 +29666,First National Bank,-96.26090590000001,47.260156200000004 +29667,JG Lanes,-96.2596238,47.2601917 +29668,Bank Path,-96.182776,48.7002115 +29669,Rivers Edge Convenience Store,-96.17717280000001,48.7003105 +29670,Bethel Lutheran Church,-96.1851553,48.6978686 +29671,KC's Country Market,-96.18143230000001,48.701018700000006 +29672,Greenbush Water Tower,-96.1805052,48.7028916 +29673,Sheep Palace,-96.1814525,48.706797800000004 +29674,Gieseke Funeral Chapel,-96.18196610000001,48.7018524 +29675,Greenbush School bus garage,-96.1801557,48.7067254 +29676,Amphitheatre,-94.45943030000001,44.316475000000004 +29677,Wells Fargo,-94.46132610000001,44.316228800000005 +29678,The Greenbush Tribune,-96.1815186,48.700533400000005 +29679,Alliance Bank,-94.46217100000001,44.3171559 +29680,United Prairie Bank,-94.4621836,44.3149778 +29681,Area Lakes Well Drilling,-94.53788970000001,47.0419119 +29682,Retzlaff's ACE Hardware,-94.4599735,44.313874500000004 +29683,New Ulm Tire,-94.4620903,44.3137885 +29684,Thrivent Financial for Lutherans,-94.5871946,47.101750900000006 +29685,Citizens Bank Minnesota,-94.4604018,44.3144975 +29686,Front Porch Quilts,-94.58443100000001,47.100456400000006 +29687,New Ulm Dental Clinic,-94.46239870000001,44.314301300000004 +29688,Alpha Cafe,-94.58425150000001,47.1003982 +29689,Liquor Barrel,-93.3595796,45.0080594 +29690,Renewal Vineyard Church,-93.3636512,45.0074069 +29691,Boat Ramp,-94.4543763,44.3233684 +29692,Mini Grocery,-93.35957520000001,45.007656000000004 +29693,Harkin Store Historic Site,-94.5992236,44.3864108 +29694,Sylvan Learning of Eagan,-93.1664602,44.806005400000004 +29695,Shaynowishkung,-94.8793583,47.472008 +29696,Moore's Lodge,-94.50739030000001,47.103402200000005 +29697,Immanuel Lutheran Church & School,-94.5251709,47.0536201 +29698,Woodland Resort,-94.6452819,47.128998100000004 +29699,Turtle Lake Township Hall,-94.502413,47.0672678 +29700,"Spitzack Builders, Inc.",-94.60726500000001,47.111220700000004 +29701,Orton Oil Corporate Office,-94.60636090000001,47.1095094 +29702,Turf Tech Garden Center,-94.6054543,47.1086267 +29703,Lakes Area Powersports (Walker Polaris),-94.60734280000001,47.1107771 +29704,"Log Homes Minnesota, Inc.",-94.6085848,47.109647800000005 +29705,Light House,-94.57262200000001,47.1022526 +29706,U-Haul,-94.4927093,44.332961100000006 +29707,Bay Carpet & Tile,-94.60684880000001,47.109122000000006 +29708,All-Stor Public Storage,-94.4930863,44.333338100000006 +29709,O'Reilly Auto Parts,-93.23397800000001,45.2555069 +29710,Glen Cary Lutheran Church,-93.23409600000001,45.252636900000006 +29711,Superamerica,-93.2334845,45.2656415 +29712,Great Clips,-93.2334416,45.2645928 +29713,Northern Rides,-94.885705,47.556439100000006 +29714,Newby's Market,-94.88594640000001,47.598721100000006 +29715,PTL tire and auto,-93.2342248,45.249234200000004 +29716,Newby's Liquor Inc,-94.88656870000001,47.598703 +29717,"Spangler And de Stefano, PLLP",-93.1412457,44.933458800000004 +29718,HOLTZ Garden Center & Floral,-93.23259390000001,45.247614000000006 +29719,John's Bow Shop,-94.88555480000001,47.5572109 +29720,Lazy Jack's,-94.898762,47.534652200000004 +29721,North Country Trading Post,-94.8934459,47.538129000000005 +29722,CK Dudley's,-94.8750225,47.531001200000006 +29723,Knife River Materials,-94.87597930000001,47.5078915 +29724,Subway,-93.23305520000001,45.236735800000005 +29725,Complete Heart Health,-93.3693351,44.880272500000004 +29726,MIckman Brothers,-93.23586610000001,45.236448700000004 +29727,Rapid Marine,-93.23582320000001,45.2387907 +29728,Mint Salon & Spa,-93.1618143,45.1406773 +29729,Cafe Zona Rosa,-94.58194870000001,47.102458600000006 +29730,The Piggy,-94.5844527,47.1014427 +29731,Genesis Propane,-93.7544168,44.6236174 +29732,Sugar Point Battle Historical Marker,-94.357111,47.050071700000004 +29733,Hardware Hank,-93.7547926,44.623409300000006 +29734,Belle Plaine Motorsports,-93.75184340000001,44.6232769 +29735,Cenex,-93.75364970000001,44.623243300000006 +29736,Memorial Helicopter,-93.7671993,44.6149837 +29737,Tiger Field,-93.7734161,44.619408500000006 +29738,Emergency,-94.47603740000001,44.313190000000006 +29739,Main Entrance,-94.4758566,44.312862800000005 +29740,Which Wich?,-93.37893860000001,44.7456084 +29741,Subway,-93.3829372,44.7476843 +29742,Cub Foods,-93.37787200000001,44.748622600000004 +29743,Teresa's Mexican Restaurant,-93.38188960000001,44.741906500000006 +29744,NAPA Auto Parts,-93.3818767,44.741422400000005 +29745,Jimmy John's,-93.37724,44.743446500000005 +29746,Deputy Registrar and Drivers License Agent,-93.38063310000001,44.745933400000006 +29747,MGM Wine & Spirits,-93.38044550000001,44.744040500000004 +29748,Wings Financial,-93.3780892,44.7424837 +29749,Fresh Thyme,-93.3823595,44.748421300000004 +29750,State 14th Street Parking Ramp - Employee,-93.097651,44.9550436 +29751,Great Clips,-93.3831241,44.746762600000004 +29752,Kinkos,-93.21641600000001,44.7363652 +29753,Cottonwood Grill,-94.45741190000001,44.2864951 +29754,Kyoto,-93.2163409,44.736369 +29755,Route 65 Bar and Grill,-93.2335228,45.303563000000004 +29756,Farm Bureau Financial Services - Misty Servaty,-93.00714190000001,45.278573 +29757,Tavern Grill,-93.230855,45.1696441 +29758,Halo Salon,-94.75141900000001,47.2132796 +29759,Our Savior's Lutheran Church of Ham Lake,-93.2122078,45.2935961 +29760,Fairview Clinics,-93.22827410000001,45.168979 +29761,Acapulco Mexican Restaurant,-93.2352915,45.2977502 +29762,Chanticlear,-93.23580650000001,45.2976144 +29763,Wild Bill's Sports Saloon,-93.23184090000001,45.1687847 +29764,Bank Midwest,-94.4598287,44.311581100000005 +29765,Dick's Auto Repair & Towing,-94.4588157,44.3114563 +29766,Defenders Monument,-94.46247670000001,44.311567100000005 +29767,State Street Theater Co.,-94.46355390000001,44.312224 +29768,Smiley's Tavern,-94.46652800000001,44.3165569 +29769,Trinity Lutheran Church,-94.7518572,47.2158755 +29770,Laporte Community Baptist Church,-94.75433360000001,47.213244100000004 +29771,Fantastic Sams,-92.9505223,44.964449200000004 +29772,Kabekona Community Church,-94.86728480000001,47.2216242 +29773,Animal Emergency Clinic Oakdale,-92.9544202,44.9666148 +29774,Firehouse Subs,-92.9374681,44.9413203 +29775,Pizza Man,-92.95041300000001,44.964860800000004 +29776,Skyview Middle School,-92.9445379,44.965680400000004 +29777,CherryBerry,-92.93763390000001,44.941123600000005 +29778,Gordmans,-92.9407941,44.940467700000006 +29779,JOANN Fabrics and Crafts,-92.9391507,44.9389729 +29780,Atlas Insurance Brokers of Winona,-91.6479614,44.0458104 +29781,Pre-K & K,-94.18762500000001,44.2810337 +29782,Marcy Construction Company,-93.362284,44.9601446 +29783,Cenex,-94.19465620000001,44.2761901 +29784,Laundromat,-94.18816310000001,44.275890100000005 +29785,ROE Defense,-94.1879268,44.2758143 +29786,Clothes & Shoes,-94.1951133,44.276088 +29787,Cal's Towing & Repair,-94.18850060000001,44.275877200000004 +29788,George's City Meats & Sausage Shop,-94.19128520000001,44.276433000000004 +29789,Crystal Storage,-94.19344140000001,44.2762587 +29790,Cabin Bar,-94.18865410000001,44.2762771 +29791,Rapid Rick's,-94.1880323,44.2761566 +29792,Rapid Rick's,-94.18840150000001,44.2762291 +29793,Michel's Repair,-94.1826084,44.276853800000005 +29794,ProGrowth Bank,-94.1874927,44.275824 +29795,Cabin Bar Liquors,-94.18852890000001,44.2761584 +29796,Great New York Pizza,-94.1880952,44.275761 +29797,Foley Police Department,-93.91214310000001,45.664909800000004 +29798,Coborn's Pharmacy,-93.9195486,45.6631225 +29799,Casey's General Store,-93.91191780000001,45.665948300000004 +29800,Family Dollar,-93.90443450000001,45.6700269 +29801,American Legion,-92.8475636,43.8903692 +29802,Foley Laundromat,-93.9119447,45.6650336 +29803,Cedar Creek Church,-92.84682600000001,43.890748 +29804,Foley Municipal Pool,-93.90451490000001,45.665910800000006 +29805,Uncle Mony's,-92.8470084,43.8927989 +29806,Country Corner Preschool,-92.84618490000001,43.8920431 +29807,Brenny Oil Co Inc,-93.9156729,45.6619031 +29808,Flying Monkey Saloon,-92.84797130000001,43.890332400000005 +29809,Laundromat,-92.84758240000001,43.8909007 +29810,New Life Church,-93.91581240000001,45.6716088 +29811,Paul Bunyan Mall,-94.89992050000001,47.49481 +29812,Casey's General Store Car Wash,-92.85787400000001,43.8933362 +29813,Shapes,-92.8464344,43.890663 +29814,Papa Murphy's,-93.96473850000001,44.315979600000006 +29815,St. Charles Catholic Church,-94.60358160000001,47.3807169 +29816,J&L Oil,-94.6077904,47.3794041 +29817,Arby's,-93.9636138,44.3159494 +29818,Evergreen Building,-94.6073259,47.3794674 +29819,American Legion Hall,-94.60668220000001,47.379554500000005 +29820,The Cactus Bowling Alley,-95.58442280000001,46.578935300000005 +29821,Boys and Girls Club Cass Lake,-94.60428950000001,47.379818400000005 +29822,Forestry Building,-94.6143007,47.379232 +29823,Western Bank,-94.6063281,47.3790896 +29824,The Barn,-94.198935,46.3583712 +29825,Women's Help Shelter,-94.61089860000001,47.379046 +29826,Sawmill Inn,-94.2004632,46.3582764 +29827,Mrs. B's,-95.57709700000001,46.578924300000004 +29828,Mark's Fleet Supply True Value,-95.5700348,46.5826371 +29829,Pioneer Grounds,-95.5677143,46.6075457 +29830,Landmark Liquor,-95.5739532,46.5839994 +29831,Perham Fire & Rescue,-95.57837350000001,46.5970085 +29832,Family Dollar,-95.5741308,46.585005900000006 +29833,Dairy Queen,-95.57526870000001,46.585392000000006 +29834,Nisswa Area Historical Society,-94.2906269,46.522572800000006 +29835,Leo A. Hoffman Center,-93.9819245,44.307472700000005 +29836,Southside Laundry,-93.97040310000001,44.310301800000005 +29837,Brainerd Armory,-94.189558,46.337092500000004 +29838,Saint Peter Regional Treatment Center,-93.9764466,44.306023 +29839,Shipman's Auto Salvage,-94.1882813,46.3405331 +29840,DQ Grill & Chill,-94.73113550000001,44.2969147 +29841,Once Read,-94.00772740000001,44.1618982 +29842,Freedom Valu Center,-94.72762110000001,44.2974438 +29843,Freedom Valu Center,-94.72776400000001,44.2976023 +29844,ExpressWay,-94.7293171,44.2969043 +29845,Hardee's,-94.72689310000001,44.297540000000005 +29846,Casey's General Store,-94.71674870000001,44.2976637 +29847,Family Dollar,-94.71429180000001,44.296901000000005 +29848,ExpressWay,-94.7291453,44.2970654 +29849,We Got Game,-94.01465320000001,44.160484100000005 +29850,"RFL ElectroSoft Engineering, Inc",-93.2209186,45.0220756 +29851,Little Caesars,-94.0146503,44.1608031 +29852,Hyperabad Indian Grill,-92.5158949,44.0773013 +29853,Badger Ridge Park Soccer Fields,-92.52636430000001,44.0541648 +29854,Best Buy,-92.4980479,44.064584200000006 +29855,Gibbs Elementary Basketball Courts,-92.5480902,44.082093900000004 +29856,Northgate Health Club,-92.4961505,44.0647304 +29857,John Drews Field,-92.48501540000001,44.0331111 +29858,John Marshall High School Tennis Courts,-92.48584500000001,44.035726200000006 +29859,John Marshall High School Parking,-92.48253700000001,44.0353171 +29860,First Security Bank,-94.72259600000001,44.2974515 +29861,New Bohemia,-93.38329820000001,44.9851499 +29862,Creative Hair Design & Tanning,-94.72264200000001,44.297091800000004 +29863,Divine Providence Community Home,-94.7248758,44.305705 +29864,Public Boat Landing,-94.7277317,44.3087243 +29865,Sleepy Eye Campground,-94.72907020000001,44.309554000000006 +29866,Saint Mary's Catholic School,-94.7230791,44.3049599 +29867,Americana Community Bank,-94.7263252,44.2976813 +29868,Latham & Parker CPA's,-95.04548750000001,45.103673 +29869,Ish Tak Ha Ba Monument,-94.7231388,44.2983716 +29870,Leif Nelson Law,-93.5475071,47.2255963 +29871,Leeann Chin,-93.3776579,44.983727200000004 +29872,The UPS Store,-93.3823732,44.985074100000006 +29873,Noodles & Company,-93.3792404,44.984550500000005 +29874,ChargePoint,-92.935868,44.7660003 +29875,CDP Sports,-93.7878189,44.8506288 +29876,Elevated Lake Viewing Platform,-94.728351,44.3089579 +29877,Lakeside Auto Body,-94.72474650000001,44.3103843 +29878,Kaiser Manufacturing,-93.07528930000001,44.8925496 +29879,Sleepy Eye Campground,-94.72849980000001,44.3091865 +29880,Overflow Unpaved Parking,-94.7273158,44.3097738 +29881,Rex Nails,-93.08795930000001,44.991211400000005 +29882,Lansing Center,-93.0134194,44.994584700000004 +29883,Saint John's Lutheran School,-94.7202658,44.2955139 +29884,Woodlands National Bank,-92.8249895,46.3811711 +29885,Sturgeon Lake Fas Stop,-92.8246589,46.3814676 +29886,Tip Top Tobacco,-94.0350179,44.1792115 +29887,Turner Towing,-94.2669635,46.5029817 +29888,West Side Garage,-94.72853640000001,44.2968321 +29889,Main Entrance,-94.72846790000001,44.2992934 +29890,Subway,-94.72830130000001,44.2969877 +29891,Emergency,-94.7288128,44.2996299 +29892,Sleepy Eye Car Wash,-94.71534940000001,44.297517000000006 +29893,New York Mills,-95.3763155,46.5180469 +29894,Shyd's Auto Sales,-94.7140413,44.2975257 +29895,City of Sleepy Eye Municipal Office,-94.7211568,44.2974576 +29896,Haala Truck & Trailer Service,-94.7153002,44.297026 +29897,SouthPoint Financial Credit Union,-94.7114499,44.297707100000004 +29898,Schutz Family Foods,-94.71234630000001,44.298383 +29899,River Grand,-93.52179260000001,47.231593700000005 +29900,City Limits,-94.7135987,44.2968642 +29901,City Limits Liquor,-94.7138762,44.2967798 +29902,Water Slides,-94.72009100000001,44.290593 +29903,Herb's Repair,-94.7130382,44.296927600000004 +29904,McCabe's Ace Hardware,-94.7084576,44.2978074 +29905,Jimmy's Pizza,-94.7239141,44.297439100000005 +29906,River Valley Eye Professionals,-93.18277710000001,44.437202000000006 +29907,Sleepy Eye Public School,-94.728125,44.2931146 +29908,Tailor N' You,-93.3620971,45.0548662 +29909,Chuck Spaeth Ford,-94.7265821,44.288813100000006 +29910,NAPA Auto Parts,-94.7264956,44.295382200000006 +29911,Chuck Spaeth Ford,-94.7270197,44.2886019 +29912,Sleepy Eye Self Storage,-94.73251330000001,44.296753300000006 +29913,Yellow Cab,-94.0074531,44.1622028 +29914,Mathiowetz Body Shop,-94.7320404,44.296779 +29915,Hennepin County Public Safety Center,-93.2642464,44.9767925 +29916,Big Splash Car Wash,-94.7296173,44.297396400000004 +29917,Juvenile Court,-93.2621489,44.974299300000006 +29918,Zarn Garage,-94.73142580000001,44.2966276 +29919,Fast Break Corner Market,-93.1121832,45.1826651 +29920,Mississippi National River and Recreation Area Visitor Center,-93.09847590000001,44.9427238 +29921,Re/Max Metro: Mark Pehlke,-93.38374850000001,45.152377800000004 +29922,Cenex,-94.6061944,44.323375000000006 +29923,Sleepy Eye Welcomes You,-94.74222370000001,44.2959198 +29924,Center For A Balanced Life Inc,-93.083087,44.8998148 +29925,Crystal Indigo Memorial,-93.36890580000001,45.042404700000006 +29926,Carl's Corner,-94.60481010000001,44.3239924 +29927,Country Kitchen,-95.100339,44.5418697 +29928,Cenex,-95.0896331,44.541022600000005 +29929,Casey's General Store,-95.1095088,44.5416547 +29930,Cenex,-95.08969640000001,44.540680200000004 +29931,Pizza Hut,-95.0996867,44.541844700000006 +29932,Cenex,-95.08977900000001,44.54084 +29933,Ford,-95.0921496,44.5419661 +29934,Casey's,-95.1198624,44.5380673 +29935,Riverside Tire,-95.13018410000001,44.541933300000004 +29936,World Taekwando Academy,-93.37170520000001,44.958928300000004 +29937,Lyn's Asian Wok,-95.1109866,44.5411483 +29938,Autowash & Quick Lube,-95.1105711,44.5411062 +29939,Tax Shop,-93.3717379,44.958915000000005 +29940,U.S. Cleaners,-93.37045710000001,44.959292100000006 +29941,Pizza Hut,-93.37039250000001,44.9593098 +29942,Hit Results Fitness,-93.37065150000001,44.9591573 +29943,Ariana Kabob & Gyro Bistro,-93.3703625,44.9593179 +29944,DK Diamond Nails,-93.37024930000001,44.9593488 +29945,Metro by T-Mobile,-93.370694,44.9591909 +29946,Family Dollar,-93.370137,44.959421000000006 +29947,Bravo Jewellers,-93.37062180000001,44.9591976 +29948,Sorbella's Taylor & Alterations,-93.37058730000001,44.959200800000005 +29949,Construction Results Corporation,-93.36302620000001,44.961187800000005 +29950,Hat Trick Sports,-93.363939,44.9608557 +29951,Insurance Brokers of Minnesota Inc.,-93.24961,45.2178896 +29952,Bell Boy,-93.3644747,44.960121300000004 +29953,Adolphson & Peterson Construction,-93.36480040000001,44.959202700000006 +29954,Instrumentation Group,-93.36244760000001,44.9590279 +29955,Tubby's II Bar & Grill,-94.84133940000001,44.353735 +29956,Cenex,-94.9285031,44.4147915 +29957,Sportsman Club Trap Range,-94.72387570000001,44.2666492 +29958,Sleepy Eye Auto Salvage,-94.7256272,44.267646000000006 +29959,MLC Cafeteria,-94.47284570000001,44.304864900000005 +29960,Bookstore,-94.4731761,44.304974200000004 +29961,Orchid Inn,-94.716851,44.291212 +29962,Auditorium,-94.4721514,44.305287 +29963,Railway Bar & Grill,-94.72305770000001,44.299135 +29964,Martin Luther Statue,-94.4719646,44.3057968 +29965,Prairie Winds Middle School,-93.94731730000001,44.150193800000004 +29966,Subway,-93.2220176,44.948021000000004 +29967,41st Street North,-92.8822571,45.0086226 +29968,Packaging Solutions and Decorating Corporation,-93.42049150000001,44.9503178 +29969,Roos Frick,-93.4192079,44.950141800000004 +29970,411CARLINE.COM,-93.4191516,44.950141800000004 +29971,Revolving Networks,-93.4187627,44.950141300000006 +29972,Ultimate Fitness & Training Center,-93.4204935,44.9506614 +29973,American Messaging Services,-93.4190121,44.9501416 +29974,J. J. Shearer Company,-93.4189477,44.9501415 +29975,"Action Sales & Marketing, Inc.",-93.4204531,44.9492605 +29976,Ecolab Parts Xpress,-93.4178335,44.950668 +29977,Midwest Supply of Minnesota,-93.4204533,44.949418 +29978,Spear Envelope Company,-93.4178335,44.9506348 +29979,Crossfit Minnetonka,-93.4178335,44.9505095 +29980,Peterson Health Equipment Services,-93.42045370000001,44.9497179 +29981,Minneapolis Motorcars,-93.4178335,44.9502305 +29982,Minnetonka Auto Service,-93.4178335,44.9503738 +29983,Graphics Media,-93.42045350000001,44.949581300000006 +29984,Minnetonka Auto Body,-93.4178335,44.9504013 +29985,Ferguson Waterworks,-93.42045350000001,44.94953 +29986,Wallace Carlson Printing,-93.4167285,44.9507719 +29987,BAM! Automotive,-93.4191361,44.9496259 +29988,Bert's Endurance + Strength Training,-93.41913650000001,44.949576500000006 +29989,Minneapolis Chabad Lubavitch,-93.419139,44.9493146 +29990,Lava,-93.4191387,44.9493487 +29991,Sather's Store,-93.3064616,46.709587000000006 +29992,Breathable Baby,-93.4191378,44.9494436 +29993,The Mother Baby Center,-93.3684906,45.181963200000006 +29994,Creative Business Solutions,-93.4191373,44.9494892 +29995,Spine & Sports Chiropractic,-93.19385430000001,45.034703900000004 +29996,Overlook,-94.47538030000001,44.2985911 +29997,Wilderness Bay Parking,-91.436537,47.969847 +29998,Former Dam Site,-94.45218720000001,44.286252000000005 +29999,Overlook,-94.4763003,44.3018142 +30000,Cheapo Records,-93.2781176,44.9553888 +30001,Al's Taping Tools & Spray Equipment,-93.54407660000001,45.0440665 +30002,Zettas,-93.2780578,44.9582387 +30003,Franklin-Nicollet Liquor Store,-93.27803610000001,44.962133300000005 +30004,Sew Simple,-93.27811530000001,44.9582168 +30005,Moonlight Floral,-93.27806890000001,44.9581777 +30006,Twisted Loop Yarn Shop,-93.42578400000001,44.714364800000006 +30007,Home of Comfort Furniture,-93.2776391,44.9617367 +30008,M & M Grocery Store,-93.27762840000001,44.961569700000005 +30009,Learning in Style,-93.27818520000001,44.9606313 +30010,"Lakes Home Care Health Services,Inc.",-93.27758440000001,44.9607566 +30011,Brave New Media,-93.27807370000001,44.961535500000004 +30012,Hair Is II,-93.2775696,44.9606161 +30013,Flowers by Miss Bertha,-93.2780249,44.961775700000004 +30014,St. Stephen's Human Services,-93.2775342,44.9598445 +30015,Minneapolis First Seventh-day Adventist Church,-93.2774524,44.9594972 +30016,Alamo Driving School,-93.27762940000001,44.961658400000005 +30017,City of Lakes Waldorf School,-93.2782375,44.9593519 +30018,Hark's Food Market,-93.2776582,44.9590977 +30019,Nicollet Family Dentistry,-93.27804230000001,44.961076000000006 +30020,A Slice of New York,-93.2776475,44.958953300000005 +30021,Servicios Latinos De Minnesota,-93.27746640000001,44.9612083 +30022,The Green Machine,-93.2776408,44.958904200000006 +30023,Center for Somali Solutions of Minnesota,-93.27746640000001,44.9611248 +30024,Pet Doctors,-93.276947,44.962514500000005 +30025,Wells Fargo,-93.2780762,44.9623399 +30026,CVS Pharmacy,-93.27760140000001,44.9624727 +30027,SURAD Interpreting & Translation,-93.27756120000001,44.9619869 +30028,Milano Apparel Accessories,-93.27812920000001,44.9581895 +30029,"Cheryl A. Cowan, LICSW",-93.27807770000001,44.9580192 +30030,Sunrise Banks,-93.2800959,44.9617079 +30031,Zeus Jones,-93.2776422,44.9580719 +30032,The Blaisdell,-93.28005850000001,44.9593738 +30033,Skyline Nail Supply,-93.27857610000001,44.9574597 +30034,Lucky Jewelry,-93.2776728,44.9575327 +30035,Icehouse,-93.27806960000001,44.9563475 +30036,Head to Toe,-93.27758490000001,44.95758 +30037,Move Fitness Center,-93.27807,44.957013700000005 +30038,Phuoc-Loc-Tho Jewelry,-93.27806430000001,44.9569137 +30039,Jasmine Deli,-93.2780896,44.956264600000004 +30040,Truong Thanh Grocery Store,-93.2780819,44.956575 +30041,Hertz,-93.08540550000001,44.9474735 +30042,Pimento Jamaican Kitchen,-93.2780604,44.9564783 +30043,The Lost & Found,-93.27806190000001,44.9564229 +30044,The Copper Hen Cakery & Kitchen,-93.2776781,44.9566716 +30045,KhunNai Thai Cuisine,-93.27769190000001,44.956500000000005 +30046,Pho 79,-93.27765760000001,44.9563695 +30047,Farmers Insurance - Tri Tang,-93.2783873,44.9564238 +30048,Jefferson Lines - Union Depot,-93.0851346,44.9475947 +30049,Saigon Central Post,-93.27833980000001,44.9562545 +30050,Lowertown Bike Shop,-93.08639930000001,44.947507800000004 +30051,Hoa Phát,-93.2780769,44.9547942 +30052,Pancho Villa Mexican Restaurant,-93.2776833,44.9560392 +30053,Creation Audio,-93.27765380000001,44.955893 +30054,Jasmine 26 Restaurant & Bar,-93.2775465,44.955661500000005 +30055,Light Grey Art Lab,-93.2754982,44.9556799 +30056,Central Care for Children,-93.2776209,44.9619154 +30057,Wesley Andrews,-93.2760823,44.9554003 +30058,The Talk of the Town Salon,-93.2776451,44.9590097 +30059,The Prodigal Public House,-93.27682340000001,44.9554003 +30060,Lu's Sandwiches,-93.27807150000001,44.9546974 +30061,"Goldstein Law, PLLC",-93.27995560000001,44.955711400000006 +30062,b. (a resale shop),-93.2776833,44.9550307 +30063,"Do Acupuncture, Inc.",-93.2775625,44.9563445 +30064,Lucky Stars Child Care Services,-93.2781288,44.954506200000004 +30065,A & M Accounting,-93.2776592,44.956329200000006 +30066,Christos,-93.2781332,44.9543405 +30067,Tram's Hair Styling,-93.27807150000001,44.9547315 +30068,Caravelle Restaurant,-93.27765810000001,44.9562928 +30069,"Nicollet Senior Center, Inc.",-93.27809570000001,44.955001 +30070,Western Union,-93.2777042,44.954379800000005 +30071,"Dai Loi Oriental Grocery, Inc.",-93.27769690000001,44.9543121 +30072,Goal Pyramid,-93.27037030000001,44.984991900000004 +30073,T Style,-93.2776987,44.954260100000006 +30074,Kim's Jewelry,-93.2776973,44.954182 +30075,Green Planet Consignment Boutique,-93.55388260000001,45.211117800000004 +30076,Jessica's Bridal Center,-93.27770840000001,44.9541157 +30077,Daalo Pizza & Grill,-93.27770100000001,44.954053300000005 +30078,"Eat Street Dental, PLLC",-93.2776173,44.9535661 +30079,Shuang Hur Supermarket,-93.27810380000001,44.953267600000004 +30080,Bom Music,-93.27770100000001,44.953980400000006 +30081,Nha Sach Saigon Income Tax Service,-93.2781551,44.953067000000004 +30082,State Farm: Moon Lai,-93.27809040000001,44.9530686 +30083,Harry Singh's Original Caribbean Restaurant,-93.2777047,44.9539258 +30084,T.H-Cell Phones,-93.27833580000001,44.953070200000006 +30085,Tobacco & Mas,-93.27769550000001,44.953859400000006 +30086,Kungfu Noodle,-93.2781149,44.9533639 +30087,Tung Doan Dentistry,-93.27743430000001,44.952836500000004 +30088,Anna's Beauty Salon,-93.2774473,44.953847700000004 +30089,Direct Access Realty LLC,-93.27743430000001,44.952757500000004 +30090,Bambu,-93.27772590000001,44.9522806 +30091,Q Salon,-93.27744320000001,44.9527354 +30092,"Vyan Chiropractic Clinic, P.A.",-93.27743430000001,44.952691200000004 +30093,Le's Beauty Salon,-93.27855290000001,44.952890800000006 +30094,Los Gallos La Villita,-93.27835710000001,44.9528024 +30095,La Huasteca,-93.27833150000001,44.9527385 +30096,Mai Hoa Beauty Salon,-93.277727,44.9522095 +30097,Emily's Beauty Salon,-93.27816720000001,44.952708400000006 +30098,Green Garage,-93.27762440000001,44.952141600000004 +30099,Nicollet Halal Market,-93.27749460000001,44.951564700000006 +30100,Nicollet Fashion,-93.2776965,44.9515139 +30101,TCF Bank,-93.4528018,44.994755000000005 +30102,Old Arizona Studio,-93.27754820000001,44.9512249 +30103,Cardinal Ridge Park,-93.4012306,44.7117206 +30104,Alpha Post Office,-94.87077330000001,43.6383506 +30105,Alpha Bank,-94.87119170000001,43.6391135 +30106,Alpha Fire Department,-94.87125680000001,43.639336400000005 +30107,Zipcar,-93.2063852,44.9670489 +30108,Pho Tau Bay,-93.2777179,44.950747500000006 +30109,A-Plus Auto Repair,-93.27644910000001,44.950738300000005 +30110,Oscar Auto Body,-93.2764441,44.9509787 +30111,St. Panteleimon Church,-93.20827560000001,44.9644095 +30112,City Coin Laundry,-93.2768855,44.9506172 +30113,Qoraxey PCA Provider Agency,-93.27638710000001,44.9539057 +30114,AFC Mortgage,-93.27682940000001,44.9547436 +30115,Lynch Strategies,-93.2763917,44.9550635 +30116,J Michaels Co. Inc. Furniture Repair,-93.27674540000001,44.9551601 +30117,Signe Burckhardt Manor,-93.27622190000001,44.9559547 +30118,Lucky Dog Pet Care,-93.2755911,44.9584151 +30119,Debra Miller's World Of Dance,-93.3535511,45.2189181 +30120,Minneapolis International Hostel,-93.27562490000001,44.959007400000004 +30121,Passage Community,-93.27689930000001,44.9590663 +30122,Gibbs Lawn & Landscape,-93.4569474,45.326638200000005 +30123,"Romer & Company, PC",-93.2768829,44.9593798 +30124,Bromelkamp Company LLC,-93.27629850000001,44.9593975 +30125,Andor Wenneson Inn,-91.83427920000001,43.785373 +30126,Spirit of St. Stephen's Catholic Community,-93.2760787,44.960238600000004 +30127,St. Stephen's Catholic Church,-93.2712552,44.9606548 +30128,Trinity Lutheran Church,-94.8709702,43.635508800000004 +30129,Speedway,-92.9507935,44.9970833 +30130,Rock County Sheriffs Office,-96.2020363,43.664574200000004 +30131,Pinz,-92.95316100000001,44.997014400000005 +30132,Ideal Storage,-92.9540269,44.9948737 +30133,LA Fitness,-92.957445,44.9967321 +30134,Allina Health Oakdale Clinic,-92.9552001,44.997145 +30135,Luverne Bell,-96.2138379,43.661376700000005 +30136,Luverne Elevator CoOp,-96.2101099,43.651369 +30137,Blue Mound Ice Arena,-96.2184672,43.644404800000004 +30138,Midwest Fire,-96.2192773,43.643182 +30139,St. Joachims,-92.17910540000001,44.1653722 +30140,Millie Bench,-93.3390887,45.2095323 +30141,Plainview Volunteer Fire Department,-92.1707717,44.1641148 +30142,Crooked Lake Pier,-93.3397084,45.2091305 +30143,"Plainview, MN Post Office",-92.1709273,44.165151900000005 +30144,Splash Park,-93.5913845,45.5638013 +30145,Temperance Lake Bench,-94.71738060000001,43.6603555 +30146,Anderson Lakes,-93.424097,44.8441622 +30147,Westridge Mall,-96.1097718,46.285306500000004 +30148,St. Johns Lutheran Church,-94.72666260000001,43.646184000000005 +30149,Welcome To Sherburn,-94.73229450000001,43.6622998 +30150,Jersey City Screen Printing and Embroidery,-92.17560920000001,46.8088209 +30151,Peace Lutheran Church,-93.26806690000001,45.168517200000004 +30152,Lyn Lake Chiropractic Northeast,-93.27162560000001,44.999200900000005 +30153,The Church of the Epiphany,-93.31604870000001,45.1711855 +30154,Coon Rapids Middle School,-93.32377100000001,45.180558100000006 +30155,Faith Lutheran Church,-93.316175,45.172435400000005 +30156,Lions Park Disc Golf Tee #15,-93.539848,44.782907900000005 +30157,Caribou Coffee,-93.2771738,44.773408800000006 +30158,Cub Liquor,-93.5072566,44.7795606 +30159,Pizza Ranch,-93.50697380000001,44.7795615 +30160,Jimmy John's,-93.5073935,44.782545000000006 +30161,Caribou Coffee,-93.50679880000001,44.782506700000006 +30162,Cost Cutters,-93.50701450000001,44.7825045 +30163,Lions Park Disc Golf Hole #1,-93.53915470000001,44.7848434 +30164,Lions Park Disc Golf Tee #1,-93.5395934,44.7843594 +30165,Lions Park Disc Golf Tee #2 (Alt),-93.53849360000001,44.7848267 +30166,Lions Park Disc Golf Hole #2,-93.53794020000001,44.784407400000006 +30167,Lions Park Disc Golf Hole #15,-93.5391178,44.7826193 +30168,Lions Park Disc Golf Tee #3 (Alt),-93.53774410000001,44.7837644 +30169,Lions Park Disc Golf Hole #17,-93.5403615,44.783976 +30170,Lions Park Disc Golf Hole #3,-93.5380476,44.783292100000004 +30171,Lions Park Disc Golf Tee #4,-93.53773240000001,44.7828479 +30172,Lions Park Disc Golf Tee #18,-93.5407668,44.7849535 +30173,Lions Park Disc Golf Hole #4,-93.53844690000001,44.7833236 +30174,Lions Park Disc Golf Tee #5,-93.5387225,44.783164500000005 +30175,Lions Park Disc Golf Hole #18,-93.5406035,44.7856423 +30176,Lions Park Disc Golf Hole #5,-93.53798470000001,44.7824813 +30177,Lions Park Disc Golf Tee #3,-93.5377354,44.7839904 +30178,Lions Park Disc Golf Tee #6,-93.5382395,44.7823271 +30179,Lions Park Disc Golf Hole #6,-93.5382448,44.7815111 +30180,Lions Park Disc Golf Tee #6 (Alt),-93.53798760000001,44.782111400000005 +30181,Lions Park Disc Golf Tee #8,-93.5384238,44.7816223 +30182,Lions Park Disc Golf Tee #7,-93.53849100000001,44.7809365 +30183,Lions Park Disc Golf Tee #2,-93.53896920000001,44.7846929 +30184,Lions Park Disc Golf Hole #7,-93.53879540000001,44.781436400000004 +30185,Lions Park Disc Golf Hole #8,-93.54049420000001,44.7812053 +30186,"5060 Suburban Dr. Excelsior, MN 55331",-93.5442914,44.912192000000005 +30187,Lions Park Disc Golf Tee #8 (Alt),-93.5391281,44.7815067 +30188,Lions Park Disc Golf Tee #9,-93.5406853,44.781416300000004 +30189,Lions Park Disc Golf Hole #9,-93.5407278,44.7821724 +30190,St. John the Baptist Church,-93.62559440000001,44.6675793 +30191,Lions Park Disc Golf Tee #10,-93.5403491,44.7818132 +30192,Lions Park Disc Golf Tee #10 (Alt),-93.5397899,44.7819287 +30193,Lions Park Disc Golf Hole #10,-93.5384875,44.782071900000005 +30194,Lions Park Disc Golf Tee #11,-93.538329,44.782284700000005 +30195,Lions Park Disc Golf Tee #11 (Alt),-93.5387049,44.7824006 +30196,Lions Park Disc Golf Hole #11,-93.53903460000001,44.7831047 +30197,Lions Park Disc Golf Tee #5 (Alt),-93.5385663,44.782984500000005 +30198,Lions Park Disc Golf Tee #14,-93.53927490000001,44.783157200000005 +30199,Lions Park Disc Golf Tee #14 (Alt),-93.53956450000001,44.783281900000006 +30200,Lions Park Disc Golf Hole #13,-93.539355,44.783439300000005 +30201,Lions Park Disc Golf Tee #12 (Alt),-93.53909010000001,44.7835705 +30202,Lions Park Disc Golf Tee #12,-93.5387974,44.783225 +30203,Lions Park Disc Golf Hole #12,-93.53978950000001,44.784128200000005 +30204,Lions Park Disc Golf Tee #13,-93.54011910000001,44.783763 +30205,Lions Park Disc Golf Hole #14,-93.540418,44.7830479 +30206,Lions Park Disc Golf Tee #17 (Alt),-93.54060290000001,44.783172500000006 +30207,Lions Park Disc Golf Tee #17,-93.5407323,44.782577700000004 +30208,St. John the Baptist School,-93.6251768,44.6680676 +30209,Lions Park Disc Golf Hole #16,-93.5404149,44.782094400000005 +30210,Lions Park Disc Golf Tee #16,-93.5387573,44.782295600000005 +30211,Lions Park Disc Golf Tee #16 (Alt),-93.5396601,44.7824837 +30212,Grace Cafe,-93.47851440000001,44.835205800000004 +30213,River City Clocktower,-93.52538100000001,44.798941600000006 +30214,Boat Launch Pier,-93.34180540000001,45.2186941 +30215,Jag Tours Inc,-92.3481752,43.9407772 +30216,Golden China,-91.69197390000001,44.0538997 +30217,CVS Pharmacy,-92.4653277,43.9538437 +30218,Kwip Trip,-91.69074810000001,44.054163800000005 +30219,Ground Round,-91.69104580000001,44.0537859 +30220,Sugarloaf Ford-Lincoln,-91.66917550000001,44.0454803 +30221,Kwik Trip,-91.6909064,44.0544047 +30222,Jimmy John's,-91.6191282,44.035544800000004 +30223,Ball field,-93.3522684,45.2091099 +30224,Papa Murphy's,-91.6188197,44.035037700000004 +30225,CVS Pharmacy,-91.62062750000001,44.032428700000004 +30226,West Suburban Auto Sales Inc,-93.8674883,45.1771565 +30227,M.A. Kinane Art,-93.176585,44.9617662 +30228,La Dolce Vita,-92.4652837,44.017908600000005 +30229,Pasquale's Neighborhood Pizzeria,-92.46497980000001,44.018019900000006 +30230,People's Food Co-op,-92.4648045,44.017255500000005 +30231,Starbucks,-93.2406773,44.8546166 +30232,Clear Passage Counseling,-93.2378068,45.1070695 +30233,Starbucks,-93.2415388,44.8566105 +30234,Holy Trinity,-92.51489480000001,44.3687437 +30235,Rodeway Inn Baxter,-94.23703180000001,46.353341 +30236,Bellechester Town Hall,-92.51172980000001,44.3681148 +30237,Americas Best Value Inn Brainerd,-94.20624240000001,46.324300900000004 +30238,Paul Bunyan Statue,-94.3192724,46.260283300000005 +30239,Subway,-95.00777280000001,44.7761799 +30240,Juba's Supervalu,-94.1015131,43.637162700000005 +30241,Max's Grill,-95.0214012,44.777412500000004 +30242,Sew Biz Tailoring,-93.2700961,44.975658100000004 +30243,Chatterbox Cafe,-95.02498630000001,44.777701500000006 +30244,Cafe Racer,-93.228541,44.957219300000006 +30245,F&M Bank,-94.98916550000001,44.775223700000005 +30246,Ford,-92.5040462,44.0746101 +30247,Carlson Insurance,-94.30489,45.084763 +30248,Nissan,-92.501254,44.0697192 +30249,Nissan,-92.50090370000001,44.069579000000004 +30250,Silver Lake Auditorium,-94.1984398,44.9034671 +30251,Lifecare Greenbush Manor,-96.1932328,48.6908333 +30252,Skyline Court Motel,-92.19283800000001,46.8252741 +30253,The Downtown Duluth Inn,-92.1030049,46.786616 +30254,Glensheen - Historic Congdon Estate,-92.05172060000001,46.8151573 +30255,The Suites Hotel in Canal Park,-92.09618470000001,46.7833935 +30256,Fitger's Inn,-92.0906228,46.7923969 +30257,Grand Portage Lodge & Casino,-89.69166510000001,47.9539331 +30258,Traverse des Sioux,-93.94405230000001,44.3518063 +30259,Ma's Cafe,-92.17014870000001,44.164514700000005 +30260,Erin's Touch of Style,-92.1704385,44.1648001 +30261,Timberlake Lodge Hotel,-93.52650910000001,47.2128724 +30262,Immanuel Lutheran Church,-92.16684430000001,44.1647058 +30263,Country Inn & Suites,-93.5298477,47.2070049 +30264,The Gilbert Mansion,-93.53034120000001,47.239727900000005 +30265,Dollar Tree,-93.5295026,47.2020816 +30266,Sucker River Campsite,-91.9375636,47.0143153 +30267,Heron Pond,-91.9722514,46.9892484 +30268,Pizza Hut,-93.5295519,47.201177300000005 +30269,Hwy 61 Liquor,-91.6683843,44.0466251 +30270,Taco John's,-91.66810000000001,44.0476006 +30271,Family Essentials,-91.668902,44.0466598 +30272,Domino's,-91.66883220000001,44.047831900000006 +30273,Christopher & Banks,-91.6695432,44.046702200000006 +30274,GNC,-91.66976030000001,44.046760000000006 +30275,Verizon,-91.66885640000001,44.046916200000005 +30276,GQ,-91.6691917,44.0468179 +30277,Lone Tree,-92.0136808,46.9637121 +30278,Blooming Grounds,-91.66982730000001,44.0468738 +30279,First Free Church,-91.6680249,44.046382200000004 +30280,Fox Farm Beaver Pound Campsite,-91.9134446,47.033095 +30281,White Pines Camp Stie,-92.0669282,46.9309029 +30282,Fjällräven St. Paul,-93.13359910000001,44.940124100000006 +30283,Bald Eagle Camp site,-92.0711342,46.9170267 +30284,Camp Esquagama Parking,-92.3454212,47.473263 +30285,MN Nice Ice Cream,-93.2508921,44.9989645 +30286,St. Louis County 4-H Club Camp,-92.3468299,47.4737371 +30287,Bridgeview Liquor,-96.76560330000001,46.835099 +30288,La Vetta,-92.4627579,44.0201663 +30289,Rochester Police Department,-92.4608314,44.019634100000005 +30290,Olmsted County Sheriff's Office,-92.46066780000001,44.0200315 +30291,Big Brad's,-92.463265,44.0200082 +30292,The Tap House,-92.4636881,44.0203014 +30293,Dunn Bros,-93.10453840000001,44.9428317 +30294,Burger Moe's,-93.10458530000001,44.9427898 +30295,Premier Bank,-92.4649218,44.018459500000006 +30296,Potbelly,-92.4642539,44.0196978 +30297,Terza,-92.4627607,44.0203882 +30298,Hy-Vee Wine & Spirits,-91.6779886,44.0469282 +30299,Wellington's Pub & Grill,-91.67594220000001,44.046228500000005 +30300,Kathy's Pub,-92.463431,44.020127800000004 +30301,Wells Fargo,-92.46427680000001,44.022719800000004 +30302,Broadway Internatioal Grocery,-92.4634546,44.0245793 +30303,Pizza Ranch,-93.3571062,43.6815836 +30304,International Spices & Grocery,-92.460493,44.0236273 +30305,Maurices,-93.35674680000001,43.681614700000004 +30306,Herberger's,-93.35684330000001,43.6807767 +30307,The Nordic Shop,-92.4632964,44.022963100000005 +30308,Chico's,-92.46326690000001,44.022357500000005 +30309,Kabab Restaurant,-92.4603218,44.023732300000006 +30310,Hers,-92.46347340000001,44.0223382 +30311,Hanny's (Subway Level),-92.46485240000001,44.022759900000004 +30312,CB3 Burgers & Brew,-92.46793050000001,44.023638500000004 +30313,Jimmy John's,-92.4675718,44.0240856 +30314,Hinckley State Line Marker,-92.4500424,46.012704400000004 +30315,Bymore,-93.07379800000001,44.967191400000004 +30316,Maurices,-92.4801492,44.0033988 +30317,Men's Wearhouse,-92.479315,44.0052703 +30318,Saint Paul Eastside YMCA,-93.06770800000001,44.968110700000004 +30319,Taqueria Los Ocampo,-93.0664474,44.9682018 +30320,Sand Dunes Natural History Area,-93.2501402,45.0789966 +30321,Chi-Town Grill,-93.0762911,44.977547 +30322,East Immanuel Lutheran Church,-93.0739039,44.976767200000005 +30323,Dorothy Bergh,-96.94877620000001,48.775612200000005 +30324,Superamerica,-93.07327360000001,44.9758508 +30325,St Paul Gold & Silver Exchange,-93.0737349,44.9772547 +30326,Maurices,-95.0397205,45.1074714 +30327,JCPenney,-95.0385832,45.1067331 +30328,AmericInn Hotel & Suites International Falls,-93.4363727,48.5923735 +30329,Christopher & Banks,-95.0400585,45.1076531 +30330,Herberger's,-95.03985460000001,45.1081075 +30331,Deerwood Elementary School,-93.17313150000001,44.808922 +30332,Black Hawk Middle School,-93.17530280000001,44.8093274 +30333,"3196 129th Ave NE, Blaine MN 55449",-93.1887597,45.2045893 +30334,Knights Inn International Falls,-93.4216706,48.599372300000006 +30335,Hilltop Motel,-93.4033253,48.5839304 +30336,Falls Motel,-93.40207000000001,48.582375400000004 +30337,Monument 835,-97.17393170000001,49.000413300000005 +30338,Monument 833A,-97.207818,49.000435200000005 +30339,Lower Chester Park,-92.0852261,46.8045952 +30340,Monument 833B,-97.2069144,49.000437100000006 +30341,The Edge Martial Arts,-92.839714,45.0418402 +30342,JCPenney,-94.449392,43.6512371 +30343,Farmington Area Veterans Memorial,-93.15330940000001,44.6415858 +30344,Survivor's Flower Bed,-96.908285,48.6387164 +30345,Kennedy Baseball Diamond,-96.9112023,48.6383777 +30346,Maria Lutheran Church,-96.9128508,48.645302300000004 +30347,Kennedy Post Office,-96.9091703,48.643673 +30348,Kennedy Cafe,-96.90901760000001,48.6423508 +30349,Kennedy Water Tower,-96.9079985,48.645027500000005 +30350,Kennedy Bar,-96.90860020000001,48.642096200000005 +30351,Kennedy City Shop,-96.9078947,48.642853900000006 +30352,Kings Island,-93.421406,45.2150149 +30353,Flags,-96.21266100000001,43.6540119 +30354,Fitzharris Ski and Sport,-94.1595664,45.5588003 +30355,WWII,-96.20718710000001,43.6565103 +30356,Bronze turtle,-93.15108810000001,44.9316953 +30357,Dakota Hills Middle School,-93.1345273,44.8072389 +30358,Eagan High School,-93.1332127,44.8074444 +30359,Woman and Wolf Statue,-93.08499490000001,44.932125500000005 +30360,Firestone,-93.3233725,44.8831183 +30361,Rocket55,-93.25011210000001,44.9996566 +30362,Panda Express,-93.1537215,44.8340137 +30363,Liquor Depot,-93.25406240000001,44.976073 +30364,Solos,-93.1537229,44.8340831 +30365,Pearle Vision,-93.1537186,44.8342359 +30366,Sport Clips,-93.15372430000001,44.8343081 +30367,Verizon,-93.15372830000001,44.8344127 +30368,Metro DentalCare,-93.43306360000001,44.853523700000004 +30369,Smashburger,-93.1537212,44.8341605 +30370,Punch Pizza,-93.4334635,44.853654000000006 +30371,Sprint,-93.42917960000001,44.852810000000005 +30372,Starbucks,-93.4292413,44.853256 +30373,Once Upon a Child,-93.429134,44.8529697 +30374,Becklund Jewelers,-93.4291649,44.853025800000005 +30375,Cold Stone Creamery,-93.42918630000001,44.853078100000005 +30376,Flybar,-93.2105157,44.8813114 +30377,U.S. Bank,-93.21205490000001,44.8821182 +30378,Cibo Express,-93.2122702,44.882057700000004 +30379,Caribou,-93.2120436,44.882192 +30380,Delta Sky Club,-93.2125336,44.882746100000006 +30381,Volante,-93.2090951,44.8807151 +30382,Cibo Express,-93.2092678,44.8808063 +30383,Punch Pizza,-93.43415180000001,45.093111900000004 +30384,Ulta Beauty,-93.29326780000001,44.8630385 +30385,P.F. Chang's,-93.43373340000001,45.093127100000004 +30386,Forever 21,-93.43355100000001,45.0926878 +30387,Biaggi's Ristorante Italiano,-93.4335329,45.092216300000004 +30388,Cold Stone Creamery,-92.461511,43.9824368 +30389,Little Free Library,-93.0867772,44.9318663 +30390,DSW,-92.45958780000001,43.983249400000005 +30391,Goodwill,-92.45928470000001,43.981441000000004 +30392,Bed Bath & Beyond,-92.4595798,43.983627500000004 +30393,Kohl's,-92.4594402,43.984526900000006 +30394,Michaels,-92.4596978,43.9825121 +30395,Famous Footwear,-92.45962270000001,43.983957600000004 +30396,Shark Industries Ltd.,-93.75395540000001,45.096721800000005 +30397,Burlington,-93.029583,45.030928 +30398,Two Scoops,-93.13916090000001,44.9467262 +30399,Claddagh Coffee,-93.1258966,44.9464765 +30400,Target,-94.2080277,45.556347200000005 +30401,BlackStack Brewing,-93.18273330000001,44.9654101 +30402,Can Can Wonderland,-93.18317520000001,44.965122300000004 +30403,Saint Paul Conservatory for the Performing Arts,-93.0951311,44.9452599 +30404,Klein Bank,-93.60031450000001,44.828917000000004 +30405,Twin City Self-Storage,-93.5680655,44.8050787 +30406,Mercy Heart & Vascular Center,-93.3686254,45.1824268 +30407,Brainerd Seventh-day Adventist Church,-94.16589280000001,46.3518063 +30408,Macy's,-94.2101842,45.5574816 +30409,TSA Pre,-93.2023726,44.8814068 +30410,Benefit,-93.20291370000001,44.881682500000004 +30411,JCPenney,-94.2118042,45.554739600000005 +30412,HomeGoods,-94.2077702,45.555182800000004 +30413,Best Buy Express,-93.2038387,44.8821232 +30414,Scheel's,-94.21190080000001,45.5560768 +30415,Smashburger,-93.2048393,44.882573300000004 +30416,Starbucks,-93.20493300000001,44.882575300000006 +30417,Treasured Spaces Inc,-93.44126010000001,44.4796624 +30418,Drinks,-93.2022343,44.8813453 +30419,Chick-fil-A,-93.2047052,44.8825323 +30420,Dunn Bros Coffee,-93.2046557,44.882499800000005 +30421,Explore Afar,-93.2048692,44.8824051 +30422,Lolli and Pops,-93.21421500000001,44.8833306 +30423,Como Park Essentials,-93.2020499,44.8812677 +30424,Words,-93.2050074,44.8825647 +30425,Bluewire,-93.21414820000001,44.8833101 +30426,Xpress Spa,-93.21467940000001,44.883419700000005 +30427,Regis,-93.214725,44.883434400000006 +30428,The Chiroport Chiropractor,-93.2148069,44.8834524 +30429,Sole Essentials,-93.214579,44.8833891 +30430,Doms,-93.24362330000001,44.301172900000005 +30431,Taylors Falls Canoe and Kayaking,-92.66694310000001,45.3922029 +30432,Hendricks Dental,-96.42545840000001,44.507812400000006 +30433,Bead Store,-92.6524495,45.402073200000004 +30434,Fantastic Sams,-92.4614756,43.954240000000006 +30435,Chisago House Resturant,-92.6527954,45.4019448 +30436,PetSmart,-92.465452,43.9562626 +30437,Zion Evangelical Lutheran Church,-94.9209718,44.417486000000004 +30438,Caribou Coffee,-92.46199990000001,43.9542507 +30439,Catherines,-92.4629065,43.954992100000005 +30440,Noodles & Company,-92.4634913,43.954988300000004 +30441,Cost Cutters,-92.4632043,43.9549998 +30442,Subway,-92.4612302,43.955662100000005 +30443,Rooster's Too!,-92.4614447,43.955538600000004 +30444,Maurices,-92.4653742,43.955959500000006 +30445,Rogan's Shoes,-92.5152042,44.076731800000005 +30446,Sally Beauty,-92.51542690000001,44.0769296 +30447,GNC,-92.496137,44.064428 +30448,Water's Edge,-95.5307623,45.5974749 +30449,Lakeside Stake & Chophouse,-95.39487860000001,45.6485179 +30450,D,-92.7810182,44.8445771 +30451,B,-92.79222970000001,44.8431822 +30452,Sun Street Breads,-93.27817040000001,44.9194255 +30453,A,-92.7928734,44.8439506 +30454,A.D. Hays Group,-93.32882430000001,44.9127117 +30455,Caribou Coffee,-93.27840540000001,44.919498600000004 +30456,Fresh Wok,-93.27852030000001,44.9193191 +30457,Ecumen Scenic Shores Care Center,-91.66800380000001,47.0319803 +30458,Salon Nouveau,-95.04189740000001,45.1021201 +30459,Dollar Tree,-95.0409736,45.099978500000006 +30460,Divine House Inc.,-95.0482348,45.1209926 +30461,Minnehaha Elementary School,-91.6737319,47.0233104 +30462,Cavallin Funeral Home,-91.6685978,47.0204937 +30463,Carmody 61,-91.68004400000001,47.025419500000005 +30464,Sterling Auto Parts - NAPA,-91.6707669,47.0204327 +30465,Danny's Auto Shop,-91.6723793,47.022099100000005 +30466,City of Plainview Ambulance Station,-92.1701783,44.163631300000006 +30467,Wells Fargo,-94.54814710000001,47.729570300000006 +30468,Pizza Ranch,-95.37865550000001,45.8745622 +30469,Faith Lutheran Church,-94.5423533,47.735825000000006 +30470,Lakes Cafe,-95.5735532,46.594816200000004 +30471,Blackduck Community Library,-94.5464788,47.7290961 +30472,Anderson Fabrics Outlet,-94.54811860000001,47.7299572 +30473,Blackduck City Hall,-94.54827110000001,47.729980700000006 +30474,Blackduck Dental Clinic,-94.5477688,47.7295954 +30475,St. Henrys Cathloic Church,-95.5759122,46.593992400000005 +30476,Orono Lake,-93.59851760000001,45.302044200000005 +30477,Circle Bay Addition,-93.589956,45.3094685 +30478,Camp Cozy,-93.6272462,45.314916800000006 +30479,Evergreen Terrace,-93.6004058,45.3160183 +30480,River Pine,-93.6172018,45.316756100000006 +30481,Best Point on Lake Orono,-93.59411870000001,45.3088958 +30482,Paradise Park,-93.5911576,45.3129551 +30483,Gospodor's Lake Addition,-93.60109250000001,45.3053335 +30484,Nelson's Store,-94.0994424,48.626710100000004 +30485,Whipple Hill,-93.6194334,45.318415900000005 +30486,Meadowvale Oaks,-93.5888788,45.3130132 +30487,Birchdale United Congregational Church,-94.1015151,48.6266721 +30488,Oak Hollow,-93.6314926,45.316514700000006 +30489,Community Building,-94.0980157,48.626639700000005 +30490,Island View,-93.6075727,45.3141012 +30491,Birchdale US Post Office,-94.1043181,48.6265444 +30492,Belgin Acres,-93.6109201,45.317149900000004 +30493,Olmstead Addition,-93.5880891,45.311928300000005 +30494,County Garage,-94.1040528,48.6274334 +30495,Oak Knoll,-93.62655740000001,45.3179632 +30496,Lundgren Homes,-93.5942904,45.310917200000006 +30497,Shelard Park,-93.4059924,44.976043000000004 +30498,Village Estates,-93.63140680000001,45.319352800000004 +30499,Amhurst,-93.39887920000001,44.938166 +30500,Upland Heights,-93.5860914,45.311477100000005 +30501,Meadowbrook,-93.37222340000001,44.928873200000005 +30502,Brooklawns,-93.3607382,44.930419 +30503,Fox Haven,-93.6118192,45.3089834 +30504,South Oak Hill,-93.37211070000001,44.9355914 +30505,Westwood,-93.5943762,45.3141917 +30506,Brookside,-93.35264330000001,44.9255006 +30507,Browndale,-93.3453369,44.923141900000005 +30508,Roadside Market,-93.59808020000001,46.992894400000004 +30509,Minikahda Vista,-93.3370328,44.9326444 +30510,Lake Forest,-93.3369684,44.959787600000006 +30511,Cedarhurst,-93.3369818,44.9652116 +30512,Hill Lake Cafe,-93.59813390000001,46.9923328 +30513,Blackstone,-93.3527291,44.9678419 +30514,Hasbargen Logging Inc,-94.1265561,48.6381092 +30515,Belleweather Boutique,-93.2885131,44.941093900000006 +30516,June,-93.2884485,44.9410163 +30517,Quality Paint & Autobody,-93.2885337,44.939651500000004 +30518,Harry's Bar,-93.5988349,46.99155510000001 +30519,Vo's Vietnamese Restaurant,-93.28850750000001,44.9397758 +30520,Kitty Klinic,-93.2878266,44.939693500000004 +30521,Benike Farms Inc.,-94.21200060000001,48.6444187 +30522,Fellow Advertising Agency,-93.2887724,44.9414883 +30523,Canteen,-93.2905077,44.9430421 +30524,Dan's Path,-93.0721609,44.857630300000004 +30525,Xcentric Goods,-93.28839950000001,44.943031500000004 +30526,The Chair,-93.28788700000001,44.9430302 +30527,Knuckleheads Bar and Grill,-93.5981696,46.991964200000005 +30528,Hill CIty Assembly of God Church,-93.59730590000001,46.991971500000005 +30529,Beerbower Veterans Monument,-93.6003154,46.9903981 +30530,Hill City Liquor,-93.6024307,46.988439400000004 +30531,Sunny's,-93.6036917,46.987009500000006 +30532,Woodland Bank,-93.6043952,46.9885954 +30533,Pizza Ranch,-95.5753315,46.5864028 +30534,Fire Department/EMS services,-94.1040512,48.62761020000001 +30535,Boat Landing,-94.10258560000001,48.644093500000004 +30536,Nyhus Car Repair,-95.5746931,46.5901889 +30537,Bremer Bank,-95.5739743,46.5853594 +30538,Subway,-95.57511690000001,46.5879586 +30539,McDonald's,-95.5752135,46.584976000000005 +30540,Pet Supplies Plus,-93.21528190000001,44.9172546 +30541,Myrtlewood Rd,-93.54429520000001,44.9793692 +30542,Matt Saxe Chevrolet Buick,-93.75089820000001,44.620287100000006 +30543,Matt Saxe Chevrolet Buick,-93.7505182,44.620051200000006 +30544,Palo Fire Department,-92.2531627,47.4461693 +30545,Our Savior's,-94.31670530000001,46.602048700000005 +30546,Barajas Mexican Grill and Cantina,-94.3144415,46.6041937 +30547,Twin Lakes Beach,-92.2529052,47.4444206 +30548,Family Dollar,-94.31412,46.6021688 +30549,Loon Lake Community Center,-92.25990990000001,47.392242700000004 +30550,Boat landing Frypan,-92.28126010000001,47.421963000000005 +30551,Timbers Edge,-92.4887482,47.3575092 +30552,Lakeland,-92.3427479,47.4667697 +30553,St Louis County Transfer Site,-92.3475956,47.3362812 +30554,Subway,-91.8428063,47.9023556 +30555,Makinen,-92.3682026,47.357560400000004 +30556,Super One,-92.3443098,47.533131000000004 +30557,Ely Chamber of Commerce,-91.8417871,47.9027692 +30558,Jims Native Wood Products,-92.299918,47.4310849 +30559,Family Dollar,-91.8453437,47.9028951 +30560,Northridge Community Credit Union,-92.34586010000001,47.532787600000006 +30561,Lakeland,-91.84540270000001,47.9034417 +30562,Boat Landing,-92.14357940000001,47.441892300000006 +30563,Pioneer Mine Shaft,-91.8609672,47.9118093 +30564,Pillow Rock,-91.8473259,47.9071645 +30565,Voyaguer North Outfitters,-91.83883800000001,47.9035528 +30566,Cap Carpet,-93.1835856,45.0759271 +30567,Ely Auto Services,-91.8417594,47.900953300000005 +30568,ruthies restaurant,-93.59891400000001,46.993478700000004 +30569,Noodles,-93.1477354,45.0567263 +30570,Chipotle,-93.1435065,45.0580154 +30571,Five Guys,-93.1430457,45.0580153 +30572,methidost,-93.6002692,46.993199800000006 +30573,Rahr Malting Co,-93.5365005,44.796810300000004 +30574,City Hall,-93.59654660000001,46.9923857 +30575,Bill's Toggery,-93.52531950000001,44.7980011 +30576,Wampach's Restaurant,-93.52757580000001,44.7982582 +30577,Red Raven Bike Cafe,-93.95799720000001,46.4822688 +30578,Turtle's Bar and Grill,-93.52547290000001,44.798605 +30579,Crosby-Ironton Transportation,-93.9394802,46.490245400000006 +30580,Holiday Station Stores,-93.957873,46.481245 +30581,Cuyuna Range Elementary School,-93.94016020000001,46.487087700000004 +30582,Snuffy's Malt Shop,-93.3397032,44.8923533 +30583,Scott County Mini Storage,-93.53402390000001,44.7964045 +30584,First Minnesota Bank,-93.33312600000001,44.8864504 +30585,Artistic Floral,-93.33959390000001,44.892328000000006 +30586,Crazy Mary's Cafe,-92.9176391,46.2021462 +30587,Rosie Posie,-93.33988280000001,44.892400800000004 +30588,USPS Finlayson,-92.9167714,46.200897000000005 +30589,Physical Culture,-93.33999800000001,44.892430600000004 +30590,Petry's,-92.9165612,46.2016511 +30591,Welcyon,-93.3386766,44.891670600000005 +30592,Finlayson Municipal,-92.9174734,46.200715900000006 +30593,Finlayson Laundromat,-92.9174036,46.2009313 +30594,MAPeterson,-93.3388992,44.8912373 +30595,New Horizon Academy,-93.3382447,44.8911214 +30596,Bank of the West,-94.4980893,44.329688100000006 +30597,The Neighborhood Ice Cream Shoppe,-93.3375728,44.8913704 +30598,Cappagallo,-93.3375728,44.891435 +30599,Cycle Path and Paddle,-93.95739660000001,46.4808475 +30600,Burley's Hairsalon,-93.33705970000001,44.891141700000006 +30601,Pearl Record Store,-94.4963635,44.331807500000004 +30602,Dee's Bakery,-94.50066860000001,44.329058700000004 +30603,Blue Cafe,-94.47759710000001,44.307691500000004 +30604,Cutting Edge II,-95.41030620000001,47.521482600000006 +30605,China Dragon,-93.4689314,45.2358484 +30606,Aurelio's Pizza,-93.43018690000001,45.2215202 +30607,Whiskey Junction,-94.48348080000001,44.3131483 +30608,Sonic,-94.49313360000001,44.331107100000004 +30609,Bike Shop,-94.48018040000001,44.3103356 +30610,Baloon Saloon,-94.4923213,44.3326858 +30611,Dairyland,-95.4097643,47.522080300000006 +30612,Horse Stables,-94.4961378,44.3362216 +30613,Residential Home,-94.4964853,44.3363147 +30614,West Side Express,-95.4092279,47.5223339 +30615,True North Basecamp,-93.9674638,46.4835719 +30616,Lakes Gas Company,-93.96878840000001,46.481927500000005 +30617,Willbergs Auto Center,-95.4051295,47.5220622 +30618,Bagley Elementary School,-95.4013515,47.5237137 +30619,Mac’s Cafe,-95.40054880000001,47.5215637 +30620,Clearwater County Courthouse,-95.3993288,47.52424490000001 +30621,Cease Funeral Home,-95.3973189,47.5260723 +30622,Bagley Dental,-95.398932,47.5219765 +30623,Bagley Youth Hockey Arena,-95.396961,47.5304547 +30624,Thrifty White Pharmacy,-95.398837,47.5225585 +30625,Graphic Packaging International,-93.97107100000001,46.4809599 +30626,Bagley Public School Bus,-95.4209338,47.523414800000005 +30627,Shelter #2,-93.28225370000001,45.058075200000005 +30628,Clearwater Department of Human Services,-95.4221454,47.5248099 +30629,Massage by Sarah Forsland,-95.4103008,47.521565900000006 +30630,Slim Gym,-95.41032220000001,47.521504300000004 +30631,Shelter #1,-93.28224300000001,45.06374 +30632,Riedel Gazebo,-93.28247900000001,45.061258200000005 +30633,Solar Panels,-95.89849170000001,45.591396800000005 +30634,Five Guys,-93.18627120000001,44.917605200000004 +30635,Nelson's Ice Cream,-93.16666160000001,44.9278204 +30636,Dunham Addition,-93.6077439,45.3831988 +30637,Dharma Field Zen Center,-93.3198797,44.9145113 +30638,North Meadows Corner,-93.62890060000001,45.364373 +30639,Meadows of Elk River,-93.6317647,45.3620588 +30640,Fairhaven Hills,-93.6292214,45.3344467 +30641,Hobbit Hills,-93.6204345,45.335148100000005 +30642,Hilltop Woods Estates,-93.62715180000001,45.344008800000005 +30643,Oakwood Forest,-93.61683070000001,45.3304568 +30644,Windsor Oak of Elk River,-93.62081110000001,45.32213 +30645,Weatherwood,-93.6314428,45.331346800000006 +30646,Meadowvale Woods,-93.6274951,45.3380516 +30647,North Meadows,-93.6318923,45.359918300000004 +30648,Crucifixion Elementary School,-91.3070373,43.8274289 +30649,Harris Island,-93.6248784,45.3149351 +30650,Meadowvale Forest,-93.6254674,45.3417691 +30651,Sunset Acres of Elk River,-93.63053140000001,45.3734029 +30652,Ridges of Rice Lake,-93.5850202,45.3775777 +30653,Stoney Point,-91.3167909,43.8279088 +30654,Stoudt Law Ltd.,-92.8799529,44.998164700000004 +30655,Grand Portage Tribe Council,-89.68542500000001,47.963815800000006 +30656,Piedmont Barber,-92.1598853,46.7819068 +30657,Oshki Ogimaag Charter School,-89.6806426,47.9677748 +30658,Nathasha's store,-89.9618497,47.8437367 +30659,Hovland Townhall,-89.9680168,47.842017000000006 +30660,Seventh Day Advent Church,-92.16268480000001,46.7862923 +30661,Piedmont Community Center,-92.1516854,46.78025 +30662,Wyatt's Twisted America,-93.2069817,44.793619400000004 +30663,St. Lawerence Church,-92.15682100000001,46.7779645 +30664,Arthurs Mens Formal Wear,-92.1606421,46.783044800000006 +30665,The UPS Store,-93.2052019,44.792899000000006 +30666,Piedmont Manor,-92.16030690000001,46.7862694 +30667,Sally's Beauty supplies,-93.21965370000001,44.730734000000005 +30668,Uptown Hair Salon,-92.16054150000001,46.783016100000005 +30669,Piedmont Soccor Field,-92.1599103,46.785422200000006 +30670,Ace Hardware,-93.1785359,44.791303000000006 +30671,Rolling Hills,-93.5140337,45.3807917 +30672,Anderson Lakes Regional Park,-93.4025615,44.839307700000006 +30673,Windsor Meadow,-93.6157919,45.3552844 +30674,Windsor Park,-93.6121011,45.358631700000004 +30675,Lundberg Addition,-93.60557800000001,45.3473224 +30676,Country Side Acres,-93.6052765,45.3320263 +30677,Trott Brook Estates,-93.5175586,45.3579985 +30678,Windsor Woods,-93.6014152,45.3525386 +30679,Meadowwoods Village,-93.6105562,45.351060800000006 +30680,Kingdom Estates,-93.5334802,45.352629 +30681,Greenhead Acres,-93.59429130000001,45.3577572 +30682,Pheasant Run,-93.52360970000001,45.3483765 +30683,Ridgewood Hills,-93.5176016,45.3624598 +30684,Avon Acres,-93.52167850000001,45.252886100000005 +30685,Birchview,-93.5336948,45.348165400000006 +30686,Buffalo Ridge Newspapers,-96.42599240000001,44.5058123 +30687,Larry Morrell Addition,-93.5410969,45.279039100000006 +30688,The Crossroads,-93.5536464,45.287267400000005 +30689,Mississippi Ridge,-93.5525456,45.2831753 +30690,Blackberry Hills,-93.54686980000001,45.365776600000004 +30691,Mississippi Heights,-93.5499578,45.2771668 +30692,Rainwater Runoff Model,-93.6179098,44.8647263 +30693,Speedway,-93.5894086,44.8641522 +30694,Green Play Yard,-93.618347,44.8642624 +30695,Burger King,-93.58994000000001,44.864045700000005 +30696,Belmont Estates,-93.53313320000001,45.2970185 +30697,Rose Garden (Shuttle),-93.6176817,44.861389900000006 +30698,Maze Garden (Shuttle),-93.61557090000001,44.855685900000005 +30699,Speedway,-93.5897412,44.8641293 +30700,Hidden Creek Country Estates,-93.5171923,45.291795 +30701,Learning Center (Shuttle),-93.6183819,44.8646578 +30702,Maple (Shuttle),-93.6205491,44.858467600000004 +30703,Elk Meadows,-93.5317814,45.298572400000005 +30704,Johnson Plat,-93.5526811,45.305545200000005 +30705,Kliever Lake Fields East,-93.5234987,45.297652400000004 +30706,Marshes of Trott Brook,-93.5465013,45.308472900000005 +30707,Subway,-94.4287905,45.4566778 +30708,Trott Brook Crossing,-93.54514950000001,45.2937875 +30709,"Granite Country Computer Repair, LLC",-94.42884120000001,45.456732 +30710,Boulder Point,-93.54598630000001,45.29806 +30711,Cenex Convenience Store,-93.75365550000001,44.6236139 +30712,Shores of Briarwood,-93.5374891,45.2894098 +30713,Kwik Trip,-93.7570457,44.6233291 +30714,Parkview Addition,-93.5182437,45.265056200000004 +30715,Kwik Trip (trucks),-93.75741590000001,44.623728400000005 +30716,Kwik Trip,-93.757727,44.6233256 +30717,Mulvaney Point,-93.54972000000001,45.3045039 +30718,Twin Lakes Townhomes,-93.54892600000001,45.3089558 +30719,Houles Addition,-93.54629320000001,45.280981100000005 +30720,Elk River Station,-93.53571670000001,45.2828834 +30721,Kliever Lake Fields,-93.52828380000001,45.297364900000005 +30722,Trott Brook Farms South,-93.5430702,45.296807900000005 +30723,Van den Berg,-93.5426389,45.293908300000005 +30724,Leon Lefebvre Addition,-93.54592410000001,45.283628500000006 +30725,Brewery Creek Garden Center,-93.74019340000001,44.6283994 +30726,Park Pointe,-93.5253655,45.290452200000004 +30727,Trott Brook Farms,-93.5388195,45.305530100000006 +30728,Subway,-93.7554618,44.620675500000004 +30729,Renner Addition,-93.518263,45.2576094 +30730,Coborn's,-93.74615440000001,44.621506000000004 +30731,Coborn's Express,-93.7463556,44.6213361 +30732,Deneen Pottery,-93.19344170000001,44.970233300000004 +30733,Coborn's,-93.7461732,44.6220997 +30734,Coborn's Express,-93.7464092,44.621212 +30735,Polar Geospatial Center,-93.1822688,44.9842403 +30736,Prairie Liquor,-93.75244160000001,44.62324 +30737,Hill of Three Oaks,-93.1471631,44.4633266 +30738,LittleFreeLibrary 6862,-93.393195,45.005617400000006 +30739,JD's Auto Service Inc.,-93.75842030000001,44.6232782 +30740,Sleepy Eye Electric,-94.7250637,44.297433600000005 +30741,Nokomis Hair Design,-93.2325728,44.9128655 +30742,Laughing Water Gifts,-93.2328119,44.912820700000005 +30743,Keene Creek Park,-92.1850878,46.7745047 +30744,YMCA,-90.3351719,47.7564019 +30745,Family Jubilee Shrine,-94.73636690000001,44.3032826 +30746,Chuck Spaeth Ford,-94.726881,44.2887324 +30747,Schutz Family Foods,-94.71220740000001,44.2984087 +30748,Friendz Salon and Tanning,-94.72346560000001,44.297077 +30749,Sleepy Eye Outdoor Rink,-94.71970680000001,44.2904453 +30750,Randy's Family Drug & Gift,-94.7224844,44.296588500000006 +30751,Divine Providence Nursing Home,-94.7248576,44.305766500000004 +30752,Newspapers,-93.23243520000001,44.9126744 +30753,Jackson Depot,-94.97553930000001,43.631157 +30754,Waseca Yard,-93.51591690000001,44.077303300000004 +30755,Austin interlocking tower,-92.9607854,43.676580200000004 +30756,Nokomis Naturescape Garden,-93.2341169,44.912978300000006 +30757,Southpoint Auto Care,-92.4606177,44.045098800000005 +30758,Nokomis Naturescape Garden,-93.2343637,44.913028600000004 +30759,Grand Rounds National Scenic Byway,-93.24716810000001,44.9091207 +30760,Pay Parking,-93.2434841,44.9120365 +30761,Wheel Fun Rentals,-93.24263040000001,44.912666400000006 +30762,Pay Parking,-93.2438288,44.9121686 +30763,Cosstume Rentals,-93.2443963,44.9917676 +30764,Jackalope Tattoo,-93.2471622,44.9343148 +30765,Hallmark Cleaners,-93.2520138,44.9200874 +30766,Domino's,-93.25268580000001,44.9199696 +30767,Don's Hairstyling,-93.25209840000001,44.919520500000004 +30768,Shell,-93.26288620000001,44.9198405 +30769,StarTribune,-93.2523129,44.9195537 +30770,The Braid Factory,-93.2627836,44.9195889 +30771,Sanford Orthopedics,-94.9007383,47.5041461 +30772,StarTribune,-93.28421370000001,44.919676200000005 +30773,Medical Oncology,-94.9049791,47.5058985 +30774,Choice therapy,-94.89006470000001,47.505643600000006 +30775,Walking trail,-94.89599910000001,47.4978278 +30776,Walking trail,-94.8881635,47.4978252 +30777,A&W,-94.88608430000001,47.505465900000004 +30778,Sanford Radiation Oncology,-94.8989683,47.5022828 +30779,Cold Stone Creamery,-93.2341928,45.1596417 +30780,Hajime Restaurant & Lounge Bar,-93.23134800000001,45.169668 +30781,Caribou Coffee,-93.23417090000001,45.159264300000004 +30782,Arby's,-93.23414770000001,45.1577907 +30783,Noodles & Company,-93.23423260000001,45.158880200000006 +30784,Verizon,-93.2342213,45.1586647 +30785,Maurices,-93.1613626,45.1645854 +30786,Lake Country Power,-93.5720112,47.2453147 +30787,Bath & Body Works,-93.1616843,45.1643169 +30788,Cub Foods,-93.16196160000001,45.163030400000004 +30789,Madelia Ford,-94.40521190000001,44.051425900000005 +30790,Michaels,-93.1620522,45.163783200000005 +30791,Sweet! Indeed,-94.4168851,44.0506631 +30792,Coleraine Post Office,-93.43096320000001,47.2827592 +30793,Kings Landing Boat Access,-93.57962280000001,47.212197200000006 +30794,Anytime Fitness,-94.41739000000001,44.051005800000006 +30795,Madelia Liquor Store,-94.4189564,44.0506414 +30796,Sunshine Foods,-94.4166069,44.051212 +30797,Cedar Ridge Dental Centre,-93.4310595,47.286314600000004 +30798,Coleraine City Hall,-93.4249324,47.2885415 +30799,NRRI-Coleraine Research Lab,-93.4302002,47.290739900000005 +30800,First United Church-Coleraine,-93.4265436,47.2879967 +30801,Mackley's Auto Repair,-93.4235338,47.288535200000005 +30802,Trout Lake Boat Landing,-93.4264474,47.2859788 +30803,KKSR-FM,-94.17427230000001,45.632569000000004 +30804,Salem Lutheran Church,-94.41478400000001,44.047929700000005 +30805,Shellee's Greenhouse,-94.42702270000001,44.051340700000004 +30806,Pizza Hut,-94.17036970000001,45.5916427 +30807,Pink Elephant,-93.5138165,47.2278825 +30808,"Cass Lake Rest Area, MnDOT Rest Area",-94.5914784,47.3826412 +30809,Palace Casino and Hotel,-94.6511093,47.402854500000004 +30810,Cass Lake City Hall,-94.6088199,47.378946600000006 +30811,Safari Liquor,-94.6139225,47.382048700000006 +30812,Cass Lake Mini Mart,-94.6117646,47.3795135 +30813,Cass Lake Post Office,-94.60840920000001,47.379025600000006 +30814,Big Tap Bar & Grill,-94.60787930000001,47.3787583 +30815,Cass Lake Museum/Lyle's Logging Camp,-94.6086568,47.3823735 +30816,Bi-Cap Headstart,-94.9183958,47.4849763 +30817,Diamond Point Beach,-94.869855,47.4846924 +30818,Sunset Cove Resort,-94.6300609,47.419912700000005 +30819,Boathouse,-94.8707009,47.483596500000004 +30820,Sell's Auto,-94.19534580000001,45.552936900000006 +30821,Domino's,-94.1691747,45.5554518 +30822,Willow Creek Park,-94.21581950000001,45.5400732 +30823,Cold Stone Creamery,-94.2076284,45.552252200000005 +30824,Office Depot,-94.20688460000001,45.552162100000004 +30825,Chipotle,-94.20629260000001,45.5513807 +30826,Knockout Fit Club,-94.8947868,47.490627 +30827,Bed Bath & Beyond,-94.2073709,45.5516286 +30828,St. Cloud Skate Park,-94.1987483,45.5470405 +30829,DaRoo's Pizza,-94.8805389,47.4911526 +30830,Jimmy John's,-94.89389910000001,47.4907891 +30831,Snap Fitness,-94.88987580000001,47.5056693 +30832,BeMobile Verizon Premium Retailer,-94.88033510000001,47.4911599 +30833,B Entrance,-93.25991280000001,44.9715105 +30834,P Entrance,-93.26151180000001,44.973022400000005 +30835,Brigid's Pub,-94.8814952,47.4713094 +30836,P Entrance,-93.2616302,44.972781600000005 +30837,B Entrance,-93.2606923,44.970870600000005 +30838,R Entrance,-93.26267990000001,44.971829 +30839,KD Floral,-94.8831296,47.4714127 +30840,North Shore Grille,-94.8413587,47.541645700000004 +30841,Madelia Swimming Pool,-94.4228812,44.044879300000005 +30842,Mama Ti's African Kitchen,-93.3559532,45.094919600000004 +30843,Family Dollar,-93.35438090000001,45.0950435 +30844,Ole Piper Inn,-93.2344781,45.139294 +30845,Ocean Market,-93.35382510000001,45.093927 +30846,Acapulco Mexican,-93.23408570000001,45.1416077 +30847,Village Bank,-93.23607990000001,45.1393715 +30848,21st Century Bank,-93.2364747,45.140507 +30849,Subway,-93.23410910000001,45.1412527 +30850,Caribou Coffee,-93.3926144,45.1608552 +30851,Voyaguer's View Tubing Start Point,-96.2604087,47.893669800000005 +30852,Voyageurs View Tubing End Point,-96.2738734,47.8963386 +30853,Cafe Donuts & Kaleidoscoops,-93.39363080000001,45.157634900000005 +30854,Broadway Pizza,-93.39254720000001,45.157464600000004 +30855,Pizza Hut,-93.3927087,45.1606924 +30856,TCF Bank,-93.3894415,45.160427600000006 +30857,Hudy's Cafe & Li'l Bar,-93.3887806,45.1581227 +30858,Ice Man Sales,-93.30505570000001,45.173155900000005 +30859,Dollar Tree,-93.3202543,45.1802603 +30860,Hell Bent Fitness,-93.27780340000001,44.915851100000005 +30861,Fixt Rite Auto & Tire Center,-93.2888192,44.901733500000006 +30862,Vision Loss Resources,-93.2882897,44.963201700000006 +30863,Wells Fargo,-91.6918486,44.056645 +30864,Speedway,-93.287762,44.93014 +30865,Minnesota National Golf Course,-93.3434107,46.707312200000004 +30866,Shamrock Town Hall,-93.262752,46.738007200000006 +30867,Sandy Lake Forestry Office,-93.2637363,46.737919000000005 +30868,Baker Park Reserve Campground,-93.6373528,45.022345400000006 +30869,J. Selby's,-93.13661880000001,44.9464525 +30870,Jacobson Campground,-93.2760623,47.0231914 +30871,Hobby Lobby,-93.312987,44.8599576 +30872,Forever Memorial,-93.36896340000001,45.042388900000006 +30873,Kwik Trip,-92.1317561,46.760788100000006 +30874,Duluth Grill,-92.12999070000001,46.7606611 +30875,The Breeze Inn,-92.04772410000001,46.8852503 +30876,Perfect Crimb Area,-92.5225949,44.569579600000004 +30877,Winter Wall,-92.52120040000001,44.5689913 +30878,Annadonia Area,-92.52180630000001,44.5693963 +30879,The East End,-92.52096440000001,44.5691785 +30880,Cyclops Area,-92.5220882,44.568997 +30881,Large Roof Area,-92.5251327,44.569988800000004 +30882,Existence Memorial,-93.36896540000001,45.0424057 +30883,New Vice Area,-92.5238877,44.5698663 +30884,Life Memorial,-93.36896700000001,45.0424428 +30885,Sistere Memorial,-93.3689052,45.0423873 +30886,Young Joni,-93.26669740000001,45.001052400000006 +30887,Existentia Memorial,-93.3689068,45.0424226 +30888,The Draft Horse,-93.27035830000001,45.001556400000005 +30889,Exsistere Memorial,-93.36896610000001,45.042422900000005 +30890,Suburban Existence Point,-93.36896800000001,45.042464900000006 +30891,North Garrison Public Water Access,-93.7804237,46.326588900000004 +30892,Amish Market Square,-92.0660605,43.948764700000005 +30893,Richter Ranch Airport,-93.59028500000001,47.318525400000006 +30894,Amish buggy for picture taking,-92.06596900000001,43.9485487 +30895,Trucks,-95.0835407,43.635948500000005 +30896,Rest Area (I-90 West Bound),-95.02099360000001,43.6405359 +30897,Castaways Bar & Restaurant,-93.52338250000001,46.3282254 +30898,Bethesda Evangelical Church,-93.5182934,46.328152100000004 +30899,Lincoln Pipestone Rural Water,-95.7459511,43.6304431 +30900,Malmo Public Water Access,-93.5267087,46.335841200000004 +30901,Wealthwood Public Water Access,-93.7134139,46.3509649 +30902,Taylors Falls Wayside Park,-92.65284530000001,45.417560200000004 +30903,Rock Vet Clinic,-96.21408600000001,43.631411500000006 +30904,Finnish Lutheran Church,-93.1166084,46.447245300000006 +30905,The Buffalo,-96.21340110000001,43.6417912 +30906,Camp Minne-Wa-Kan,-94.6369514,47.4621641 +30907,Cedar Lake Public Water Access,-93.7980684,46.485668100000005 +30908,HomesMSP,-93.44831620000001,45.007871300000005 +30909,City of Bemidji Lake Irving Public Access,-94.8879883,47.453987100000006 +30910,Ski patrol Building.,-92.7054186,45.489313 +30911,Sheriff Lake Public Water Access,-93.1972059,46.581615500000005 +30912,Farmington Liquors,-93.1761512,44.683278200000004 +30913,Fantastic Sams,-93.1759339,44.6832973 +30914,Jewish Historical Society of the Upper Midwest,-93.3338652,44.965278600000005 +30915,Bank Systems Marketing Inc,-93.1573413,44.857976300000004 +30916,Ackenberg Family Camp,-93.3321908,44.965975900000004 +30917,Barry Family Campus,-93.33336270000001,44.9654243 +30918,Holcombe Circle,-93.12880870000001,44.944949900000005 +30919,The Salt Cave Minnesota,-93.27780460000001,44.9156198 +30920,SmartThings Inc.,-93.2585564,44.9868046 +30921,Target,-93.105134,45.1850126 +30922,Isles Auto Repair,-93.2950153,44.9587615 +30923,Covington Park,-93.5207022,44.89564 +30924,Roat Osha,-93.2971765,44.9477021 +30925,Simply Vapour,-93.0286863,45.0105827 +30926,"Wikstrom Telephone Company, Inc.",-96.51981930000001,48.576798100000005 +30927,Maplewood Community Center,-93.02409320000001,45.00518 +30928,FedEx Office,-93.02366020000001,45.010824500000005 +30929,The Meadows Assisted Living,-96.5226184,48.5722984 +30930,Karlstad Baptist Church,-96.523683,48.5789945 +30931,Karlstad Dental Clinic,-96.5204466,48.5764568 +30932,Karlstad Ambulance Rescue Squad,-96.52300190000001,48.575677000000006 +30933,Nordisk Hemslöjd,-96.521257,48.577332600000005 +30934,Moose Park,-96.5253172,48.5809006 +30935,Karlstad City Hall,-96.5221985,48.5774192 +30936,Karlstad Country Golf Club,-96.51025680000001,48.5845714 +30937,Karlstad Healthcare Center,-96.5219598,48.572567400000004 +30938,Karlstad Community Center,-96.52100940000001,48.5779793 +30939,Karlstad Assembly of God,-96.51767810000001,48.57447620000001 +30940,Kittson Central Schools,-96.9477614,48.7803532 +30941,Seventh Day Adventist Church,-96.5124478,48.5677 +30942,Gospel Tabernacle,-96.5253169,48.5727344 +30943,Heritage Christian School,-96.51326010000001,48.5791188 +30944,Timberwood Church,-94.29455970000001,46.4859978 +30945,St. Edward's Catholic Church,-96.51463380000001,48.5786073 +30946,Nisswa Fire Department,-94.2906068,46.524301400000006 +30947,Nisswa Community Center,-94.2898969,46.5239533 +30948,Gulsvig Landing,-95.22543060000001,47.2537025 +30949,Nisswa City Hall,-94.28850320000001,46.5223662 +30950,Clear Lake Public Water Access,-93.4903771,46.430630900000004 +30951,Ripple Lake Public Water Access,-93.68963880000001,46.462271 +30952,Hansen Lake Public Water Access,-93.640845,46.520352200000005 +30953,Lake Jeanette Campground,-92.2964551,48.1316276 +30954,Sisabagamah Lake Public Water Access,-93.6037812,46.509157900000005 +30955,Echo Lake Campground,-92.4912037,48.1695458 +30956,Fall Lake Campground Beach,-91.71370080000001,47.9542927 +30957,Fall Lake Campground,-91.7192414,47.951941600000005 +30958,Radiant Life Yoga,-93.2929996,44.953903700000005 +30959,Costco Gasoline,-93.04116420000001,45.028614100000006 +30960,Mississippi Landing,-93.2639908,47.001392300000006 +30961,Grand Marais Harbor,-90.3384961,47.746566900000005 +30962,East Bay,-90.33017050000001,47.7475625 +30963,Ball Bluff Town Hall,-93.26279480000001,47.0045244 +30964,Forestry Station,-93.2722749,46.995400100000005 +30965,Hay Lake Campground,-93.2062518,46.9501598 +30966,Hay Lake Public Water Access,-93.20617290000001,46.9535775 +30967,Sandy Lake Wayside Rest Area,-93.3267074,46.773986400000005 +30968,Lee Ferry Access,-93.3543202,46.8260687 +30969,Sandy River Public Water Access,-93.3367068,46.6903086 +30970,Snowman,-92.9918774,45.0152979 +30971,Gerster Jewelers,-93.14548280000001,44.639511600000006 +30972,Minnewawa Gun Range,-93.2749783,46.567545300000006 +30973,Linn's Carpet Service,-93.1449316,44.6406348 +30974,East Lake Community Center,-93.28197660000001,46.5442916 +30975,Minisinaakwaang Leadership Academy,-93.28252160000001,46.5442916 +30976,East Lake Convenience Store,-93.28280570000001,46.5344891 +30977,Vince Shute Wildlife Sancuary,-93.00687400000001,48.099280400000005 +30978,Birch Forest Lodge,-92.9067361,48.045551 +30979,Anderson's,-92.48693080000001,48.2469667 +30980,Street Lamp,-95.3852119,45.914567500000004 +30981,Spa Nails,-93.2972663,44.9539167 +30982,Twin Cities Leather and Latte,-93.2975859,44.953109600000005 +30983,Anoka Independent Grain and Feed,-93.3883595,45.2023966 +30984,Orangetheory Fitness,-93.2975732,44.9543623 +30985,Omforme Design,-93.28753040000001,44.9590143 +30986,Psychic Reader,-93.2967301,44.954812200000006 +30987,MetroPet Animal Hospital,-93.29665170000001,44.955329500000005 +30988,Phoenix Theater,-93.29669530000001,44.955224 +30989,Cliché,-93.28783080000001,44.958941 +30990,Encore Music,-93.28782930000001,44.9588909 +30991,Khazana,-93.2877514,44.9600225 +30992,Minneapolis Tatoo Shop,-93.28779970000001,44.960489700000004 +30993,Honest-1 Auto Care,-93.287599,44.9602913 +30994,Marty Chiropractic & Wellness,-93.2895141,44.6818528 +30995,Crooked Pint Ale House,-93.6021427,44.789438800000006 +30996,Buffalo Wild Wings,-92.82939060000001,45.035535200000005 +30997,Canoe/boat launch,-93.3582123,45.388991000000004 +30998,water fountain,-93.35932960000001,45.3867862 +30999,River Observation area,-93.35503250000001,45.390913600000005 +31000,Church bell,-93.368375,45.386314600000006 +31001,Open Box Buys,-93.3479605,45.3863518 +31002,First Baptist Church,-93.3689829,45.386319300000004 +31003,St. Francis Christian School,-93.3694643,45.386238600000006 +31004,Dairy Queen,-93.36858550000001,45.3907041 +31005,Tasty Pizza,-93.3487034,45.386346200000006 +31006,Massage Envy Spa - Edina,-93.328241,44.8745525 +31007,Subway,-93.36123780000001,45.387311600000004 +31008,American Family Insurance,-93.3615103,45.387316500000004 +31009,St Francis True Value Hardware,-93.35929730000001,45.3872183 +31010,Applebee's,-93.3549852,45.20602 +31011,Shady Oaks Campground,-95.2556802,45.862486800000006 +31012,Dollar Tree,-93.34269760000001,45.174392100000006 +31013,Goodwill,-93.34426690000001,45.1744982 +31014,Prairie Island Campground,-91.675807,44.074567800000004 +31015,Randy's,-92.5383664,44.564066000000004 +31016,Parkway Collision,-93.1344911,44.6298595 +31017,Northwest Auto Sales,-93.13443480000001,44.630208800000005 +31018,TownsEdge Salon,-93.13442950000001,44.6303405 +31019,Citizens Independant Bank,-93.34237040000001,44.9384432 +31020,Best Western Plus,-93.00620380000001,45.0906735 +31021,Rudy's Red Eye Grill,-93.00608580000001,45.0903365 +31022,Western Union,-93.173626,44.714824400000005 +31023,Able Seedhouse + Brewery,-93.25106860000001,44.9993934 +31024,Starbucks,-93.17363830000001,44.715459300000006 +31025,Gaylord Aquatic Center,-94.2240163,44.560969 +31026,Tornado Siren,-93.1477759,44.4532796 +31027,Railroad Crossing,-93.16649290000001,44.455189700000005 +31028,Verscene Conference Center,-93.3752429,44.9741304 +31029,Railroad Crossing,-93.1672106,44.4549997 +31030,Wells Fargo,-93.1621743,44.451998 +31031,Veteran's Park,-92.45982620000001,46.722833200000004 +31032,Pinehurst Park,-92.4643379,46.718431200000005 +31033,Wells Fargo,-93.1624354,44.452476100000005 +31034,Winona Visitor Center,-91.6506073,44.039424000000004 +31035,Lakeveiw Resort,-96.11982010000001,47.673041600000005 +31036,Mentor Liquor Store,-96.1410402,47.69816 +31037,Hook and Ladder Theatre and Lounge,-93.23437790000001,44.9479667 +31038,Antique Store,-93.16036860000001,44.4555068 +31039,Blackend Tattoo Atelier,-93.23909640000001,44.934412900000005 +31040,Sisters' Sludge Coffee Cafe and Wine Bar,-93.2390991,44.9342686 +31041,Korner Kwik Stop,-93.28791600000001,48.604766000000005 +31042,Brasa Premium Rotisserie - Southwest Minneapolis,-93.29050070000001,44.919708400000005 +31043,Coffee Break Lake Camp Site B11,-95.1799615,47.1810744 +31044,Famous Dave's,-93.28961050000001,44.948516600000005 +31045,Roundtable Coffee Works,-93.1978153,44.965452500000005 +31046,General Contractor Web Design,-93.2680114,44.983675500000004 +31047,Planet Fitness,-93.174276,45.008556500000005 +31048,Advance Auto Parts,-93.37548290000001,44.7468185 +31049,Sport Clips,-93.3772431,44.743364500000006 +31050,Deer Park Lake Camp Site B10,-95.1836674,47.1771876 +31051,McKay Lake Campe Site B05,-95.1933815,47.1650404 +31052,Marcus Southbridge Crossing Cinema,-93.4100861,44.7769094 +31053,Caribou Coffee & Einstein Bros. Bagels,-93.412163,44.776630000000004 +31054,Itasca Pioneer Cemetery,-95.19605990000001,47.230552100000004 +31055,The Rising Sun,-93.1871991,44.9482153 +31056,Bark and the Bite,-93.26266050000001,45.010436500000004 +31057,Return Journey,-93.2201764,44.952138500000004 +31058,Rose Ridge Resort,-95.7667979,46.684194000000005 +31059,Skal Bar and Grill,-95.80287290000001,46.6581618 +31060,Coon Rapids,-93.27436030000001,45.156353300000006 +31061,Trowbridge Creek Zoo,-95.8546293,46.695283100000005 +31062,Marshalls,-93.3823677,44.748813500000004 +31063,Preston Overlook,-92.0732698,43.673461 +31064,Sledding Hill,-95.3121941,48.9057302 +31065,Affinity Hearing,-93.46495150000001,45.014525400000004 +31066,Pryes Brewing Company,-93.27632220000001,44.9935022 +31067,WFNU-LP,-93.1424439,44.956054200000004 +31068,Center for Hmong Arts and Talent,-93.1424157,44.956115000000004 +31069,White Eagle Bay,-92.6634035,47.938870200000004 +31070,Noel's Bottle Shop,-94.87541350000001,47.5308141 +31071,Music Theatre,-93.09818080000001,44.944574800000005 +31072,Concert Hall,-93.0980212,44.9449745 +31073,Bill's Basecamp,-94.8806895,47.4703746 +31074,Canning Landing,-96.8341103,47.267023900000005 +31075,Fozzie's Smokin Bar B Q,-94.88033270000001,47.470386700000006 +31076,Overlook,-90.4747009,48.063549 +31077,Lockwood's Tavern and Grill,-96.727435,46.868509800000005 +31078,WSU East Lake,-91.6357179,44.0422096 +31079,WSU West Campus,-91.6689037,44.0515844 +31080,Nadia Cupcake,-92.9058509,44.940836000000004 +31081,Overlook,-90.4610825,48.0653 +31082,Jersey Mike's Subs,-92.9060984,44.9408401 +31083,Pet Evolution,-92.9063885,44.9408389 +31084,Xfinity Store,-92.9066739,44.9409738 +31085,Overlook,-90.46098330000001,48.065567 +31086,Overlook,-90.4666138,48.068634 +31087,Papa Murphy's,-92.9062564,44.940845200000005 +31088,Indian Palace,-92.9353454,44.943229200000005 +31089,Zantigo,-92.9353502,44.943291900000006 +31090,Overlook,-90.4605331,48.0652161 +31091,Overlook,-90.4575348,48.064567600000004 +31092,Overlook,-90.4564972,48.063751200000006 +31093,Success Dog Training,-93.533285,45.149545100000005 +31094,Remembering Marty Mural,-92.53969760000001,47.523251300000005 +31095,Wilford Site,-93.768248,46.149821100000004 +31096,Verizon,-93.2548453,44.0958235 +31097,Lakeview Campground,-93.4868522,46.1479561 +31098,Maple Grove Campground,-93.4906924,46.1473091 +31099,Cooper Site,-93.7751399,46.1454401 +31100,schoolcraft State Park,-93.8028568,47.2231893 +31101,Pope Point,-93.5051523,46.1512192 +31102,Group Camp G1,-93.80154870000001,47.220982500000005 +31103,U.S. Bank,-93.21312780000001,44.716582200000005 +31104,56 Brewing,-93.2721458,45.0235903 +31105,Wells Fargo,-93.2186456,44.715358200000004 +31106,Uptown Pizza,-93.2841176,44.948212000000005 +31107,Carbone's Bar & Grill,-93.2216959,44.716143900000006 +31108,LuminFire,-93.2799267,45.0626413 +31109,Fancy Paws,-93.2225659,44.716491500000004 +31110,Jimmy John's,-93.0802381,44.897747 +31111,Sweet Treasures,-93.2226016,44.7166646 +31112,Verizon,-93.0802354,44.8978667 +31113,Rhythm And Shoes Dance Studio,-93.0814478,44.8888843 +31114,Mel's 7-71,-95.044933,44.9358735 +31115,Mel's 7-71,-95.0447024,44.9357709 +31116,Mel's 7-71,-95.04503220000001,44.936055700000004 +31117,Williams Orchard,-95.10183710000001,44.9456532 +31118,Mel's 7-71,-95.04474,44.936032700000005 +31119,Randy's Auto Sales,-95.04469200000001,44.934874400000005 +31120,Blomkest Beauty & Barber Shop,-95.02670640000001,44.9416175 +31121,Blomkest Baptist Church,-95.02300550000001,44.940676200000006 +31122,Concorde Bank,-95.0231713,44.9430034 +31123,Boat Ramp,-94.72352140000001,44.937370800000004 +31124,Cosmos,-94.6947138,44.935808 +31125,Bank of Zumbrota,-92.6693958,44.2840642 +31126,Lake Lillian,-94.88125810000001,44.944470900000006 +31127,U.S.-Dakota War Historic Marker,-94.00241390000001,44.1679897 +31128,Dollar Spot,-93.2487667,44.7564221 +31129,Pilates,-93.24869290000001,44.7556669 +31130,Burnsville Liquor,-93.2486822,44.7555021 +31131,Dakota 38 Memorial,-94.0031381,44.1680724 +31132,Buffalo,-94.0029423,44.168197400000004 +31133,Winter Warrior,-94.00233610000001,44.168034000000006 +31134,Moorhead Drug,-96.7729705,46.8760763 +31135,Platt Dentistry,-93.2916457,44.653238800000004 +31136,Christopher & Banks,-96.77199300000001,46.8757431 +31137,GNC,-96.7719976,46.8758202 +31138,New Market Bank,-93.29147010000001,44.653247400000005 +31139,Caribou Coffee,-93.2546837,44.137826600000004 +31140,Hazen P. Mooers Park,-92.97889570000001,44.791567 +31141,Whole Foods Market,-93.1665311,44.9468374 +31142,Subway,-93.2546861,44.137551 +31143,Kwik Trip,-93.25232430000001,44.1395866 +31144,Osceola Boat Launch,-92.7111454,45.3213397 +31145,5 Dollar Pizza,-91.6484235,44.045330500000006 +31146,Winona Sandwich Company,-91.6485308,44.045160800000005 +31147,ZaZa's Pub & Pizza,-91.6474015,44.046741700000005 +31148,23474 131st Ave N Rogers MN,-93.5779146,45.191936000000005 +31149,Panda Express,-91.64546680000001,44.047473000000004 +31150,EconoFoods,-92.5868167,44.565959500000005 +31151,Family Market,-94.50822070000001,45.123267000000006 +31152,Rudy's Red Eye Grill,-93.2918027,44.6485515 +31153,Complete Eyecare,-93.32148810000001,44.7488201 +31154,"Patchin, Messner, Dodd",-93.3219346,44.748936300000004 +31155,Farmers Insurance Group,-93.32247240000001,44.7486934 +31156,Watch Me Draw! Art Studio,-93.2425012,44.6470052 +31157,TR's Lakeville Barbershop,-93.2423928,44.6495819 +31158,Heavy Metal Grill,-93.2430502,44.6475978 +31159,Vermillion River Store,-93.235971,44.645798600000006 +31160,Angry Inch Brewing,-93.2432718,44.6476022 +31161,A+ Driving School,-93.24233620000001,44.6470039 +31162,Farmers Insurance - Timothy Bohlman Agency,-93.2425166,44.647406600000004 +31163,VFW Post 210,-93.2439604,44.647734 +31164,Lakeville Brewing Company,-93.2438161,44.6477282 +31165,Hihi Market & Gas,-93.23557070000001,44.645822200000005 +31166,SiebenCarey Law Office,-93.24252960000001,44.6473269 +31167,State Farm Insurance - Robert Joswiak Agency,-93.24251530000001,44.6474911 +31168,Hihi Market & Gas,-93.2355332,44.6454863 +31169,210 Barber Shop,-93.2358832,44.645798400000004 +31170,Integra Health Care,-93.242562,44.6493552 +31171,Massage Envy,-93.2690173,44.738375500000004 +31172,Farmers Insurance - Mark Stangler Agency,-93.2361188,44.6458205 +31173,Family Dollar,-93.0455263,44.855794700000004 +31174,Travel Dymanics,-93.04544990000001,44.8541157 +31175,Lakeville United States Post Office,-93.2420991,44.6494863 +31176,Eyeworks,-93.045584,44.8541186 +31177,ATA Leadership Martial Arts,-93.24251650000001,44.6475894 +31178,East Metro Family Practice,-93.04561620000001,44.853590000000004 +31179,The Times Hair Salon,-93.0454157,44.853281 +31180,Fireside Wealth,-93.2425463,44.6499225 +31181,Cameron Liqour Store,-93.02019750000001,44.8547042 +31182,Cornerstone Copy Center,-93.2425352,44.6486141 +31183,Discovery Financial Services,-93.2424683,44.649351 +31184,Little Caesars,-93.0811058,44.912715500000004 +31185,Langer Real Estate,-93.0842829,44.899846000000004 +31186,Dwire Law Office,-93.2425403,44.6498483 +31187,Dr. James F. Lesch Family Dentristy,-93.24304120000001,44.648503000000005 +31188,Flora Etcetera,-93.242534,44.6485471 +31189,Kaleidoscope,-93.2430223,44.648631300000005 +31190,Kohlnhofer Insurance,-93.24255740000001,44.649471000000005 +31191,Korba Insurance,-93.24238290000001,44.6498098 +31192,Dakota Station,-92.65450820000001,44.6300259 +31193,The Lakeville Barbers,-93.242416,44.6470038 +31194,Mainstreet Coffee & Wine Bar,-93.2425747,44.648403 +31195,Midwest Saddleseat Consignment,-93.24256240000001,44.6492513 +31196,Pearl Light Nails,-93.24255600000001,44.6495534 +31197,Pizazz Salon & Boutique,-93.2425525,44.6495911 +31198,Pink Door Boutique,-93.2425295,44.648490800000005 +31199,Rapid Cash Plus,-93.24257730000001,44.647005300000004 +31200,Sacks in the City,-93.24304620000001,44.6489101 +31201,Dakota Station,-92.65454000000001,44.629756400000005 +31202,AccuTac Arms,-93.24302700000001,44.648763300000006 +31203,Shell,-93.27813280000001,44.775508800000004 +31204,Tailor on Man,-93.2423437,44.6493532 +31205,Toppers Pizza,-93.2425383,44.649117800000006 +31206,Frenchies Modern Nails,-93.2422145,44.649114000000004 +31207,Network Logistics Management,-93.2425596,44.649189500000006 +31208,Subway,-93.13796330000001,44.9002801 +31209,Michelle Lockwood Photography,-93.24235250000001,44.6494602 +31210,The Property Geeks,-93.2424622,44.6469776 +31211,CentraCare Health Administrative Support Services,-94.2090472,45.579753100000005 +31212,Goodfella's Pizza,-93.29427840000001,44.6498548 +31213,Walmart Photo Center,-93.2969472,44.650102800000006 +31214,Amandi Cafe,-93.2288024,44.948215700000006 +31215,Walmart Vision Center,-93.29743,44.650110500000004 +31216,Walmart Pharmacy,-93.2971993,44.650102800000006 +31217,Walmart Garden Center,-93.2977706,44.6504272 +31218,Bent Paddle Brewing Co. - Brewery + Taproom,-92.1219171,46.7676912 +31219,Cuyuna Country State Recreation Area Rally Center,-93.99243820000001,46.4837347 +31220,Burke Chiropractic Center,-93.3295033,44.8715361 +31221,China One,-93.13031910000001,44.9555383 +31222,Iona's Beach Scientific and Natural Area,-91.42163260000001,47.1670262 +31223,Capital City Auto Electric,-93.12935230000001,44.9555383 +31224,JCPenney,-93.1728825,45.0137803 +31225,Tesoro,-95.0219567,47.8762568 +31226,Aeropostale,-93.1728181,45.012723 +31227,T-Mobile,-93.0218097,45.0309709 +31228,Macy's,-93.0217911,45.032946 +31229,Kohl's,-93.02362950000001,45.031717500000006 +31230,Foot Locker,-93.02215310000001,45.0309709 +31231,JCPenney,-93.0210526,45.030864 +31232,Sears,-93.0219295,45.0298637 +31233,Shoe Dept. ENCORE,-93.0221343,45.0305729 +31234,Forever 21,-93.02196260000001,45.0319566 +31235,Men's Wearhouse,-93.02189560000001,45.032303500000005 +31236,Maurices,-93.02157910000001,45.031835300000004 +31237,Kay Jewelers,-93.0221638,45.0315358 +31238,Just,-93.0220565,45.031877 +31239,Victoria's Secret,-93.02157100000001,45.031484600000006 +31240,Charlotte Russe,-93.0215737,45.0313576 +31241,Express,-93.02215840000001,45.0311984 +31242,Spencer's,-93.0215603,45.031226800000006 +31243,Journeys,-93.0215764,45.031596500000006 +31244,Francesca's,-93.0221611,45.0312818 +31245,Buckle,-93.0215764,45.031714 +31246,claire's,-93.0214584,45.0310695 +31247,Final Cuts Sports Barber Shop,-93.02157910000001,45.031966100000005 +31248,Lids,-93.02215840000001,45.031805000000006 +31249,Hoff Diamonds,-93.0216783,45.0311339 +31250,American Eagle Outfitters,-93.0221504,45.0310714 +31251,Hot Topic,-93.02181510000001,45.0310695 +31252,Helzberg Jewelers,-93.02167030000001,45.0309273 +31253,Goodman Jewelers,-93.0217963,45.030737800000004 +31254,Subway,-93.02264120000001,45.0319434 +31255,Rock Lake Campground,-94.48133560000001,46.429278700000005 +31256,Zoran Sculpture Garden,-93.27256030000001,44.9994649 +31257,Frandsen Bank & Trust,-94.24551340000001,46.3542999 +31258,Rock Lake Campground Drinking Water,-94.48181770000001,46.4290542 +31259,MainStay Suites,-92.5191082,44.0459696 +31260,Sleep Inn,-92.5196792,44.0458688 +31261,Kwik Trip,-92.5098531,44.0923869 +31262,Kwik Trip,-92.5103607,44.0923268 +31263,Staring Lake Public Boat Ramp,-93.4574872,44.841102 +31264,Kwik Trip,-92.5279028,44.0593754 +31265,Kwik Trip,-92.52791040000001,44.059016500000006 +31266,Hibbett Sports,-92.9863703,43.685572300000004 +31267,LRT River Bluffs Trail Mudslide,-93.5277741,44.8187459 +31268,O'Reilly Auto Parts,-92.9890014,43.684571600000005 +31269,Pizza Ranch,-92.99058280000001,43.6857175 +31270,Pizza Hut,-92.9863282,43.6857551 +31271,Cross of Hope Lutheran Church,-93.4111711,45.2948078 +31272,Tone Music,-93.22627890000001,44.0853855 +31273,Evergreen Grill,-96.60794480000001,47.7993881 +31274,Lake Monster Brewing,-93.19091780000001,44.9577686 +31275,EMD Cleaning Services,-93.02494130000001,44.9532706 +31276,Colossal Cafe,-93.19582000000001,44.982623000000004 +31277,Edlund Chiropractic,-94.9085335,47.467954000000006 +31278,"Ice Dam Guys, LLC",-93.030911,45.2871022 +31279,Subway,-93.2966842,44.6501005 +31280,Tacoville,-93.29111750000001,44.643542200000006 +31281,Saint Mary's University Disc Golf Course,-91.69432160000001,44.042282 +31282,JHELL Beach,-92.46607150000001,44.0573734 +31283,"Tony's Lifetime Exteriors, Inc.",-94.0810211,45.5841872 +31284,Lee's Trustworthy Hardware,-95.73540720000001,48.6587242 +31285,Storage Rental,-95.73417710000001,48.6590202 +31286,Riverfront Station,-95.7345135,48.6582766 +31287,Wannaska Community Center,-95.7355323,48.65647310000001 +31288,Hayes lake Park Office,-95.5456484,48.637709300000004 +31289,Riverside Luthern Church,-95.73538,48.655802300000005 +31290,Wannaska Rink,-95.7321526,48.6555727 +31291,Wannaska Elementary School,-95.7336126,48.6554614 +31292,Cafe 89,-95.73523390000001,48.6582656 +31293,Marshalls,-93.2723383,44.9774826 +31294,Brooks Brothers,-93.2722032,44.977387500000006 +31295,Bluff Country School Bus Service,-92.28484850000001,44.450509200000006 +31296,Big Bear Pizzeria & Deli,-92.2634819,44.4472066 +31297,Eagle Hang Gliding & Lake City Boat Rental,-92.26366390000001,44.448147500000005 +31298,Dairy Queen,-92.27635400000001,44.455246 +31299,Subway,-92.2807126,44.4584567 +31300,Sunray Cafe,-95.0129273,45.1872321 +31301,Fallen Officer Shawn Schneider Memorial,-92.2672982,44.4526264 +31302,Douglas Corporation,-94.7984967,46.384547700000006 +31303,Sunfish Lake Park,-93.4400109,45.2771975 +31304,Sterns Rubber Company,-94.8112469,46.375095300000005 +31305,Unshakeable Faith Lane NW,-94.88875850000001,47.5523863 +31306,CentraCare Clinic-Becker,-93.8604574,45.385259500000004 +31307,Northern Bible Church,-94.8844669,47.5521473 +31308,Tara of Bemidji,-94.88143070000001,47.471792900000004 +31309,Formalities Inc.,-94.8815015,47.472363200000004 +31310,McKenzie Place,-94.8702995,47.4636082 +31311,Candlewood Suites,-94.8644898,47.4579576 +31312,Sand Creek Sledding Hill,-93.2879183,45.192681300000004 +31313,Origami Bird,-94.8777455,47.476481 +31314,The Point of Diamond Point Park,-94.86857850000001,47.484101200000005 +31315,"""The Boob""",-94.8750948,47.4867806 +31316,Becker Intermediate School,-93.8754401,45.3954388 +31317,Bemidji State Totem Pole,-94.8728645,47.482232800000006 +31318,Science Arch,-94.87452900000001,47.4821423 +31319,City of Becker Compost Site,-93.8448348,45.389734100000005 +31320,Sherburne History Center,-93.890499,45.414334800000006 +31321,Lakeville Station #3,-93.2837365,44.696268700000005 +31322,Fleet Farm,-93.2838705,44.7007032 +31323,Tii Cup,-93.29757710000001,44.7483208 +31324,Shogun,-93.2926046,44.7458894 +31325,Cedarwood Cafe,-93.6670464,46.0705545 +31326,Burnsville Center,-93.2889854,44.7440057 +31327,Sunshine Flower Shop,-93.6674854,46.070522100000005 +31328,Crow River Country Club,-94.3973435,44.9071395 +31329,Sheriff Office Support Services Building,-93.8651954,45.2095393 +31330,Holiday Gas Station,-93.3992814,45.2308036 +31331,Wright County Jail,-93.8635996,45.207616 +31332,School Forest Site,-91.3003999,47.2937456 +31333,Assisted Living and Memory Care,-93.40111350000001,45.2327376 +31334,City Overlook,-91.2646278,47.294477400000005 +31335,BNSF Station Sign Cass Lake,-94.61093960000001,47.3771885 +31336,North Shore Mining/Lake Superior Overlook,-91.2651714,47.2917913 +31337,Lord of Life Church,-93.4033419,45.2357918 +31338,Wild Rice Plant,-94.6417799,47.383909700000004 +31339,Original Saw Mill,-94.64227340000001,47.383255000000005 +31340,Leech Lake Veteran's Memorial,-94.65019050000001,47.3981549 +31341,Pine Grove Bible Church,-93.3328278,45.1386471 +31342,Pine County Fair Grounds,-92.971057,45.832672200000005 +31343,City Division Point,-94.60306,47.3770253 +31344,Saint Peter and Paul Catholic Church,-93.1812922,45.7132323 +31345,Pizza Pub,-92.96980310000001,45.8264256 +31346,Ford,-93.17155670000001,45.7230122 +31347,Frandsen Bank,-92.97017860000001,45.826378500000004 +31348,Elmhurst Commons,-93.1758401,45.7239522 +31349,Sinclair,-93.16967410000001,45.726620100000005 +31350,Napa,-92.9708243,45.8244531 +31351,Dairy Queen,-92.9698943,45.817140800000004 +31352,Comcast,-93.35731720000001,45.132517400000005 +31353,Houston Police,-91.5692892,43.762306900000006 +31354,Houston Public Library,-91.567158,43.763081400000004 +31355,Houston Post Office,-91.56902360000001,43.762643700000005 +31356,Barista's Coffee House,-91.5685708,43.763814100000005 +31357,Cenex,-94.7079997,45.3807017 +31358,Houston Nature Center,-91.57084160000001,43.764883600000005 +31359,Houston Community Center,-91.5698066,43.762368300000006 +31360,Houston Fire Station,-91.5781905,43.7624385 +31361,Emamnual Lutheran Church,-93.2452014,44.0806729 +31362,Perennial Bank,-94.7122202,45.381854700000005 +31363,Burggraf's Ace Hardware,-91.64273820000001,44.0558135 +31364,Felton Fire and Rescue,-96.50472950000001,47.077588500000005 +31365,Felton Garage,-96.5061282,47.0789939 +31366,Caribou Coffee,-93.3041982,44.8634203 +31367,Veterans Monument,-95.84486430000001,46.81884 +31368,Regeneration,-93.2509356,44.1126109 +31369,Lighter Than Some,-93.2511197,44.110567700000004 +31370,Treehouse Foods Outlet Store,-93.26827970000001,45.102522500000006 +31371,Tim Hortons,-93.2363191,44.9801233 +31372,Turtle Creek Nursery,-93.1852381,44.087376500000005 +31373,Family Fresh Market,-93.9606785,44.3216255 +31374,Friends Building,-93.95775350000001,44.3251781 +31375,Saint Peter Food Co-Op,-93.9600376,44.322670200000005 +31376,St. Peter American Legion,-93.95825310000001,44.3249283 +31377,Family Dollar,-93.9591118,44.3234355 +31378,St. Peter Chiropractic,-93.9559486,44.3252444 +31379,The Flame,-93.9581833,44.3248553 +31380,Consignment & Antiques,-93.9561364,44.325030500000004 +31381,Extra Innings,-93.9573507,44.324557500000004 +31382,Ace Hardware,-93.95642210000001,44.3246709 +31383,3rd Street Tavern,-93.95984680000001,44.3236883 +31384,Patrick's,-93.9575722,44.325651 +31385,4 The Team,-93.95625310000001,44.325711500000004 +31386,Fair Emporium,-93.9566073,44.324441900000004 +31387,Great Wall,-93.9564301,44.325794 +31388,Godfather's Pizza,-93.95688510000001,44.3241864 +31389,River Rock,-93.9570523,44.3239413 +31390,Cornerstone Wellness,-93.9563121,44.325947500000005 +31391,State Farm Insurance Agency,-93.9568576,44.326058700000004 +31392,Sticks and Stones,-93.95709710000001,44.323885100000005 +31393,Good Samaratin Society,-93.9573957,44.325563800000005 +31394,It's About Time Clock Repair,-93.9571884,44.323843700000005 +31395,4 The Team LLC,-93.9572107,44.325600200000004 +31396,St. Peter Herald,-93.9572873,44.3236773 +31397,Arts Center of Saint Peter,-93.95737960000001,44.3235426 +31398,Whimsy Antiques,-93.9571731,44.3254928 +31399,Diamon Dust,-93.9700042,44.3281572 +31400,Saint Peter Thrift Store,-93.95778340000001,44.3230786 +31401,Nokomis Child Care Center,-93.2531149,44.9300049 +31402,The Cheese Pie Mongers,-93.95745500000001,44.3234877 +31403,Manchester city Park,-93.45249290000001,43.7252044 +31404,The Embassy Bar & Grill,-93.95756540000001,44.323329300000005 +31405,State Farm Insurance Office,-93.95750050000001,44.323417400000004 +31406,Nicollet Cafe,-93.9597004,44.323834700000006 +31407,H&R Block,-93.26230530000001,44.9235495 +31408,North Memorial Ambulance,-93.33972920000001,45.0777269 +31409,Verizon,-93.96460970000001,44.3160965 +31410,Stop Sign,-93.9687512,44.322287200000005 +31411,Stop Sign,-93.96890950000001,44.3242618 +31412,Americann Lodge & Suites,-93.95134900000001,44.3316681 +31413,Stop Sign,-93.9700682,44.326276500000006 +31414,Stop Sign,-93.97017550000001,44.3263206 +31415,Stop Sign,-93.9701594,44.3261921 +31416,Gustavus Campus Safety,-93.9697204,44.3265393 +31417,Boat Launch,-93.95321820000001,44.323452100000004 +31418,Family Fresh Liquor,-93.96024580000001,44.3224359 +31419,Generations,-93.95797730000001,44.3237332 +31420,Julie's Jewelery,-93.9566152,44.325155 +31421,Swedhish Kontour Imports,-93.9577905,44.323849300000006 +31422,Walt's Bait Shop,-93.92620810000001,44.320429000000004 +31423,Fantastic Sams,-93.9646747,44.316050000000004 +31424,"Total Card, Inc",-96.2009884,43.662618 +31425,Schomacker Cleaning,-96.2109952,43.6546359 +31426,Luvern Aquatic Center,-96.20162300000001,43.661644300000006 +31427,Botany Coffee,-93.24694240000001,44.934219500000005 +31428,Health and Human Services,-96.202121,43.66389 +31429,Brooks Community Federal Credit Union,-96.0026411,47.8143283 +31430,"TechGen Consulting, Inc.",-93.22843040000001,44.9945242 +31431,Oklee Lumber,-95.85309290000001,47.8392258 +31432,Brooks Travel Plaza,-95.9980254,47.8180841 +31433,Field Drainage Inc.,-95.9959084,47.819264000000004 +31434,Old Crossing Memorial Park Historical Marker,-96.4213096,47.866438200000005 +31435,Perpetual Motion,-93.23292710000001,45.1958232 +31436,Brent's Super Valu,-96.27352490000001,47.875459500000005 +31437,Trust Point,-93.25811920000001,44.9863219 +31438,Joe DiMaggio's,-96.27240970000001,47.875584200000006 +31439,Thrifty White Pharmacy,-96.27220870000001,47.8755181 +31440,Underdahl Hardware Hank,-96.2725046,47.875373 +31441,Mount Rose,-89.6881086,47.962602800000006 +31442,Mike's Bottle Shop,-96.27293700000001,47.875474800000006 +31443,Cenex,-96.2717934,47.8756758 +31444,Neighborhood Welcome Sign,-93.53958770000001,45.232770800000004 +31445,Little Free Library,-93.5320329,45.2336839 +31446,VFW,-93.22774670000001,44.064446000000004 +31447,Discovery and Development Hub,-95.318281,48.9048692 +31448,The Third Place Gallery,-93.262781,44.934814200000005 +31449,The Candy Jar,-93.2471428,44.9338538 +31450,Lucy's Market & Carry-out,-93.24716160000001,44.9344405 +31451,NewLife Community,-93.2203089,44.0802624 +31452,Speedway,-93.86180230000001,45.3840738 +31453,Ness Cafe',-96.01000780000001,47.668148900000006 +31454,Essentia Health Clinic,-96.0100912,47.668312400000005 +31455,Class Glass,-96.0100889,47.668030900000005 +31456,Vetrans Memorial,-94.2207231,45.569865300000004 +31457,Antiques Collectibles Useables,-96.01005430000001,47.6680774 +31458,No Boundaries Contracting,-96.0102492,47.667892300000005 +31459,Neighborhood Welcome Sign,-93.5304522,45.2317023 +31460,Crow River Farm Equipment,-93.52828450000001,45.2309683 +31461,Holistic Kneads,-93.2906232,44.937285200000005 +31462,Aldrich Church,-93.2891719,44.939337900000005 +31463,Amigo Service Center,-93.28864030000001,44.937999600000005 +31464,Peace is at Hand Massage Therapy & Bodywork,-93.28846390000001,44.942805 +31465,Castrol Premium Lube Express,-93.28869350000001,44.9380728 +31466,Pickwick Fire and Rescue,-91.4925309,43.9825667 +31467,DaVita Minneapolis Uptown Dialysis,-93.28781090000001,44.937408500000004 +31468,Larue's,-93.2885195,44.9306015 +31469,Bethleham Lutheran Church,-93.28876810000001,44.9283719 +31470,Coin Laundry,-93.2885195,44.9308331 +31471,Sports Star Photography,-93.28865230000001,44.9306573 +31472,Adagio Holistic Therapies,-93.28882940000001,44.930604200000005 +31473,Love Knots,-93.28931390000001,44.921894200000004 +31474,Harriet's Inn,-93.2888324,44.9302409 +31475,Hairetic,-93.2906835,44.9248242 +31476,Vertical Grows,-93.29102180000001,44.924738700000006 +31477,Rakhma Peace Home,-93.28920500000001,44.912480200000005 +31478,Golf Club Hospital Company,-93.291009,44.924664500000006 +31479,G-Werx Fitness,-93.2903667,44.9124454 +31480,Whole Sum Kitchen,-93.2905649,44.912454100000005 +31481,Chez Bloom,-93.2910004,44.924604 +31482,Art Glass Swenson,-93.29116730000001,44.924160400000005 +31483,Zinnia Folk Arts,-93.2906617,44.91243 +31484,Pamper Nails and Spa,-93.2904721,44.9124451 +31485,Lynnhurst Congrational UCC,-93.29175040000001,44.9212228 +31486,Kick,-93.2913652,44.912197000000006 +31487,Stonebridge World School,-93.28872960000001,44.9204883 +31488,Hyperfad,-93.2877141,44.957449000000004 +31489,Loon Grocery,-93.2875286,44.957176800000006 +31490,Metro Dentalcare South Minneapolis,-93.2911026,44.9197165 +31491,Visionary Optical,-93.28883130000001,44.9625755 +31492,Street Walkerz Shoes and Clothing,-93.2890876,44.962581400000005 +31493,Weinstein Gallery,-93.2913152,44.9197136 +31494,Mortimer's Bar and Restaurant,-93.287771,44.9625477 +31495,St. Luke's Episcopal Church,-93.29164150000001,44.9197828 +31496,"Community, a Walgreens Pharmacy",-93.2883001,44.961744800000005 +31497,Urban Tails Pet Supply,-93.2882526,44.9616278 +31498,Lyndale Animal Hospital,-93.28827600000001,44.956001300000004 +31499,Nutrition City,-93.28826090000001,44.961513800000006 +31500,Common Roots Cafe,-93.28839640000001,44.955702200000005 +31501,Clown Glass,-93.2882464,44.961354400000005 +31502,ChiroCenter Chiropractic,-93.2882671,44.9614465 +31503,HOURCAR Hub,-93.2887012,44.955662200000006 +31504,Red Dragon,-93.28827120000001,44.961235900000005 +31505,Nightingale,-93.2878204,44.9558058 +31506,Hum's Liquor,-93.28827120000001,44.9610633 +31507,Bebe,-93.28839520000001,44.961048700000006 +31508,Once Upon a Crime,-93.2872514,44.9557056 +31509,Wells Fargo,-93.2883766,44.9604549 +31510,Galls,-93.2883084,44.9602663 +31511,Disco Death Records,-93.2888904,44.955427 +31512,In Touch Massage,-93.2876968,44.9587852 +31513,Sweeney Todd's Hair Salon,-93.28777790000001,44.9582161 +31514,Uptown Realty & Management,-93.287571,44.9582119 +31515,TwinTown Fitness,-93.28891560000001,44.9552871 +31516,U+B Architecture & Design,-93.2890591,44.955201300000006 +31517,Heather's Dirty Goodness,-93.2884987,44.955270000000006 +31518,The Lynhall,-93.2884523,44.9542036 +31519,Southside Care Center,-93.2896097,44.954230700000004 +31520,On-Demand Group,-93.2883663,44.9552793 +31521,Uptown Tatto,-93.28784110000001,44.9538899 +31522,French Meadow Bakery & Cafe,-93.2882879,44.9549882 +31523,Buffalo Exchange,-93.287844,44.952927900000006 +31524,Fire & Nice Alehouse,-93.2883207,44.9536248 +31525,La Société Du Thé,-93.28832440000001,44.9534365 +31526,Tee Shirt Shop,-93.2883085,44.9533709 +31527,Planet Soccer,-93.2883012,44.953289700000006 +31528,Art Materials,-93.28830880000001,44.9529623 +31529,Flanders Bros Cycle,-93.2878472,44.9535004 +31530,BKS Lyengar Yoga Center,-93.2883305,44.9526957 +31531,Trapped Puzzle Rooms,-93.28780210000001,44.953230100000006 +31532,Subway,-93.2885004,44.952251000000004 +31533,Erik's - Bike Board Ski Lynlake,-93.2883288,44.9518028 +31534,Albertsson Hansen Architecture,-93.28840690000001,44.9516444 +31535,Chinook Book,-93.28837200000001,44.9516124 +31536,TruStone Financial Federal Credit Union,-93.2878338,44.9513478 +31537,HOURCAR Hub,-93.28827720000001,44.9512097 +31538,Proper,-93.2878017,44.952287500000004 +31539,Intermedia Arts,-93.2883371,44.9511051 +31540,Egg and I,-93.28831650000001,44.950988800000005 +31541,Bonitas Extensions and Braids,-93.2877835,44.9578944 +31542,Core Health Chiropractic,-93.2878379,44.9507373 +31543,Kyoto Sushi,-93.28782050000001,44.950589 +31544,Evolution Experience Hair Culture,-93.28832360000001,44.9505913 +31545,BodyBrite,-93.2878318,44.9506719 +31546,GearJunkie,-93.28833750000001,44.950537100000005 +31547,Lago Tacos,-93.28782480000001,44.949980800000006 +31548,Opening Night Framing Services,-93.28832700000001,44.950482900000004 +31549,Mercado by Earl Giles,-93.2883772,44.9497895 +31550,World Martial Arts Center,-93.28786640000001,44.949791600000005 +31551,Sax-Zim Bog Welcome Center,-92.7270582,47.1460833 +31552,Knox Jewelers,-93.28785740000001,44.949589800000005 +31553,"James Ballentine ""Uptown"" VFW Post #246",-93.2883446,44.9494637 +31554,Jon English Hairspa: Advanced Training & Development Center,-93.2878041,44.949364 +31555,Muddy Waters Bar & Eatery,-93.2878766,44.9492555 +31556,Christ Episcopal Church,-92.53544120000001,44.563505400000004 +31557,Bad Day Bar,-93.348341,44.9712386 +31558,Caribou Coffee,-92.5394967,44.5645698 +31559,Michael Houg,-93.41246100000001,45.042796300000006 +31560,Happy Earth Cleaning LLC,-93.2877119,44.9491468 +31561,Legacy Glassworks,-93.28834300000001,44.949074800000005 +31562,Venus Unveiled,-93.28877700000001,44.9482402 +31563,Toppers Pizza,-93.28835160000001,44.948828600000006 +31564,Boost Mobile,-93.2886596,44.9482244 +31565,Sunny's Hair & Wigs,-93.2883551,44.948773 +31566,Bondesque,-93.2885868,44.9482244 +31567,Thurston Jewelers,-93.2885184,44.948226500000004 +31568,Vida Bodywork,-93.28748200000001,44.948231 +31569,Up-Down,-93.28841890000001,44.9478279 +31570,Wax Kitten,-93.2875879,44.94823 +31571,Carbone's Pizzeria,-93.1640785,45.1390541 +31572,HairPolice,-93.2875545,44.948190600000004 +31573,Showroom,-93.2876827,44.948235000000004 +31574,Peer Pressure Fitness,-93.2886994,44.9485128 +31575,Midwest Makeup Supply,-93.28777050000001,44.948239900000004 +31576,Creative Hands,-93.2878939,44.947773500000004 +31577,Old World Cobbler Shoe Leather,-93.2879025,44.947732200000004 +31578,Iron Door Pub,-93.287875,44.9481935 +31579,Lyn-Lake Barbershop,-93.28790640000001,44.947674400000004 +31580,ECig Crib,-93.2878792,44.948038700000005 +31581,Royal Pet Beauty Shop,-93.28790120000001,44.9477087 +31582,Irina's Stitch in Time,-93.2879089,44.9476558 +31583,Venn Brewing Co.,-93.2197754,44.9199757 +31584,Top Shelf,-93.28853840000001,44.946826800000004 +31585,Grandma's House Children's Center,-93.2878204,44.9459904 +31586,Norseman Distillery,-93.22388190000001,44.9935911 +31587,The Sample Room,-93.2719072,45.0095742 +31588,BP,-94.40389970000001,44.0512244 +31589,Hennepin County Southdale Service Center,-93.3242065,44.880915900000005 +31590,Dollar Tree,-92.465337,43.9554455 +31591,Herberger's,-93.3239329,44.8803685 +31592,Tires Plus,-93.4319311,44.850475700000004 +31593,India Spice House,-93.4312981,44.850327400000005 +31594,Otto Berg Memorial,-92.829975,45.0790507 +31595,St. Croix Boom Site,-92.78648170000001,45.084335 +31596,St. Croix Scenic Overlook,-92.791466,45.0814188 +31597,Otto Berg Memorial Park,-92.8281115,45.079095 +31598,Community Education,-95.61338420000001,43.626167 +31599,Mapps Coffee and Tea,-93.26095950000001,44.9489089 +31600,Spyhouse Coffee,-93.1668327,44.9289647 +31601,Q Transmission,-92.3588824,43.897001700000004 +31602,Korea Restaurant,-93.22672460000001,44.9742924 +31603,Open Minds Fusion Studio,-93.2863456,44.948053300000005 +31604,community storm shelter,-94.925639,44.4166503 +31605,Marka Towing,-93.2864392,44.948545800000005 +31606,The Uptown Hair District,-93.28977400000001,44.9485181 +31607,Envios Express,-93.2865814,44.9479598 +31608,Corner Store Vintage,-93.29083100000001,44.948511800000006 +31609,Custom Fitness,-93.28636230000001,44.9481267 +31610,Douglas Flanders & Associates,-93.29027570000001,44.9485168 +31611,Sockasm,-93.2910212,44.9484988 +31612,Cricket Wireless,-93.28635890000001,44.948228500000006 +31613,Shine On,-93.2911375,44.948599200000004 +31614,Bryant-Lake Bowl,-93.2901829,44.9485237 +31615,La Progresiva,-93.2862753,44.9482392 +31616,Eye of Horus,-93.2912185,44.948518500000006 +31617,Baraka Auto Center & Insurance,-93.2860512,44.9485256 +31618,Anthony's Pipe & Cigar Lounge,-93.29116850000001,44.9482379 +31619,Sherwin-Williams,-93.28599430000001,44.948209600000006 +31620,Star Auto Sales,-93.2858856,44.9479776 +31621,Knight's Menswear,-92.48494310000001,44.003869800000004 +31622,Sally Beauty,-92.48436170000001,44.0042865 +31623,Morrissey's Irish Pub,-93.2913625,44.948232700000005 +31624,KAAL - ABC 6,-92.4841172,44.0038989 +31625,The Shoppe,-93.29147710000001,44.948244800000005 +31626,The Ink Lab,-93.2915662,44.9482397 +31627,Mattress Firm,-93.29228590000001,44.948086800000006 +31628,Verizon,-93.29304400000001,44.9482444 +31629,#FACE,-93.29176620000001,44.9482353 +31630,MoneyGram,-93.29278550000001,44.948629100000005 +31631,Highpoint Center for Printmaking,-93.291482,44.948503 +31632,Target,-93.2963606,44.9484585 +31633,Tires Plus,-93.2935046,44.948190100000005 +31634,Bottle & Bottega,-93.29539070000001,44.9485116 +31635,Starbucks,-93.29609090000001,44.948629100000005 +31636,Agra Culture Kitchen & Press,-93.29682720000001,44.9486524 +31637,Paulucci Space Theatre,-92.9229095,47.4234832 +31638,Cook Town Hall,-92.6893127,47.8514903 +31639,SotaRol,-93.296835,44.9487533 +31640,St. Louis County Lands Dept - Cook Office,-92.7050354,47.856082300000004 +31641,CycleBar,-93.29680210000001,44.9490027 +31642,MN Dept of Natural Resources - Forestry,-92.6856712,47.849596600000005 +31643,Stella's Fish Café,-93.2972136,44.9486268 +31644,Uptown Smoke Shop,-93.29759920000001,44.9484974 +31645,USFS - Lacroix District Office,-92.69534250000001,47.8521955 +31646,Doug Johnson Recreation Center,-92.6780763,47.8490401 +31647,Heart Yoga,-93.2975615,44.948498900000004 +31648,Bear River School,-93.0218947,47.777340900000006 +31649,Suit Up,-93.29747610000001,44.948543300000004 +31650,The Viking,-93.0205971,47.7783044 +31651,Linden Grove Township Hall,-92.87109720000001,47.8634908 +31652,Salon Levante Inc.,-93.2985108,44.9469264 +31653,MN Dept of Natural Resources - Multi Divisional,-92.28667200000001,47.8000673 +31654,Magnetic Originals,-93.2976515,44.948092700000004 +31655,Timberland,-93.29808870000001,44.948014900000004 +31656,Arc'teryx,-93.2980833,44.947844100000005 +31657,Francesca's,-93.2980296,44.9475138 +31658,Six Degrees Uptown,-93.29932790000001,44.9476517 +31659,Calhoun Nail Spa,-93.2979572,44.9476998 +31660,Sox Appeal,-93.2974717,44.9473885 +31661,Knights Chamber,-93.2974154,44.947661800000006 +31662,Snowlion Reading Glasses,-93.2973832,44.947365700000006 +31663,Fashion Accessories,-93.2974557,44.947211900000006 +31664,Running Room,-93.2991506,44.9482365 +31665,Sharp360 Menswear,-93.29744760000001,44.9475745 +31666,AT&T,-93.2990398,44.9482438 +31667,GNC,-93.29733230000001,44.947622 +31668,Peoples Organic,-93.29810210000001,44.948098400000006 +31669,ROAM Furniture & Lighting,-93.29850950000001,44.948676600000006 +31670,Sushi Tango,-93.2972464,44.947227100000006 +31671,Fjällräven,-93.29850950000001,44.948760500000006 +31672,ComedySportz,-93.2978473,44.9480225 +31673,Hoban Korean Barbecue,-93.2980878,44.948812600000004 +31674,Cenex,-92.2496074,44.130645200000004 +31675,Caribou Coffee,-93.30013310000001,44.948842600000006 +31676,Thai Cuisine Xpress,-93.2300302,44.9879557 +31677,Fridley Liquors,-93.2650986,45.0702196 +31678,Teppenyaki Grill,-93.2651797,45.0698986 +31679,Duluth Trading Company,-93.26611980000001,45.0700767 +31680,TCF Bank,-93.2664814,45.0703444 +31681,Old Pump Station Ruins,-92.07715660000001,46.798458700000005 +31682,Cub Foods,-93.26678410000001,45.070098400000006 +31683,Little Caesars,-93.21214930000001,45.107747800000006 +31684,Bunny's Bar & Grill NE,-93.2716824,44.999116400000005 +31685,Main Street Galleria,-93.27094570000001,44.975374200000005 +31686,Beacon Sports Bar & Grill,-92.2109635,46.785339400000005 +31687,American Automobile Association,-93.27118490000001,44.9754164 +31688,Wells Fargo,-93.2718387,44.975740200000004 +31689,Real Meal Deli,-93.2711256,44.9755568 +31690,Bank of America,-93.27176340000001,44.9758513 +31691,Bank of America,-93.2717934,44.9758812 +31692,Visionworks,-93.2711963,44.9755778 +31693,St. Croix Cleaners,-93.2717326,44.9759295 +31694,Gopher Mods,-93.27168920000001,44.9759632 +31695,Takatsu Sushi,-93.27101710000001,44.975761500000004 +31696,Rocco Altobelli,-93.2716506,44.9760063 +31697,Juice So Good,-93.2709676,44.975766400000005 +31698,Huntington Bank,-93.27157530000001,44.9760566 +31699,TCF Bank,-93.27161070000001,44.976092400000006 +31700,Bank of America,-93.2706612,44.975824700000004 +31701,Bremer Bank,-93.2715252,44.976153100000005 +31702,Au Bon Pain,-93.2707153,44.975778600000005 +31703,Starbucks,-93.2715641,44.9762513 +31704,One Two Three Sushi,-93.2716144,44.9762852 +31705,AT&T,-93.2707922,44.975805 +31706,Yogurt Lab,-93.2716647,44.976319100000005 +31707,U.S. Bank,-93.27184770000001,44.9764069 +31708,Associated Bank,-93.2708339,44.9758374 +31709,U.S. Bank,-93.2717693,44.976392600000004 +31710,Associated Bank,-93.27089740000001,44.975841100000004 +31711,Allen Edmonds,-93.27253470000001,44.977235400000005 +31712,Pacifier,-93.2724719,44.977383100000004 +31713,Scottrade,-93.27094050000001,44.975855900000006 +31714,Union 73,-93.2725946,44.9775958 +31715,Caribou Coffee,-93.2708312,44.975880800000006 +31716,T-Mobile,-93.2725176,44.976124500000005 +31717,Tangletown Bike Shop,-93.2902706,44.9124537 +31718,Camp Esquagama,-92.3412517,47.473426800000006 +31719,Sorenson Dental,-93.01049780000001,45.1634274 +31720,Camp George E Siegel,-92.34139660000001,47.4731041 +31721,Russell Dental,-93.23326200000001,44.9623914 +31722,China Institute of Traditional Chinese Medicine,-93.1437016,44.9402102 +31723,GNC,-93.37725370000001,44.743550600000006 +31724,GameStop,-93.3789016,44.7453762 +31725,Little Lyndale Library,-93.27806530000001,44.9423161 +31726,Flagship Salon,-93.43271580000001,44.8535744 +31727,Nothing Bundt Cakes,-92.9330827,44.936855400000006 +31728,Nothing Bundt Cakes,-93.44484750000001,44.9659375 +31729,Erskine Iron,-96.00694580000001,47.6692717 +31730,Nothing Bundt Cakes,-93.16667460000001,44.9398593 +31731,Talbots,-92.4634618,44.0221341 +31732,Nothing Bundt Cakes,-93.4308323,44.850630200000005 +31733,Nothing Bundt Cakes,-93.23146940000001,45.1675492 +31734,Cascades Development Monument,-93.67285670000001,45.2076894 +31735,Chick-fil-A,-92.464702,44.0065291 +31736,Presbyterian Church of the Master,-93.2853094,45.180164700000006 +31737,Starbucks,-93.26713880000001,44.983768000000005 +31738,Apartments in St. Paul,-93.0871663,44.9488988 +31739,Papa Murphy's,-94.44547680000001,44.296148900000006 +31740,Minnesota Work Force Center,-94.44539,44.296075 +31741,Century 21 Realty,-94.45019380000001,44.301358500000006 +31742,H&R Block,-94.4455471,44.2962288 +31743,Farm Bureau,-94.4456215,44.2963323 +31744,Cutting Edge,-94.44569050000001,44.296400500000004 +31745,Hampden Park Co-op,-93.1977217,44.9690986 +31746,Z-Ultimate Self Defense Studios,-93.31704450000001,44.8850562 +31747,Caribou Coffee,-93.09979700000001,44.9400646 +31748,Macy's,-93.32645210000001,44.8814841 +31749,St. Cloud Car Accident Lawyer Group,-94.16051080000001,45.560822 +31750,Devil's Kettle,-90.0495652,47.829269100000005 +31751,Gambit Brewing,-93.08936530000001,44.947126000000004 +31752,Devil's Kettle Falls,-90.04947030000001,47.829352300000004 +31753,African Paradise Restaurant,-93.2324584,44.948558000000006 +31754,Twisted Hare,-93.2777511,44.941227100000006 +31755,Judge C R Magney State Park Historical Marker,-90.0551087,47.8186345 +31756,Ramen Kazama,-93.2781212,44.941216700000005 +31757,Trailhead Cycling,-93.3891809,45.1579573 +31758,CIM-10 Bomarc SAM Site,-91.8832021,46.9323081 +31759,Minneapolis By Bike,-93.2634623,44.9782196 +31760,1st Cup Cafe,-93.23687070000001,44.951798000000004 +31761,MarketVision,-93.4082989,44.8643524 +31762,Zinpro Corporation,-93.407431,44.864348 +31763,MSC Industrial Supply Co.,-93.4079119,44.8643433 +31764,"Signature Sales, Inc.",-93.4083288,44.8643531 +31765,"ThreeWire, Inc.",-93.4079652,44.8635699 +31766,The UPS Store,-93.14427710000001,44.940368 +31767,InterpIX Expense Management,-93.40747470000001,44.863540500000006 +31768,alpha video,-93.4074975,44.863933200000005 +31769,4 B’z Event Center,-94.54207290000001,45.130676900000005 +31770,clario Analytics,-93.4074966,44.8639534 +31771,Master Electronics,-93.4076723,44.8643847 +31772,Master Technology Group,-93.4074312,44.865441100000005 +31773,Mills Fleet Farm,-93.1653077,45.1539045 +31774,Woman Lake Lodge,-94.32564400000001,46.9465056 +31775,Jimmy John's,-93.3536342,44.8645475 +31776,Starbucks,-93.3530039,44.8645456 +31777,Kee-Nee-Moo-Sha,-94.28264300000001,46.961065500000004 +31778,Arcana Masonic Lodge,-93.247921,45.013062000000005 +31779,Cricket Wireless,-93.24758800000001,45.013037000000004 +31780,Tank's Barley House,-96.8106614,47.264205200000006 +31781,Oaks Hardware,-93.22991110000001,44.987955500000005 +31782,Piff,-93.229799,44.987953000000005 +31783,Adam's Grocery & Tobacco Market,-93.2296615,44.9879596 +31784,Moon Palace Books,-93.2337742,44.9472955 +31785,Honorary Consulate of the Czech Republic,-93.11623870000001,44.935188100000005 +31786,Arbeiter Brewery,-93.23369100000001,44.9471797 +31787,Spring Grove Communications,-91.63851050000001,43.5609941 +31788,The Cove,-93.235436,44.98147 +31789,Spring Grove Fitness Center,-91.63886140000001,43.561135 +31790,United States Post Office,-93.23554200000001,44.981523 +31791,Adventure North,-93.21193020000001,44.883077500000006 +31792,Stone Arch,-93.21216580000001,44.8828393 +31793,Smack Shack,-93.21178800000001,44.883190000000006 +31794,Roasting Plant Coffee,-93.213442,44.885646 +31795,LoLo,-93.21344400000001,44.885555000000004 +31796,Chuck & Don's,-93.08667670000001,44.950345500000005 +31797,Diversity Home Health Group,-92.48913990000001,44.047249300000004 +31798,J.R. Brandrup House,-94.0089748,44.154480400000004 +31799,Handsome Hog (MOVED),-93.0888225,44.9497257 +31800,Public Kitchen + Bar,-93.08828070000001,44.949954500000004 +31801,Clark,-92.68398230000001,47.8485396 +31802,Holiday,-93.0279885,45.250010800000005 +31803,Finnegan's Brew Co.,-93.2665669,44.972443500000004 +31804,Elias J. Halling Recital Hall,-93.33052570000001,44.862541 +31805,Forest Lake Fire Department,-92.98516140000001,45.2663212 +31806,Forest Lake Police Department,-92.98564420000001,45.2659852 +31807,Dollar Tree,-92.9854463,45.2650726 +31808,Holiday,-92.9823554,45.2635195 +31809,KFC,-93.00030500000001,45.2788764 +31810,Ted Paul Theater,-93.33066620000001,44.862667800000004 +31811,Waseca Music Co.,-93.5072883,44.077195 +31812,AMP Digital Agency,-93.28906420000001,44.979863300000005 +31813,Daily Grind Espresso Shop,-93.50725940000001,44.077700300000004 +31814,Boat House Grill and Bar,-93.4939875,44.0798824 +31815,Christ the King,-93.52104960000001,44.078963 +31816,East Central High School,-92.84190170000001,46.181940700000006 +31817,Northern Hollow Winery,-93.08522400000001,45.793832900000005 +31818,Columbus Elementary School,-93.048831,45.2840074 +31819,Forest Lake Elementary School,-92.9899747,45.2746075 +31820,Forest View Elementray School,-92.98941620000001,45.272458400000005 +31821,Modeen Company,-93.29878430000001,45.1780203 +31822,Phoenix Design Signs,-93.2471136,45.0124987 +31823,Augustine’s Bar & Bakery,-93.17099800000001,44.9464273 +31824,McDonald's,-93.4033112,48.5876802 +31825,Columbus,-93.05004690000001,45.2651162 +31826,Domino's,-93.4021508,48.588818800000006 +31827,O'Reilly Auto Parts,-93.40309710000001,48.590067700000006 +31828,Subway,-93.4033077,48.591672100000004 +31829,Inspire,-93.279976,44.968895 +31830,Dairy Queen,-93.4035451,48.592492 +31831,Lakes & Legends Brewing Company,-93.27946290000001,44.9689387 +31832,Eggy's,-93.28049970000001,44.9688973 +31833,Family Dollar,-93.403192,48.5943861 +31834,NAPA Auto Parts,-93.404207,48.5967332 +31835,Whistle Binkies,-92.4523391,44.056437100000004 +31836,Falls High School,-93.4266613,48.5942979 +31837,LTS Brewery,-92.51048080000001,44.044741200000004 +31838,Falls Elementary School,-93.42556970000001,48.591837000000005 +31839,Stagecoach Brewery,-92.75370840000001,44.0665247 +31840,Menards,-93.44149370000001,48.586695000000006 +31841,Memorabilia,-92.75633780000001,44.066584000000006 +31842,Cherished Antiques & Furniture,-92.7451444,44.024861400000006 +31843,Soccer field,-93.3910278,44.753121400000005 +31844,Mantorville Square Antiques,-92.755098,44.0664296 +31845,"Running Aces Casino, Hotel & Racetrack",-93.0340311,45.2447134 +31846,Hinderaker Auditorium,-96.42187360000001,44.506353700000005 +31847,The Refinery,-93.2362377,44.980248800000005 +31848,North Pine Saloon,-92.5884274,46.3398204 +31849,YMCA,-92.99086630000001,45.238662600000005 +31850,Duquette General Store,-92.5553927,46.3696457 +31851,Tavern In Duquette,-92.5560274,46.3692354 +31852,Right Away Driving School,-92.9787912,45.2608509 +31853,Kerrick Fire & Rescue,-92.5879144,46.340276100000004 +31854,Diversity Home Health Group,-93.1989726,45.011417200000004 +31855,Puncher Point,-92.2940033,47.8264136 +31856,Hoodoo Point,-92.3004363,47.8196408 +31857,Echo Point,-92.2994096,47.83373 +31858,French Frog,-95.8426294,47.097163800000004 +31859,Everetts Point,-92.34249340000001,47.833269 +31860,American Heritage Bank,-94.0535136,45.4131 +31861,Clearwater Travel Plaza,-94.05493220000001,45.412580600000005 +31862,Snap Fitness,-94.0533704,45.4131623 +31863,Taco Gringo,-94.05321110000001,45.4132411 +31864,BP,-93.3095375,44.8411363 +31865,Clearwater City Hall,-94.052445,45.416626300000004 +31866,Holt Veterans Memorial,-96.1917423,48.291976000000005 +31867,Middle River Post Office,-96.16383660000001,48.4345288 +31868,Veteran War Memorial,-96.16411040000001,48.4344869 +31869,Goose Capitol of Minnesota Sculpture,-96.166162,48.4343987 +31870,Jersey Mike's Subs,-93.1151177,45.080131300000005 +31871,Big Dipper Creamery,-93.1148907,45.0800989 +31872,True Vine Luthern Church,-93.298299,45.876041900000004 +31873,Securonet,-92.95476380000001,44.937954700000006 +31874,Neighborhood National Bank,-93.2974532,45.8775981 +31875,Stahlkes department store,-93.29670510000001,45.876274800000004 +31876,Queens Closet thrift shop,-93.2982566,45.8758695 +31877,The fish house coffee shop,-93.2956939,45.8673073 +31878,Fresh Thyme,-93.2140499,44.9708142 +31879,HWY 10 BBQ,-93.21352,44.9700221 +31880,Misfits Saloom,-93.37480430000001,45.186804200000005 +31881,Subway,-93.36391160000001,45.1827556 +31882,Harvest African Market,-93.3521142,45.1787329 +31883,Betty Sue's Better Brew Cafe,-92.6456996,44.205468700000004 +31884,United Methodist Church- Anoka,-93.37443180000001,45.1899262 +31885,Owen's Locker Plant,-92.6450559,44.2056072 +31886,Pine Haven Care Center,-92.6481511,44.206987700000006 +31887,Pine Island CIty Administration,-92.64668640000001,44.200584600000006 +31888,Land O Lakes,-92.64419190000001,44.205691800000004 +31889,Pine Island Hardware Hank,-92.6459944,44.201349900000004 +31890,Adrian's Parts City,-92.6444172,44.2044687 +31891,BP,-93.1690997,44.8331248 +31892,Pine Island Post Office,-92.64603220000001,44.201084800000004 +31893,Workout 24/7,-92.6458712,44.2016385 +31894,Historic caboose,-94.4035546,46.716905800000006 +31895,Fisher's Club,-94.4554435,45.611542500000006 +31896,Lakewood Dental,-92.5232268,44.051937200000005 +31897,Dairy Queen,-94.40100050000001,46.716321900000004 +31898,Lourdes High School,-92.5037669,44.042323 +31899,Paws And Claws,-92.51119340000001,44.042920900000006 +31900,Marys Morsels,-92.5393949,47.469714700000004 +31901,Allegro School of Dance,-92.5219694,44.047804 +31902,Cascade Animal medical Center and Inn,-92.5230337,44.0501821 +31903,Think Mutual Bank,-92.5223256,44.074643 +31904,Forest Lake Cycle & Skate SKATE STORE,-92.9946084,45.2456199 +31905,Minneapolis Trucking Company,-93.2568315,44.951776200000005 +31906,First House,-92.5398643,47.4705506 +31907,Cenex,-94.4226816,44.363884500000005 +31908,Margies Liquor,-92.5396369,47.460586400000004 +31909,Margie's Drive In Liquor,-92.5393662,47.460908 +31910,Old Time Oil,-92.5373752,47.4602512 +31911,Peace Church,-93.22044260000001,44.800864700000005 +31912,Bell Museum,-93.1884507,44.9911667 +31913,Bass Lake Fire Hall,-92.36603070000001,47.198889 +31914,Melrude Fire Hall,-92.41859070000001,47.246454500000006 +31915,Melrude Pavilion,-92.4186368,47.2467528 +31916,Melrude Town Hall,-92.41859070000001,47.246454500000006 +31917,Ellsburg Town Hall,-92.41835470000001,47.246494500000004 +31918,Sidetrack Tap,-95.27271520000001,47.6535184 +31919,Melrude Whistle Stop,-92.4181401,47.2460248 +31920,Leonard Cafe,-95.2733264,47.652513500000005 +31921,Riechart Saddlery,-95.2739648,47.653300900000005 +31922,Station Service E. Leclerc,-95.2733177,47.652852900000006 +31923,Fosston City Mural (old),-95.7520569,47.5765572 +31924,"The Law Office of Lauren Campoli, PLLC",-93.27272070000001,44.9760319 +31925,Longyear First Diamond Drill Site,-92.1167403,47.557541300000004 +31926,WSHS Softball Field,-91.6604908,44.0455746 +31927,Minnesota City Boatharbor,-91.7313129,44.094131000000004 +31928,Tom Heffernan Ford,-92.26931830000001,44.4513236 +31929,Lincoln High School,-92.2663356,44.4443384 +31930,H&R Block,-92.2811039,44.4586296 +31931,Lake City Button Company,-92.26441200000001,44.448582900000005 +31932,Alliance Bank,-92.2668292,44.449788000000005 +31933,Harmon AutoGlass,-93.41233360000001,44.921236400000005 +31934,Port 104,-92.266164,44.4502322 +31935,Franconia Landing,-92.68999480000001,45.3686896 +31936,Fiesta Jalisco,-92.2658368,44.4491025 +31937,Log House Landing,-92.76089300000001,45.2477383 +31938,Erik's Bike,-93.063719,45.051694000000005 +31939,Crossroads Church Activity Center,-93.0492581,45.2851002 +31940,HGC Eagle Carving,-96.45075220000001,44.5097321 +31941,Lion's Park,-94.21399860000001,45.541038400000005 +31942,Sanford Home Health,-96.20632590000001,43.656499100000005 +31943,Archery Country,-94.21531970000001,45.552685100000005 +31944,Oakdale Veteran's Memorial,-92.96484360000001,44.9710534 +31945,Allina Health Mercy Pharmacy,-93.3692139,45.1854284 +31946,"Bridgeman's Ice Cream, LLC.",-92.9807598,44.963791 +31947,Ravine Park Playground,-92.900053,44.8057991 +31948,Life Academy,-93.3057931,44.807473800000004 +31949,Starbucks,-92.93086480000001,44.814734400000006 +31950,Dollar Tree,-92.9298691,44.8154057 +31951,Great Clips,-92.929665,44.815814 +31952,T-Mobile,-92.9297827,44.815474300000005 +31953,Uponor,-93.2569917,44.632759300000004 +31954,Ashland Credit Union,-92.9296631,44.8164316 +31955,Grove Endodontics,-92.9282945,44.814890600000005 +31956,Babes Music Bar,-93.2433913,44.6499493 +31957,Lakeville Family Bowl,-93.24246860000001,44.646310400000004 +31958,U.S. Bank,-93.2471598,44.656474900000006 +31959,Ace Hardware Store,-93.24242570000001,44.6478942 +31960,Teresa's Mexican Restaurant,-93.24919290000001,44.6574918 +31961,Lakeville Municipal Liquors,-93.24829170000001,44.6582226 +31962,Papa Murphy's,-93.24864840000001,44.657745600000005 +31963,McDonald's,-93.25420940000001,44.6571469 +31964,Innerview Consulting,-93.2399955,45.028232700000004 +31965,TRIO Wolf Creek,-92.8961452,45.3771482 +31966,Rotary Park,-92.8963411,45.377884300000005 +31967,Dinkytown Tattoo,-93.23578210000001,44.9807786 +31968,Milaca High School,-93.6581211,45.7504624 +31969,Milaca Elementary School,-93.65612440000001,45.7516064 +31970,Day By Day Cafe,-93.1118019,44.9380802 +31971,Central Health Care,-93.728251,44.3961277 +31972,Ray Plut Field,-93.73124870000001,44.382864100000006 +31973,Lakewood Evangelical Church,-94.2689296,46.349689100000006 +31974,Little Rock Falls,-90.774162,48.118943400000006 +31975,Total Wine,-93.53375510000001,44.856630800000005 +31976,Davanni's,-93.5329397,44.8567885 +31977,Veteran's Memorial,-93.78012790000001,45.302463700000004 +31978,Saint Peter Gates,-93.9540779,44.3249502 +31979,River Mill Shelter #3,-93.7596707,45.292286600000004 +31980,River Mill Shelter #2,-93.7596841,45.292650800000004 +31981,River Mill Shelter #1,-93.75951900000001,45.2925516 +31982,Giant Crow Statue,-95.0090948,45.4441696 +31983,Sparkys Cafe,-93.3909203,45.196887700000005 +31984,Bridge Square Optical,-93.3909739,45.197314600000006 +31985,Patient/Visitor Subway Entrance,-92.46802960000001,44.023366200000005 +31986,MTM Cleaners & Tailors,-93.3911058,45.1973422 +31987,Cork,-93.39042160000001,45.197452600000005 +31988,2nd St SW & 7th Ave SW,-92.4733667,44.021525000000004 +31989,U.S. Bank,-92.46500710000001,44.0218568 +31990,2nd St SW & 7th Ave SW,-92.4721638,44.021704400000004 +31991,11th Ave SW & 1st Ave SW,-92.4787465,44.0223628 +31992,2nd St SW & 9th Ave SW,-92.47624250000001,44.0217418 +31993,2nd St SW & 9th Ave SW,-92.4767697,44.0215654 +31994,Sunny Market,-92.48048920000001,44.021766 +31995,Billy's,-93.3884572,45.1985523 +31996,Tacos La Paloma,-93.40048700000001,45.20394 +31997,Danno's,-93.38805210000001,45.1981157 +31998,Pucci Pet Grooming,-93.38957210000001,45.198122700000006 +31999,MaGillyCuddys,-93.3898269,45.198565 +32000,Pizza Man,-93.387859,45.1980968 +32001,Thesis Beer Project,-92.4932692,44.021890000000006 +32002,Running Room,-93.4273524,45.0934475 +32003,Snip-Its,-93.42662700000001,45.0933882 +32004,Mundo Tax,-92.49247770000001,44.021887400000004 +32005,The Hair District,-93.4266212,45.093487700000004 +32006,Hand and Stone,-93.42751030000001,45.093444600000005 +32007,2nd St SW & 21st Ave SW,-92.4951814,44.021736700000005 +32008,Jamba,-93.42663440000001,45.0933147 +32009,2nd St SW & 21st Ave SW,-92.4956461,44.021523200000004 +32010,Firehouse Subs,-93.42747390000001,45.093510900000005 +32011,Tyrol Ski & Sports,-92.4929544,44.0219746 +32012,Acqua Of Forest Lake,-92.93886400000001,45.2727341 +32013,The Old Log Cabin Restaurant,-92.90966710000001,45.251332600000005 +32014,Redrum,-93.38952040000001,45.198570200000006 +32015,Scandia Fire & Rescue,-92.7995123,45.257074900000006 +32016,The Scandia Cafe,-92.80597440000001,45.253538600000006 +32017,Meister's Bar & Grill,-92.803105,45.2518036 +32018,Stella's On 97,-92.9621967,45.262014 +32019,Mr.Large Burrito,-92.98514730000001,45.2602041 +32020,TCF Bank,-92.99826920000001,45.2789475 +32021,Northern Tool + Equipment,-92.99686030000001,45.2776246 +32022,Great Clips,-92.9968702,45.277156600000005 +32023,Forest Lake Tobacco,-92.9968431,45.2769965 +32024,Smokedale,-93.3892012,45.19878 +32025,Verizon Authorized Retailer - Wireless Zone,-92.9970928,45.276727300000005 +32026,Forest Lake Self-Serve Car Wash,-92.99929660000001,45.276058400000004 +32027,Serums,-93.38863260000001,45.1987876 +32028,Maurices,-92.99986990000001,45.276055 +32029,China Buffet,-92.99986990000001,45.276328500000005 +32030,Main Floral,-93.38983420000001,45.1981223 +32031,Forest Jewelers,-92.99986990000001,45.2765422 +32032,Dan Gould Jeweler,-93.389515,45.197802900000006 +32033,Speedway,-92.996785,45.2790565 +32034,Norman Quack's Chophouse,-92.9947786,45.2797015 +32035,Truffles & Tortes,-93.3890161,45.1977915 +32036,Joy Garden Inc,-92.99477540000001,45.2799203 +32037,Papa John's,-92.9947882,45.280125500000004 +32038,Nic Nac Paddywac's,-93.3892012,45.198114700000005 +32039,O'Reilly Auto Parts,-92.9944452,45.279737600000004 +32040,UnBank,-93.3890724,45.1981242 +32041,AutoZone,-92.9982983,45.2746372 +32042,MGM Wine & Spirits | Forest Lake,-93.0102466,45.283401700000006 +32043,David Bank Studio,-93.38925800000001,45.197384 +32044,Two Scoops Ice Cream,-93.38925370000001,45.197469500000004 +32045,Speedway,-93.3957551,45.188511600000005 +32046,Courtside Bar & Grill,-93.3880881,45.198793300000006 +32047,Subway,-93.3955593,45.1882886 +32048,Millie P's Quilt Shop,-93.38837240000001,45.1980883 +32049,Q Fanatic,-93.3953139,45.188023900000005 +32050,Avant Garden,-93.38864330000001,45.1981015 +32051,Growing Genration CDC,-93.01299970000001,45.1632386 +32052,Subway,-93.3878681,45.197455100000006 +32053,Waters Edge Community Center,-93.0010321,45.171187700000004 +32054,Sew & Press,-93.387962,45.1981072 +32055,10k Brewing,-93.3895499,45.1982659 +32056,Indian Mound Bay,-95.36923900000001,45.9260311 +32057,"Consulting Radiologists, Ltd",-93.352356,44.866418200000005 +32058,Casey's General Store,-92.39698460000001,43.6972843 +32059,"Scene Clean, Inc.",-93.40072570000001,45.1156445 +32060,Ethos,-93.27366070000001,44.999697100000006 +32061,State Line,-92.2918958,46.5996571 +32062,Golden Gate Cafe,-93.1625166,44.9550999 +32063,Bank of America,-93.16236160000001,44.955085000000004 +32064,St. Paul Police Department Downtown Unit,-93.09192870000001,44.9476631 +32065,Le Nails,-93.1626485,44.9551086 +32066,N Broadway Ave & 1st St NE,-92.46290830000001,44.0242516 +32067,Rushford Canoe launch,-91.7603594,43.8031925 +32068,Starbucks,-93.2627672,44.9766319 +32069,Potbelly,-93.53077400000001,44.8597811 +32070,Rice,-94.22055750000001,45.753716700000005 +32071,Smashburger,-93.5303586,44.8598446 +32072,Planet Krouton Consulting,-93.2684735,44.976287500000005 +32073,Southside Dental Clinic,-93.2699826,44.9255547 +32074,Twin Valley Farm,-96.2866611,47.2929387 +32075,Karlstad,-96.5189577,48.5775203 +32076,Holiday,-93.51483110000001,44.890870500000005 +32077,Sand Hill Golf Course,-96.28825300000001,47.5264813 +32078,Venice Nail Spa,-93.51483180000001,44.8909657 +32079,Erskin Walley Sculpture,-96.01111900000001,47.6666018 +32080,Subway,-93.51482770000001,44.891044900000004 +32081,Detello's,-93.5148257,44.8911357 +32082,Tonka Cycle & Ski,-93.427712,44.9239473 +32083,Best Cleaners,-93.51481960000001,44.8912163 +32084,Omega Dentist,-93.5148175,44.8912883 +32085,Old River Valley Antique Mall,-92.4881953,43.853864800000004 +32086,Tiger Ace Hardware,-92.48879500000001,43.8557475 +32087,Olmsted Medical Center,-92.487221,43.8564202 +32088,Kwik Trip,-92.48983290000001,43.8770285 +32089,Starbucks,-92.4617455,43.9892678 +32090,Kwik Trip,-92.4894223,43.877298200000006 +32091,Holiday Gas Station,-93.7467974,44.902634400000004 +32092,Sidewalk Kitchen,-93.2262276,44.973760600000006 +32093,Missile,-93.7476905,44.9058827 +32094,Hillside,-94.16739630000001,45.591734200000005 +32095,Anytime Fitness,-92.4865596,43.870678700000006 +32096,Phyllie's Grill & Bar,-92.4895412,43.863272900000005 +32097,Verizon,-92.48685470000001,43.870593500000005 +32098,BB's Pizzaria,-92.45227240000001,44.058980000000005 +32099,C20,-93.64420580000001,45.016426900000006 +32100,Subway,-92.45147850000001,44.0587584 +32101,14,-93.687104,44.8669187 +32102,A27,-93.64057310000001,45.018242900000004 +32103,A29,-93.6405313,45.0180865 +32104,15,-93.686924,44.866928300000005 +32105,16,-93.6867237,44.8668994 +32106,McDonald's,-93.5839114,45.557440400000004 +32107,23,-93.6853224,44.8672187 +32108,Cafe Pawz,-93.88382890000001,45.400213 +32109,Phillips Eye Institute,-93.26424870000001,44.9604269 +32110,Diamond Acoustics Inc,-93.8173876,45.392349200000005 +32111,Public Access Dock,-94.5240383,46.931078400000004 +32112,Public Library,-94.5232156,46.9307597 +32113,Lucette Statue (Paul Bunyan's Sweetheart),-94.5230078,46.930974500000005 +32114,Sun and Fun,-94.52209450000001,46.9301644 +32115,Cokato Elementary,-94.19258780000001,45.074219500000005 +32116,First National Bank North,-94.520618,46.929307400000006 +32117,Marketplace Grocery Store,-94.19447570000001,45.079313500000005 +32118,Hackensack Legend,-94.52139170000001,46.931996000000005 +32119,Dairy Queen,-94.19294570000001,45.0797237 +32120,Public Entry into Park,-94.1820917,45.069871500000005 +32121,Sacred Heart,-94.52063000000001,46.933485100000006 +32122,Public Library;Cokato Public Library,-94.1906702,45.0754445 +32123,4-Way Liquors,-94.1899111,45.076192400000004 +32124,Viddles and Joe,-94.5209987,46.9304708 +32125,Miss Wendy's Dance and Fitness,-94.1898989,45.076033800000005 +32126,Cokato Public Pool,-94.1933722,45.0735449 +32127,Mark's Market,-94.519305,46.9335419 +32128,Hackensack Liquor Store (off-sale),-94.5196377,46.932133900000004 +32129,Casey's General Store,-94.18971570000001,45.0796416 +32130,Subway,-94.1891999,45.079725800000006 +32131,Nashwauk Market,-93.16691580000001,47.37893690000001 +32132,NAPA Auto Parts,-94.18875820000001,45.079559700000004 +32133,Dollar General,-94.1920819,45.079600600000006 +32134,Jack's of Cokato,-94.1993765,45.079384000000005 +32135,Bait and Hook,-94.19964730000001,45.0804788 +32136,Latvala Sinclair Convenience,-93.17108,47.369919700000004 +32137,CentraCare Health - Long Prairie Meadow Place,-94.8430395,45.971308900000004 +32138,Nashwauk Skate Park,-93.1634571,47.379134 +32139,Deering Manor,-93.1662117,47.378766000000006 +32140,Walgreens,-94.3744454,44.8785417 +32141,Aspen Dental,-94.37624600000001,44.8783484 +32142,Mucho Si,-93.16617690000001,47.380685 +32143,Cashwise Foods,-94.37926080000001,44.877485500000006 +32144,Heart of MN Animal Shelter,-94.3837455,44.8739312 +32145,McLeod Cnty Fairgrounds Equine Show Arena,-94.38242050000001,44.8702169 +32146,Regional Eye Center,-94.37268200000001,44.8677409 +32147,American Bank,-93.16774330000001,47.3806378 +32148,Harmony River Living Center,-94.3643562,44.864426 +32149,Citizens Bank and Trust,-94.37669260000001,44.8673871 +32150,Nashwauk Bottle Shop,-93.1688644,47.379184800000004 +32151,Hutchinson Civic / Burich Arena,-94.3814912,44.878438700000004 +32152,Leading Edge Mechanical Inc,-95.10069270000001,46.9499179 +32153,Buffalo Wild Wings,-94.3776035,44.8768059 +32154,Gillette Children's Specialty Healthcare,-93.09511930000001,44.956384 +32155,Leroy's Auto Center,-93.2892942,44.840291300000004 +32156,FIshing Pier,-96.11182090000001,47.664428300000004 +32157,Erberts and Gerberts,-94.87913710000001,47.483118600000005 +32158,National Tire and Battery,-93.2892813,44.8368921 +32159,Northern Liquor,-94.8768374,47.5011689 +32160,Normandale Lake Waterfall,-93.3517013,44.848237700000006 +32161,Slim's Bar & Grill,-94.8759591,47.5060002 +32162,The Tavern on South Shore,-94.8550917,47.4638019 +32163,VCA Bloomington Animal Hospital,-93.2892673,44.84299 +32164,Pond/Dakota house,-93.27130070000001,44.813362000000005 +32165,HeadFlyer Brewing,-93.243965,44.9917491 +32166,Emily’s Bakery & Deli,-92.85340450000001,44.7339677 +32167,Harlans Boats,-96.14695300000001,47.702590900000004 +32168,Elevation North,-93.216676,44.063268900000004 +32169,The Black Sheep Burgers and Brews,-93.20968020000001,44.089691900000005 +32170,Spare Time Entertainment,-93.2197874,44.0655662 +32171,Sparkling Waters,-94.8693602,47.463648500000005 +32172,The Handle Bar,-94.7815047,45.1372385 +32173,Sara Laabraten State Farm Insurance,-94.8793967,47.4748493 +32174,Immanuel Lutheran Church,-94.7808181,45.133507300000005 +32175,Strong Garage,-94.78212160000001,45.1375791 +32176,Atwater Fire and Resue Station;Atwater Fire Department,-94.77917120000001,45.138260300000006 +32177,Body Matrix,-94.8807288,47.491150100000006 +32178,Peaceful Thymes,-94.77679210000001,45.138748400000004 +32179,Hair by Lindsey,-94.78116410000001,45.137817500000004 +32180,Atwater Funeral Home,-94.78495670000001,45.137125000000005 +32181,Paws Floral,-94.7812038,45.138821300000004 +32182,Local House,-93.0777092,44.921458200000004 +32183,House,-93.0780421,44.9210885 +32184,AIR (American Industrial Refrigeration,-94.7741099,45.1395392 +32185,Basebal Fields,-93.07256890000001,44.9215613 +32186,Profitness 43,-94.7810353,45.1372574 +32187,Goodwill,-94.8814899,47.4719843 +32188,Hibbing Curling Club,-92.9364632,47.4233023 +32189,Sportsmans Cafe,-92.93600140000001,47.4276296 +32190,BoomTown Brewery and Woodfire Grill,-92.93559640000001,47.427693100000006 +32191,Northern Sun Tanning,-94.87920720000001,47.4833676 +32192,Super One Foods,-92.9265675,47.4087053 +32193,Wollman Coffee,-94.8791568,47.482826100000004 +32194,Ryan the Cell Phone Doctor,-94.8815259,47.4724913 +32195,Super One Liquor,-92.92714690000001,47.408371300000006 +32196,Paul Buyan Broadcasting - Z 99,-94.8810112,47.472779200000005 +32197,Hibbing Community College,-92.9218254,47.4223177 +32198,Mesaba Country Club,-92.93459130000001,47.380270900000006 +32199,Art Wall Park,-94.4612948,44.3206002 +32200,Bar 209,-94.8830609,47.470312500000006 +32201,Cenex Bemidji Co-Op,-94.88380040000001,47.4702302 +32202,"Fischer Law, PA",-94.4648286,44.317849 +32203,The Cabin Coffehouse,-94.8821427,47.470354900000004 +32204,Water Slides,-92.46695340000001,44.0130883 +32205,Freeway Field Shelter,-93.7642612,45.288503500000004 +32206,Dayton at Gaviidae YMCA,-93.27133330000001,44.9775854 +32207,Dakota Jazz Club and Restaurant,-93.27541190000001,44.973652 +32208,Lake Superior Bakehouse,-92.0994378,46.7857998 +32209,S Broadway & 9th St SE,-92.463144,44.012767200000006 +32210,S Broadway & 1st Ave SE,-92.4628479,44.0143089 +32211,Pet Exercise Area,-92.5809735,43.8094644 +32212,OMC Smokehouse,-92.1223392,46.7686514 +32213,Limb Lab,-92.46274050000001,44.0191202 +32214,Two Harbors Boat Launch,-91.66556920000001,47.015121300000004 +32215,Hogsback Beach,-93.58521610000001,46.3657939 +32216,Glenn Avon Falls,-91.3441435,47.265463200000006 +32217,Edited By Michael Monette,-92.63561610000001,46.0079799 +32218,Titan Machinery,-95.9833588,47.534241200000004 +32219,Brooks Library,-96.0026311,47.8140434 +32220,Ogilvie Watertower,-93.42802,45.831007400000004 +32221,Jim's Market,-93.58591410000001,45.445758100000006 +32222,Zimmerman Community Church,-93.58754710000001,45.447648400000006 +32223,Rudy's Event Rentals,-93.12844860000001,44.9263497 +32224,E Center St & 1st Ave SW,-92.461281,44.023417 +32225,Sterling State Bank,-92.4627469,44.022364700000004 +32226,E Center St & 1st Ave NW,-92.4612127,44.0235513 +32227,United States Post Office,-92.4623521,44.022398700000004 +32228,Coffee Bené,-93.18756640000001,44.939835200000005 +32229,Creative Beauté Agency,-93.48056650000001,44.926606400000004 +32230,Wayzata Free Church,-93.5029829,44.986241500000006 +32231,St. Philip the Deacon Lutheran Church,-93.49815360000001,44.994731300000005 +32232,Estes Twin Cities News,-93.21548960000001,44.8838127 +32233,Casey's General Store,-93.2549656,44.174136700000005 +32234,Cannon Falls Sportsman's Club,-92.9330128,44.4713976 +32235,Wakemup Bay,-92.65010430000001,47.925352600000004 +32236,Stacy Wine & Spirits,-92.9923521,45.396127 +32237,Casey's General Store,-93.2549738,44.173832000000004 +32238,Walgreens,-92.4653088,44.003055800000006 +32239,Ferrara's Heating Air Conditioning And Refrigeration Inc.,-93.73743160000001,46.492206700000004 +32240,Gartner Cooling Design Inc,-93.33876670000001,44.8063049 +32241,Subway,-93.1832718,45.021337700000004 +32242,East Grand Forks South Water Tower,-96.9871281,47.906333200000006 +32243,Ferndale Market,-92.9142168,44.4934268 +32244,South Point Elementry School,-96.99052730000001,47.9047203 +32245,Central Middle School,-96.9887674,47.9010059 +32246,VFW ARENA,-97.0094892,47.9180221 +32247,BLUE LINE ARENA,-97.0089277,47.917310900000004 +32248,East Grand Forks Senior Citizens Center,-97.0098676,47.9130831 +32249,Ortons Convienence Store,-97.0097752,47.9141959 +32250,Allure Salon & Spa,-93.367171,43.6477225 +32251,First Community Credit Union,-97.01087580000001,47.915082500000004 +32252,Family of God,-97.0132073,47.917111000000006 +32253,Legacy Creek Preserve,-93.18256260000001,45.2032255 +32254,Whitefish Lake,-91.0450148,47.718839900000006 +32255,Legacy Creek Parkside,-93.18178640000001,45.200717100000006 +32256,White Pine Lake- Rustic Campground,-90.75362940000001,47.7392866 +32257,O'Reilly Auto Parts,-93.2852972,44.6927461 +32258,Papa Murphy's,-93.2853013,44.6929894 +32259,Jimmy John's,-93.2853109,44.6928952 +32260,Rendezvous Hair Studio,-93.2853187,44.6928191 +32261,Tak Shing,-93.2851864,44.692582400000006 +32262,Raising Cane's,-93.2348857,44.979034600000006 +32263,Fanci Nails,-93.28509480000001,44.692503800000004 +32264,GNC,-93.2850181,44.6924682 +32265,HealthSource Chirporactor,-93.2849552,44.692439 +32266,Vape Genius,-93.2849011,44.692414 +32267,Strandquest Post Office,-96.4473098,48.490147 +32268,Pizza Hut Delivery,-96.76887570000001,46.873636100000006 +32269,The Boy Scout statue,-91.4947314,47.989527800000005 +32270,Trading Post,-91.4951355,47.989776500000005 +32271,Bonnie Haney School of Dance,-96.76732050000001,46.8714341 +32272,The Stockade,-91.4964834,47.987866100000005 +32273,Wilderness Cabin,-91.4928174,47.9914233 +32274,Your American Dream Team,-93.33663650000001,44.8635612 +32275,"Cahill Law Office, P.A.",-96.7735555,46.874922000000005 +32276,"CB & Sons Electric, Inc.",-96.76321650000001,46.875324500000005 +32277,Parley's Rock,-91.4906672,47.989465700000004 +32278,Minn-Dak Mural,-96.8971279,48.5739973 +32279,Comfort Heating and Air Conditioning,-93.27655030000001,44.7814672 +32280,Innovative Building & Design,-93.23189500000001,45.137853400000004 +32281,CHS Hallock,-96.91657280000001,48.703540200000006 +32282,Farm Bureau Financial Services,-96.7223146,46.875068000000006 +32283,Bubbles Mural,-95.9096892,46.984086100000006 +32284,Little Lambs Preschool,-92.988843,44.8401932 +32285,Foss Spine and Wellness,-96.7340199,46.875097100000005 +32286,Enterprise,-96.73493180000001,46.875012700000006 +32287,Hidden Harbor Marina,-93.00696070000001,44.843136400000006 +32288,Family Dollar,-92.9689627,44.8313184 +32289,American Family Insurance,-92.95638290000001,44.834093200000005 +32290,Great Clips,-92.95648170000001,44.8340952 +32291,H&R Block,-92.9567239,44.8340924 +32292,Ace Hardware,-92.9687421,44.831116 +32293,St Croix Cleaners,-92.9568557,44.834089600000006 +32294,Metro Dentalcare,-92.95644340000001,44.834195 +32295,B & G Hair,-92.9685304,44.8316613 +32296,Dentistry by Kretchmer,-92.9561972,44.8342104 +32297,La Pooch Salon,-92.94149610000001,44.818341800000006 +32298,Bella Pizza,-92.96153360000001,44.832585800000004 +32299,Red Nails,-92.96042080000001,44.8328197 +32300,Liberty Tax,-92.9419294,44.8185693 +32301,5 Dollar Tan,-92.9606255,44.8326884 +32302,Sprint,-92.9605253,44.8327564 +32303,Carpet Court,-92.9413943,44.818167800000005 +32304,Sport Clips,-92.95745450000001,44.831482900000005 +32305,Whenever Fitness,-92.94121700000001,44.8180788 +32306,Alina Pharmacy,-92.9399453,44.817241200000005 +32307,AT&T,-92.95772600000001,44.8329752 +32308,Integrity Dental,-92.9547065,44.834152100000004 +32309,Von Hanson's Meats,-92.93466480000001,44.818586800000006 +32310,Safeway Driving School,-92.95219150000001,44.834005700000006 +32311,Bella Nails,-92.93379700000001,44.817273400000005 +32312,"RCCG, His Dwelling Place",-92.9521807,44.8338802 +32313,Curves,-92.9521539,44.834199700000006 +32314,Cottage Grove Barbers,-92.93354400000001,44.8171039 +32315,Starbucks,-92.9580353,44.830905800000004 +32316,Chuck & Don's,-92.92968710000001,44.8162711 +32317,Hy-Vee Pharmacy,-92.95858750000001,44.8305444 +32318,Sally Beauty,-92.9296934,44.816049 +32319,Pretty Nails,-92.92966990000001,44.8159695 +32320,The LunchBox Cafe Winger,-95.98153860000001,47.5373402 +32321,Cassini's Pizza,-92.9296762,44.8156556 +32322,A Sharp Music Studio,-92.92830740000001,44.8147406 +32323,Community Art Center,-95.5103265,47.7368905 +32324,DaVita Dialysis,-92.927952,44.8134913 +32325,Grow It Greenhouse and Garden Center,-95.50961720000001,47.7370049 +32326,Verizon,-92.92774250000001,44.8133732 +32327,Bellissimo Salon and Day Spa,-92.9513804,44.848659500000004 +32328,Hideaway Hair Salon,-96.74463150000001,46.8750251 +32329,Amundson Family Dentistry,-92.9511444,44.848693700000005 +32330,Andi Taylor Master Stylist,-92.95125250000001,44.8486764 +32331,Holtgrewe CPA Firm,-96.77365040000001,46.874930400000004 +32332,Historical and Cultural Society of Clay County,-96.7779862,46.878035800000006 +32333,United States Post Office,-93.2047687,44.7890384 +32334,Savers,-92.1681212,46.806967500000006 +32335,IJ Holton Intermediate,-92.95111530000001,43.6626836 +32336,Gerrard Academy,-92.9325469,43.6778889 +32337,Hobby Lobby,-92.1678773,46.8064917 +32338,PetSmart,-92.1675276,46.8060631 +32339,Best Buy,-92.16996280000001,46.8087522 +32340,TJ Maxx,-92.1727151,46.808315400000005 +32341,Harbor Freight Tools,-92.1725485,46.8087578 +32342,Dollar Tree,-92.17226070000001,46.8092886 +32343,HomeGoods,-92.1725287,46.8090394 +32344,Kasson Water Tower,-92.7530864,44.0312022 +32345,Jo-Ann,-92.17024710000001,46.8093821 +32346,GameStop,-92.1705819,46.8094808 +32347,Osaka,-92.17108800000001,46.8094929 +32348,Dual Citizen Brewing,-93.19780060000001,44.9631096 +32349,United States Post Office,-93.19571880000001,44.9825218 +32350,B-Dirt Construction,-94.2868505,46.3844397 +32351,Mobil,-93.1947749,44.9818374 +32352,Karta Thai,-93.19520870000001,44.982137900000005 +32353,Salon in the Park,-93.1957816,44.9825801 +32354,Little Burma Grocery,-93.07321110000001,44.9785978 +32355,Lids,-93.24071160000001,44.854093400000004 +32356,Bubba Gump Shrimp Co.,-93.2410401,44.853924600000006 +32357,Sbarro,-93.2417875,44.853917900000006 +32358,Sunglass Hut,-93.24326330000001,44.8552442 +32359,Great Steak & Potato,-93.24181130000001,44.853836900000005 +32360,Persepolis,-93.24321090000001,44.855305 +32361,Ruby Thai Cuisine,-93.2421683,44.853762700000004 +32362,claire's,-93.24312520000001,44.855338700000004 +32363,Long John Silver's,-93.242216,44.8538234 +32364,Sencha Tea Bar,-93.2430253,44.855389300000006 +32365,A&W,-93.2422636,44.8538842 +32366,Fixology,-93.24287290000001,44.8554332 +32367,Boot Barn,-93.24272060000001,44.855456800000006 +32368,Panda Express,-93.2422969,44.8539516 +32369,GameStop,-93.24090460000001,44.855659100000004 +32370,Moose Mountain Adventure Golf,-93.24197790000001,44.8552915 +32371,Bonchon Korean Fried Chicken,-93.2423397,44.8540056 +32372,Prof Bellows Old Time Photos,-93.2417542,44.8553556 +32373,Johnny Rockets,-93.2423778,44.854063000000004 +32374,GNC,-93.241578,44.8554096 +32375,GNC,-93.24142570000001,44.855419700000006 +32376,Crave,-93.24288250000001,44.8539651 +32377,Lotus Beads,-93.2412781,44.8554231 +32378,Relaxing Massage,-93.2411496,44.855419700000006 +32379,Baking Betty's,-93.2432347,44.853982 +32380,Auntie Anne's,-93.2409925,44.8553927 +32381,Sox Appeal,-93.2432776,44.854036 +32382,A Sure Fit,-93.2408163,44.8553185 +32383,Dough Dough,-93.24074010000001,44.855284700000006 +32384,Nail Trix,-93.24070210000001,44.8549675 +32385,Brow Art,-93.24070210000001,44.854879700000005 +32386,Chapel of Love,-93.23976420000001,44.8547616 +32387,Five Below,-93.2401689,44.8542233 +32388,Rock of Ages Black Light Mini Golf,-93.24023070000001,44.8541204 +32389,Xscape Arcade,-93.2402165,44.8540056 +32390,Margaritaville,-93.24024030000001,44.8538386 +32391,Shiatsu Renu,-93.24326810000001,44.8541035 +32392,Crayola Experience,-93.2400927,44.8533391 +32393,LensCrafters,-93.24326810000001,44.855713300000005 +32394,Got Kilt?,-93.24326810000001,44.8543296 +32395,Love From Minnesota,-93.243249,44.8545591 +32396,Rainforest Cafe,-93.2405164,44.8536091 +32397,I Love Minnesota,-93.24325850000001,44.8547279 +32398,Buffalo Wild Wings,-93.2407163,44.8536091 +32399,Freshii,-93.2409353,44.853619200000004 +32400,Lids,-93.24326330000001,44.8548629 +32401,Panera Bread,-93.2408401,44.853617500000006 +32402,Cowboy Jacks,-93.24105200000001,44.853617500000006 +32403,Third Degree Heat,-93.2437577,44.8553726 +32404,Burger Burger,-93.24127100000001,44.853619200000004 +32405,Goldy's Locker Room,-93.2432538,44.8550114 +32406,Chipotle,-93.2418184,44.853617500000006 +32407,Great American Cookies,-93.242473,44.8536226 +32408,L.A. Nails,-93.2432728,44.855143000000005 +32409,Freshëns,-93.2425563,44.8536209 +32410,Ragstock,-93.24314430000001,44.8557336 +32411,Noodles & Company,-93.2427991,44.853619200000004 +32412,Masu,-93.242942,44.8536209 +32413,Cadillac Ranch,-93.24329420000001,44.8536074 +32414,Benihana,-93.24353470000001,44.853560200000004 +32415,Northwoods Candy Emporium,-93.2427634,44.855833100000005 +32416,Cantina Laredo,-93.24382030000001,44.853835200000006 +32417,Famous Footwear,-93.24378940000001,44.8539601 +32418,Indulge + Bloom,-93.2425563,44.855841500000004 +32419,LoveSac,-93.2438036,44.8544849 +32420,Tomodachi,-93.24236590000001,44.855828 +32421,Freshëns,-93.2438084,44.8545777 +32422,Nordstrom Rack,-93.24394880000001,44.8545304 +32423,Piada Italian Street Food,-93.2422731,44.8558365 +32424,Cariloha,-93.2437965,44.8552054 +32425,My Pillow,-93.24378460000001,44.855269500000006 +32426,Naf Naf Grill,-93.2422064,44.8559445 +32427,Champs Sports,-93.24377030000001,44.855547900000005 +32428,Hot Indian Foods,-93.2422064,44.856044000000004 +32429,Chick-fil-A,-93.2418327,44.856292100000005 +32430,Marshalls,-93.2401593,44.8551227 +32431,Qdoba,-93.24181370000001,44.856120000000004 +32432,Impulse,-93.2402807,44.8549911 +32433,Jamba,-93.24018310000001,44.854866200000004 +32434,Great Steak & Potato,-93.2418018,44.856050800000006 +32435,Mystic Lake Casino-Hotel,-93.2406497,44.855337000000006 +32436,Panda Express,-93.2417923,44.8559884 +32437,claire's,-93.24065680000001,44.855264500000004 +32438,Mall of America Gift Store,-93.240633,44.855051800000005 +32439,Poukei,-93.2417637,44.8558736 +32440,Nestlé Toll House Café,-93.24060920000001,44.854792 +32441,Dairy Queen,-93.24066160000001,44.8547346 +32442,Little Tokyo,-93.2417446,44.8558297 +32443,Cheese Brothers,-93.24060680000001,44.8544427 +32444,A&W,-93.24177800000001,44.855924200000004 +32445,Kids Foot Locker,-93.2406187,44.8541035 +32446,Air Traffic,-93.24060920000001,44.853970200000006 +32447,Shake Shack,-93.24163750000001,44.855769 +32448,Vera Bradley,-93.24087580000001,44.853865600000006 +32449,Lindt,-93.24110200000001,44.853874000000005 +32450,Carlo's Bakery,-93.2414019,44.855811200000005 +32451,Baggallini,-93.2413971,44.853880800000006 +32452,Beef Jerky Experience,-93.2412305,44.855797700000004 +32453,New York & Company,-93.2416566,44.8538841 +32454,The Children's Place,-93.24232540000001,44.8538858 +32455,Spencer's,-93.2408972,44.8557386 +32456,Levi's,-93.24295620000001,44.8538841 +32457,Guess,-93.2431538,44.853887500000006 +32458,Spencer's,-93.24078540000001,44.8557234 +32459,Sunglass Hut,-93.2433323,44.853919600000005 +32460,Rainbow,-93.24070920000001,44.855676200000005 +32461,MAC Cosmetics,-93.24335140000001,44.8539753 +32462,Everything But Water,-93.243368,44.854106900000005 +32463,House of Hoops,-93.24054500000001,44.8557268 +32464,The Escape Game,-93.2402474,44.8553775 +32465,Aveda Experience Center,-93.24336570000001,44.854182800000004 +32466,Doc Popcorn,-93.2402474,44.855264500000004 +32467,Starbucks,-93.24338230000001,44.8550063 +32468,Auntie Anne's,-93.24010940000001,44.8545777 +32469,Coach,-93.2433752,44.855144700000004 +32470,L'Occitane,-93.2432871,44.8553336 +32471,Swarovski,-93.24313000000001,44.855399500000004 +32472,Yankee Candle,-93.2429991,44.8554467 +32473,Zales,-93.2402522,44.8545895 +32474,Pepper Palace,-93.2428967,44.8555007 +32475,Merrell,-93.2427825,44.855526000000005 +32476,PacSun,-93.24022360000001,44.8543195 +32477,Cotton On,-93.2426135,44.855532800000006 +32478,Verizon Destination,-93.24019770000001,44.8538865 +32479,Spencer's,-93.24236350000001,44.855502400000006 +32480,Lids,-93.2422136,44.855502400000006 +32481,JM Cremp's,-93.2408044,44.8536597 +32482,IT'SUGAR,-93.24211840000001,44.855391000000004 +32483,Aeropostale,-93.2417494,44.855421400000004 +32484,Baby Gap,-93.24104960000001,44.8536597 +32485,Oakley,-93.2414638,44.855488900000005 +32486,Eddie Bauer,-93.2414019,44.8536597 +32487,Pro Image Sports,-93.24126620000001,44.855510800000005 +32488,Vans,-93.24104240000001,44.855465300000006 +32489,Ann Taylor,-93.24164470000001,44.853669800000006 +32490,Aerie,-93.2403022,44.8554703 +32491,Buckle,-93.2402926,44.855345500000006 +32492,Brighton Collectibles,-93.2419208,44.853664800000004 +32493,Champs Sports,-93.2402926,44.8552358 +32494,Mall of America Gift Store,-93.24219570000001,44.8534859 +32495,Maurices,-93.240295,44.855045100000005 +32496,Ulta Beauty,-93.24029030000001,44.8548156 +32497,Caribou Coffee,-93.24219930000001,44.8535559 +32498,J.Jill,-93.24221,44.853671500000004 +32499,Lane Bryant,-93.2423481,44.8536682 +32500,Victoria's Secret,-93.2437156,44.854492500000006 +32501,Tommy Bahama,-93.2437203,44.854962400000005 +32502,White Barn Candle,-93.24249560000001,44.8536639 +32503,Under Armour,-93.2437156,44.8550805 +32504,Nike,-93.2437227,44.855264500000004 +32505,Bath & Body Works,-93.242579,44.8536639 +32506,Abercrombie & Fitch,-93.24326570000001,44.855654200000004 +32507,Carter's,-93.2431895,44.853667300000005 +32508,Skechers,-93.24298,44.855743700000005 +32509,Ecco,-93.2425635,44.8558095 +32510,Sleep Number,-93.2434168,44.8536504 +32511,Perfumania,-93.2423588,44.855780800000005 +32512,Caribou Coffee,-93.24211840000001,44.8556779 +32513,Sephora,-93.2438108,44.853747500000004 +32514,Bank of America,-93.24189940000001,44.855689700000006 +32515,Wahlburgers,-93.2417494,44.8556796 +32516,Zumiez,-93.241578,44.855742 +32517,Windsor,-93.2413733,44.8557639 +32518,Villa Shoes,-93.2410639,44.8557386 +32519,Express,-93.2437084,44.854009000000005 +32520,Tillys,-93.24078300000001,44.8556812 +32521,American Eagle Outfitters,-93.24054020000001,44.855688 +32522,Abercrombie Kids,-93.2437168,44.854161700000006 +32523,Cinnabon,-93.2405878,44.855330300000006 +32524,claire's,-93.2405902,44.855256000000004 +32525,Hollister,-93.243712,44.8542799 +32526,Lids,-93.2405854,44.8551413 +32527,Aldo,-93.24300860000001,44.855472000000006 +32528,Paddle North,-93.24035210000001,44.854979300000004 +32529,Fossil,-93.2405521,44.85477 +32530,Hugo Boss,-93.2410543,44.8538386 +32531,Build-A-Bear Workshop,-93.24057350000001,44.854927 +32532,Gap,-93.24108050000001,44.853695200000004 +32533,Barnes & Noble,-93.24032600000001,44.8547869 +32534,SEA LIFE Minnesota Aquarium,-93.240076,44.854751500000006 +32535,Francesca's,-93.2413805,44.853693500000006 +32536,Street Corner News,-93.239907,44.8547464 +32537,Lucky Brand,-93.24143520000001,44.8538403 +32538,Häagen-Dazs,-93.2401427,44.8545895 +32539,Rocky Mountain Chocolate Factory,-93.2402974,44.854616500000006 +32540,Janie & Jack,-93.24155180000001,44.853843700000006 +32541,Viking's Locker Room,-93.2402974,44.8544933 +32542,Lids,-93.24029030000001,44.854376900000005 +32543,American Eagle Outfitters,-93.2417351,44.853700200000006 +32544,T-Mobile,-93.2405521,44.854348200000004 +32545,The North Face,-93.2417042,44.853847 +32546,Minnesot-ah!,-93.2405521,44.854430900000004 +32547,Goldy's Locker Room,-93.2405497,44.854513600000004 +32548,Lego,-93.24198270000001,44.853923 +32549,Swatch,-93.2405521,44.854586100000006 +32550,Old Navy,-93.24027840000001,44.8542183 +32551,Worker B,-93.2420946,44.853700200000006 +32552,Clarks,-93.24054020000001,44.8539449 +32553,Fjällräven,-93.24224450000001,44.853701900000004 +32554,Michael Kors,-93.2406378,44.853828500000006 +32555,Forever 21,-93.240195,44.8537424 +32556,Apple Store,-93.24248730000001,44.8536884 +32557,L.L.Bean,-93.2397071,44.8532682 +32558,Mona Williams,-93.24267300000001,44.8538914 +32559,Kate Spade New York,-93.240633,44.8537036 +32560,Indochino,-93.2407354,44.8536985 +32561,Casper,-93.2427277,44.8536884 +32562,Burberry,-93.2409401,44.853835200000006 +32563,Lululemon,-93.2428491,44.8538572 +32564,Armani Exchange,-93.24284200000001,44.853686700000004 +32565,Athleta,-93.2435061,44.8536209 +32566,Fabletics,-93.24296340000001,44.853686700000004 +32567,White House Black Market,-93.24314430000001,44.853852100000005 +32568,Macarons by Maddie Lu,-93.2433204,44.853852100000005 +32569,Madewell,-93.24308,44.8536817 +32570,Banana Republic,-93.2436775,44.8539162 +32571,Columbia,-93.2436727,44.8540512 +32572,Hammer Made,-93.2430515,44.8538538 +32573,Callister's Christmas,-93.243418,44.8539753 +32574,Free People,-93.2431895,44.853685000000006 +32575,Wetzel's Pretzels,-93.2434942,44.854753200000005 +32576,Nestlé Toll House Café,-93.2433228,44.854609700000005 +32577,UGG,-93.2433038,44.8536749 +32578,Helzberg Diamonds,-93.2434156,44.854481500000006 +32579,Lush,-93.24288960000001,44.855541200000005 +32580,H&M,-93.24368460000001,44.854316100000005 +32581,The Body Shop,-93.2433371,44.854824 +32582,Holiday Stationstore,-93.2443963,44.8547987 +32583,Urban Outfitters,-93.2440036,44.8548021 +32584,Loft,-93.2426944,44.855556400000005 +32585,Johnson & Murphy,-93.2434228,44.8550485 +32586,Eyebobs,-93.24365370000001,44.8550367 +32587,Victoria's Secret,-93.2423588,44.8555311 +32588,DSW,-93.24365370000001,44.855148 +32589,Kay Jewelers,-93.24211120000001,44.8554163 +32590,Evereve,-93.2436394,44.8552678 +32591,Nespresso,-93.2436418,44.855382600000006 +32592,Bath & Body Works,-93.2419065,44.8553927 +32593,Soma,-93.2437941,44.855622200000006 +32594,Steve Madden,-93.2434252,44.855149700000005 +32595,Hot Topic,-93.24159230000001,44.855495600000005 +32596,Tumi,-93.2434109,44.8552307 +32597,Foot Locker,-93.24126860000001,44.8555361 +32598,Caribou Coffee,-93.2432847,44.855386 +32599,Soft Moc,-93.24104720000001,44.855495600000005 +32600,Journeys,-93.2407544,44.855399500000004 +32601,Sunglass Hut,-93.2423588,44.8557454 +32602,Famous Footwear,-93.24054020000001,44.855661000000005 +32603,Paper Source,-93.24257060000001,44.855767300000004 +32604,UNTUCKit,-93.2427658,44.8557471 +32605,Torrid,-93.2408568,44.855661000000005 +32606,Crocs,-93.2429896,44.855699800000004 +32607,Oakley,-93.24314430000001,44.8556509 +32608,Carhartt,-93.2409877,44.855691400000005 +32609,Altar'd State,-93.24326090000001,44.855608700000005 +32610,Garage,-93.2411472,44.8557234 +32611,Club Monaco,-93.2434109,44.8555986 +32612,Dr. Martens,-93.2435061,44.8556323 +32613,BoxLunch,-93.2414923,44.8557167 +32614,Typo,-93.2416161,44.8556964 +32615,Pawn America,-93.10646700000001,44.993182100000006 +32616,Friends Cafe,-93.106514,44.9929532 +32617,Twin City Grill,-93.241747,44.8556273 +32618,Domino's,-93.10637510000001,44.9923213 +32619,Pandora,-93.24189700000001,44.855623900000005 +32620,Lake McCarrons County Park,-93.1064547,44.9952605 +32621,TOMS,-93.24184220000001,44.8558146 +32622,Original Karen Market,-93.0664045,44.982741000000004 +32623,Zara,-93.2417185,44.8559816 +32624,Arcade Beauty Salon,-93.0664045,44.982595800000006 +32625,Kiehl's,-93.2421041,44.8556509 +32626,NY Computer,-93.0664045,44.9826518 +32627,MR Pete's,-93.0657987,44.9776277 +32628,Pink,-93.242185,44.855713300000005 +32629,Metro by T-Mobile,-93.0656378,44.9776277 +32630,"B & D Striping, LLC",-93.02403100000001,44.8377495 +32631,Checkbar Food & Liqour,-93.06586890000001,44.971398900000004 +32632,Arcade Bar & Liqour,-93.06585720000001,44.969517700000004 +32633,Gentleman Cuts,-93.06585720000001,44.969588800000004 +32634,Nordic Gnome Shops,-95.43015940000001,47.692033200000004 +32635,Bella Creative,-93.316286,44.7049559 +32636,"Mouldings, Doors & More",-93.0355531,45.0498637 +32637,Clearbrook City Hall,-95.42973880000001,47.692469100000004 +32638,fishing pier,-94.87709000000001,47.467798900000005 +32639,Republic MSP,-93.2100781,44.8850046 +32640,Prairie Market,-93.20835980000001,44.883873400000006 +32641,XpresSpa,-93.2105956,44.8849348 +32642,Mill City Running,-93.254456,44.988801 +32643,Twins Grill & Bar,-93.2057475,44.882843 +32644,Caribou Coffee,-93.200811,44.8805454 +32645,AW,-93.2008108,44.8806621 +32646,Godfather's Pizza,-93.2008799,44.8807069 +32647,Quiznos,-93.2009833,44.880690900000005 +32648,Sally Wolff - State Farm Insurance Agent,-96.14969860000001,48.1100067 +32649,Jensen's Cafe,-93.27834800000001,44.772258 +32650,Papa Murphy's,-96.1494832,48.109818600000004 +32651,Las Ranitas Mexican Restaurant,-96.14913870000001,48.109641800000006 +32652,Wells Fargo,-93.27904600000001,44.772382 +32653,Hudson,-93.21025130000001,44.8851869 +32654,South St. Paul Family Chiropractic,-93.0510845,44.901214100000004 +32655,Tom's Tailor,-93.1283097,44.9398064 +32656,DD's Place,-93.0509112,44.9012158 +32657,Emmett's,-93.1297471,44.940105900000006 +32658,CJ's Hair Care,-93.05075640000001,44.9012174 +32659,Level Up Games,-93.137444,44.8040006 +32660,Pathways to Play,-93.05672220000001,44.904794200000005 +32661,Mead Hall Games,-93.27913260000001,44.967842600000004 +32662,Red 6 Games,-93.1561393,44.939908200000005 +32663,Galaxy Games,-93.14640270000001,44.805140300000005 +32664,Treadle Yard Goods,-93.1566449,44.939914 +32665,Bap and Chicken,-93.1562399,44.939908200000005 +32666,Cameron Park Slipway,-94.8737516,47.4945096 +32667,Gaming Goat,-92.9321697,44.9368617 +32668,Kwik Trip,-91.34627180000001,43.763594000000005 +32669,Minneapolis Bouldering Project,-93.27752690000001,44.9935108 +32670,WellHaven Pet Health,-93.429158,45.0954689 +32671,Toad Lake Store,-95.48153780000001,46.8242976 +32672,Luxer Nails Lounge,-93.42915330000001,45.095570200000004 +32673,Light Rx Face and Body,-93.42914920000001,45.0956781 +32674,Tide Cleaners,-93.42855510000001,45.0956715 +32675,Wells Fargo,-93.45428220000001,45.105783 +32676,A-11 Land Navigation Range,-94.41178280000001,46.1215939 +32677,Camp Bow Wow,-93.32680590000001,44.7443025 +32678,Hy-Vee Market Grille,-93.53834690000001,44.778827400000004 +32679,Hy-Vee,-93.53834690000001,44.778701700000006 +32680,"Northeast Technical Services, Inc.",-92.5400055,47.522940000000006 +32681,Hy-Vee Wine & Spirits,-93.53834690000001,44.7781266 +32682,Hy-Vee Pharmacy,-93.53798490000001,44.778302200000006 +32683,Everyday Disc Golf,-93.0049183,44.8806091 +32684,Gibraltar Title Agency,-93.4539823,45.106460500000004 +32685,Johnson Chiropractic Clinic,-93.45398970000001,45.1065351 +32686,Crossroads Leasing,-93.0048647,44.880479900000005 +32687,United States Post Office,-93.0048459,44.8803792 +32688,Benchmark Solutions LLC,-93.0048486,44.8802632 +32689,Ellery House Bed & Breakfast,-92.07089830000001,46.806663400000005 +32690,city cab,-93.40315360000001,48.5965939 +32691,Club West Sign,-93.23101940000001,45.17336 +32692,VerBout Services,-92.98464870000001,45.279489500000004 +32693,cnr ash lake drop off,-92.90603800000001,48.2087164 +32694,Green Door Consignment Co,-92.9848168,45.279646400000004 +32695,"Verizon Authorized Retailer, TCC",-92.98462740000001,45.2798755 +32696,Sienna Cole Bridal,-92.98464870000001,45.2803113 +32697,Carter's Jewelry & Gifts,-92.98466640000001,45.280224100000005 +32698,Downtown Barbers,-92.9847124,45.280043600000006 +32699,Forest Lake Pets,-92.98498670000001,45.2807459 +32700,Domino's,-92.9848946,45.2808592 +32701,proctor yard dwp,-92.2384038,46.753183500000006 +32702,Ernie's Ice Cream Parlor,-92.9841408,45.2813037 +32703,Wells Fargo,-92.98512380000001,45.2765816 +32704,Bagley Motor Sports,-95.42150810000001,47.522591600000005 +32705,Shell,-92.98423550000001,45.274439400000006 +32706,The Grill at Forest Hills,-92.9538955,45.254302100000004 +32707,Big Apple Bagels,-92.9842787,45.2734096 +32708,"Running Aces Casino, Hotel & Racetrack Columbus MN",-93.03256370000001,45.2434992 +32709,Smokers House,-93.4533621,45.1034031 +32710,Kwik Trip,-92.51799670000001,44.0349401 +32711,Brothers Meat & Seafood,-93.4534553,45.103471400000004 +32712,Love that Olive,-93.4535484,45.1035398 +32713,American Automobile Association,-93.45401410000001,45.1038816 +32714,Pilgrim Cleaners,-93.45410720000001,45.103950000000005 +32715,Willow Salon,-93.4536415,45.1036081 +32716,Maple Grove Lock & Safe,-93.4538278,45.1037449 +32717,Birch Street Dentistry,-94.4504986,43.64179 +32718,Heeling Touch,-93.4539209,45.103813200000005 +32719,Herder Photography,-93.3556197,44.870317 +32720,Main Entrance,-92.6246382,44.033176000000005 +32721,Maternity of Mary - St. Andrew,-93.12547520000001,44.984262 +32722,Tin Cup's,-93.105681,44.9779509 +32723,Blaize Liqour,-93.1055596,44.9779172 +32724,Double Dragon Foods,-93.1052724,44.977886500000004 +32725,Mini Super La Chiquis,-93.1057569,44.9812942 +32726,Nancy's Beauty Salon,-93.10575800000001,44.981196600000004 +32727,Boost Mobile,-93.1057588,44.981124 +32728,X-12A,-94.35333800000001,46.106591400000006 +32729,Camp Ripley Dining Facility,-94.346489,46.090764 +32730,X-2,-94.3780639,46.1270808 +32731,X-8,-94.48457090000001,46.19201 +32732,X-4,-94.39508930000001,46.2041824 +32733,X-5,-94.3899188,46.250591 +32734,X-5A,-94.3514459,46.2906513 +32735,X-9,-94.4689953,46.166711600000006 +32736,Picnic Area 5,-94.37917060000001,46.3045607 +32737,Picnic Area 6,-94.4423148,46.131879000000005 +32738,X-6A,-94.4499849,46.3065026 +32739,X-6,-94.4510297,46.2713107 +32740,X-11,-94.42544260000001,46.0996797 +32741,X-7,-94.46225740000001,46.2407671 +32742,The Naughty Greek,-93.197945,44.963824 +32743,A-9 Grenade Launcher Range,-94.4028827,46.122042900000004 +32744,X-3,-94.3773371,46.1568866 +32745,Granite City Insurance,-93.21861580000001,44.7880022 +32746,Central Tobacoo,-93.2343424,45.139314600000006 +32747,ROAR!,-95.88399600000001,47.6333886 +32748,Tank,-95.88368960000001,47.6332686 +32749,Old Mill Site,-93.300375,44.8153743 +32750,Central Spirits,-93.2341274,45.139314600000006 +32751,Clark Gas,-93.23385540000001,45.1396485 +32752,Lunde Design,-92.8616708,45.3922247 +32753,McDonald's,-93.2422327,45.1155497 +32754,Pizza Factory,-92.9855692,45.0059307 +32755,Century Link (sub-station),-92.98708020000001,45.005883700000005 +32756,Affordable Automotive,-92.98541080000001,45.0052431 +32757,No Kill Cat Shelter,-92.98572130000001,45.0055029 +32758,Substance Church,-93.2366854,45.118219800000006 +32759,Pizza Hut,-93.2419543,45.116152400000004 +32760,El Bamba,-93.2416075,45.116384800000006 +32761,Hopes Chinese Restaurant,-93.2413451,45.116829100000004 +32762,Pain & Wellness Specialty Clinic,-93.2409574,45.117732200000006 +32763,Brew and Grow MINNESOTA,-93.2403711,45.1188343 +32764,Community Bowl & Pizzeria,-94.4019571,46.719455700000005 +32765,Spring Lake Park Schools (Administration Building),-93.2356479,45.115495700000004 +32766,Cricket Wireless,-93.081142,44.910238 +32767,Demolition Range 5,-94.4338249,46.289033100000005 +32768,Neumanns Bar,-92.993029,45.012051500000005 +32769,Noodles & Company,-93.50265660000001,44.9152464 +32770,Urban Forage Winery & Cider House,-93.2276901,44.948545800000005 +32771,Addis Ababa Restaurant & Bar,-93.2324985,44.9482149 +32772,Domino's,-92.9918768,45.01418 +32773,Entira Family Clinic,-92.9902742,45.0156185 +32774,Great Harvest Bread,-93.45432910000001,45.104498 +32775,Bethesda Thrift Shop,-93.5013019,44.917979700000004 +32776,Peak Staffing,-93.453851,45.1045468 +32777,Pacific Granite,-93.45442100000001,45.1046798 +32778,Sniezek Group Agency,-93.4544022,45.1045297 +32779,Magic Needle,-93.4540314,45.1045662 +32780,Roundhouse Brewery,-94.18700550000001,46.357283100000004 +32781,Clean 'n' Press,-93.45413470000001,45.1045591 +32782,Edible Arrangements,-93.4542225,45.1045226 +32783,Trinity Lutheran Church,-94.2027037,46.3438883 +32784,Northland Arboretum,-94.2281076,46.3596468 +32785,Golden Razor Salon,-93.4534883,45.102351600000006 +32786,K-Nails,-93.45484350000001,45.102762000000006 +32787,Goldwear Jewelers,-93.4548073,45.102702400000005 +32788,CosmoProf,-93.454763,45.1026503 +32789,H&R Block,-93.45356140000001,45.1023019 +32790,Maple Grove Vision Clinic,-93.4544559,45.1024231 +32791,Identity Tattoo,-93.45459670000001,45.1025253 +32792,Walgreens,-93.45341520000001,45.102401300000004 +32793,Clothes Mentor,-93.4543701,45.102360600000004 +32794,Nuevo Rodeo,-93.23260370000001,44.9482255 +32795,Good Feet,-93.454531,45.102479 +32796,GNC,-93.4546691,45.1025812 +32797,EmbroidMe,-93.4536968,45.1022679 +32798,Verizon,-95.74870030000001,47.574489500000006 +32799,Tank,-95.74317160000001,47.572096200000004 +32800,Helicopter,-95.74259640000001,47.5717919 +32801,M Salon,-94.90807500000001,47.467964 +32802,Caribou Coffee,-94.91272790000001,47.4969808 +32803,Lakeview Chiropractic 4.8·8 reviews,-94.8792882,47.468642300000006 +32804,LaunchPad,-94.8799929,47.4684243 +32805,Pine City Township Hall,-92.92978310000001,45.817743 +32806,X Static Salon,-94.86985170000001,47.4636976 +32807,City Hall Playground,-92.9292106,45.8178992 +32808,Pine City Civic Center,-92.9721253,45.812609900000005 +32809,Allstate,-92.6884777,47.8522156 +32810,Dragon’s Den,-92.9724635,45.821874900000005 +32811,A&W,-92.9701706,45.820471100000006 +32812,Pine County Courthouse,-92.97169480000001,45.8528802 +32813,Bill Gruska Construction Inc,-92.6885201,47.8520778 +32814,Dream Weaver,-92.688416,47.8508233 +32815,Gustafson Motors Company,-92.6883883,47.85044490000001 +32816,American Bank,-92.6864001,47.8495168 +32817,Lake Emily Cemetery (historical),-93.9216667,44.3138889 +32818,Furniture Plus Gift & Video,-92.6863481,47.851708200000004 +32819,Evangelical Covenant Church,-92.686288,47.8532116 +32820,Willow Valley Township,-92.87184880000001,47.950658100000005 +32821,Tire Shop,-92.6865817,47.853546400000006 +32822,Panera Bread,-92.47537840000001,44.0005855 +32823,Propane Plus,-92.6872177,47.8536305 +32824,Buffalo Wild Wings,-92.47463950000001,44.000586600000005 +32825,First National Bank,-92.6885884,47.8526297 +32826,North Star Credit Union,-92.6883159,47.85291 +32827,Hyatt Regency Minneapolis,-93.2778937,44.9710301 +32828,River Street Auto Parts Inc,-92.6885814,47.8535084 +32829,Old Muni,-92.6892078,47.8531356 +32830,Sustainable 9 Design + Build,-93.3217364,44.923515200000004 +32831,Wild Rice and Gifts,-92.6893184,47.853008800000005 +32832,Human Touch Gifts & Crafts,-92.689169,47.852949200000005 +32833,AJ & MJ Automobile Recycling,-92.4865551,43.8508568 +32834,Montana Cafe,-92.689211,47.852816100000005 +32835,Franks Pharmacy,-92.6892492,47.853901900000004 +32836,UHG Street Signs,-93.40408620000001,44.896711200000006 +32837,UHG Cafe,-93.40375,44.896877700000005 +32838,Waschke Family Chevrolet,-92.69273860000001,47.850484800000004 +32839,UHG Apple Orchard,-93.4042435,44.896512200000004 +32840,Subway,-92.685119,47.8482515 +32841,Auto Value Cook,-92.6842024,47.8477741 +32842,Mobil,-92.68602460000001,47.8481558 +32843,Vermilion Hotel,-92.6833675,47.848822000000006 +32844,Kyatchi,-93.0837108,44.949349700000006 +32845,Last Chance Liquors,-92.6844001,47.848779500000006 +32846,Dark Horse Bar & Eatery,-93.08802890000001,44.9509963 +32847,Glendale Sales & Services,-92.8299669,47.9639448 +32848,Gloria Cooper Calligraphy & Design,-93.39804980000001,44.903542900000005 +32849,Cardinal Restaurant and Bar,-93.23001140000001,44.934263200000004 +32850,Shea Design Inc,-92.2652381,44.065025500000004 +32851,"Granite City Moving & Storage, Inc",-94.1810396,45.6145724 +32852,Luther Crest Bible Camp,-95.3736784,45.9787801 +32853,Sell Bay,-92.6619156,47.944821100000006 +32854,Zorbaz,-95.376907,45.9217774 +32855,Angelic Skin Clinic,-93.4479654,45.0826818 +32856,Lakeshirts Beach Shop,-95.8471191,46.806614800000006 +32857,Lakeside Tavern,-95.84765180000001,46.8066899 +32858,Long Bridge,-95.8470199,46.7817358 +32859,North Commons Park and Community Gardens,-93.46253750000001,45.239650600000004 +32860,Hub 41,-95.84656070000001,46.8065232 +32861,Exxon,-91.30200590000001,47.257767 +32862,Family Dollar,-94.52870200000001,45.1318526 +32863,Diver Parking,-91.3597781,47.2077547 +32864,Water Depot,-94.52856990000001,45.130815600000005 +32865,Ed Olson Agency,-94.528401,45.128514 +32866,Parkview Grille,-94.52837000000001,45.1289681 +32867,Super America,-94.5276609,45.1229512 +32868,Larry's Barber & Style,-94.5283661,45.1278324 +32869,West Ripley Park,-94.5516611,45.111710900000006 +32870,Peter's on Lake Ripley,-94.53315160000001,45.112968200000005 +32871,A maze'n Farmyard,-94.61467560000001,45.3250964 +32872,Giefer Towing & Service Inc,-94.1688841,43.962591700000004 +32873,American Family Insurance - Larry L Engstrom,-93.2432593,44.6486243 +32874,The Atelier,-93.228367,44.991724600000005 +32875,Scott Buchholz Construction,-95.684786,46.2666528 +32876,MidWest Collision Inc,-93.22627,44.28679 +32877,Lakeville Vape & Tobacco,-93.2822297,44.6937378 +32878,"The Tree Guys, LLC",-93.58773210000001,45.008608300000006 +32879,A&W,-96.14861540000001,48.106084900000006 +32880,Cenex,-96.1483515,48.1062421 +32881,Nice Ride MN,-93.21992580000001,44.9536712 +32882,Flush Toilets,-91.3854731,43.9386936 +32883,Tim's Painting Inc,-92.91507410000001,44.9963635 +32884,Freedom Hypnotherapy,-93.2842373,44.8986206 +32885,Wayzata Blvd & Broadway Ave,-93.51025460000001,44.972294600000005 +32886,Legends Charter Bus St Paul,-93.0872568,44.950707400000006 +32887,All Pro Restoration & Cleaning,-93.15156730000001,44.4518148 +32888,Tamarack Lodge,-92.0464075,47.893261200000005 +32889,TRF Splash Park,-96.16839610000001,48.1227883 +32890,Sundance Dining,-96.19129050000001,48.1053951 +32891,River Cinema 15,-97.0266132,47.928922500000006 +32892,Three One Six Bar + Grill,-93.38571180000001,44.9760008 +32893,Ted’s Market,-94.9406706,45.224327 +32894,Trader Joe's,-93.25772280000001,44.977063900000005 +32895,Depth of Field,-93.2470577,44.969695 +32896,Rice Lake Gardens,-92.15465610000001,46.914010000000005 +32897,Pine Tree Apple Orchard,-92.9552132,45.1064604 +32898,State Forest Access,-91.7612606,43.6552711 +32899,Veteran's Memorial,-92.8078996,45.052562900000005 +32900,Building D Entrance,-93.37017820000001,45.1328894 +32901,Water Street Inn,-92.80500380000001,45.0563474 +32902,Riverside City Park,-93.95216540000001,44.322228300000006 +32903,Metropolitan State University Midway Campus,-93.16216250000001,44.970992900000006 +32904,Ol' Baldy,-91.9786763,47.9884999 +32905,Dry Falls,-91.8640007,47.957654500000004 +32906,Caribou Rock & Mossy Lake Trailhead,-90.45544890000001,48.0615357 +32907,Candyland,-92.8066498,45.057532300000005 +32908,Insula Restaurant,-91.86415240000001,47.903322100000004 +32909,South Lake & Moss Lake Trailhead,-90.51861360000001,48.055009600000005 +32910,Rockwood Restaurant,-91.862159,47.9029013 +32911,Mike Motors,-91.85316560000001,47.903012800000006 +32912,Large rock core,-91.8441212,47.9065226 +32913,Whiteface Back Country Campsite-West,-92.1588689,47.3258847 +32914,Twin Metals,-91.8599033,47.906680800000004 +32915,Whiteface Back Country Campsite-East,-92.15094880000001,47.324322200000005 +32916,Ely Veterinarian,-91.8627357,47.9061953 +32917,S & L Distributing LLC,-92.83148580000001,43.603885500000004 +32918,Piragis Outfitters,-91.8670908,47.9035006 +32919,Ely Surplus Store,-91.8671343,47.903863900000005 +32920,Mealey's Gift & Sauna Shop,-91.86671600000001,47.903795 +32921,Britton's Cafe,-91.86672630000001,47.9024391 +32922,Hardware Hank,-91.8647037,47.902195500000005 +32923,Northern Expressions,-91.8655813,47.903135400000004 +32924,Quality Furniture Rental,-93.10274290000001,45.028553 +32925,Northern Expressions Ice Cream,-91.8655401,47.902944700000006 +32926,Wildlife Liquor,-91.865547,47.902829800000006 +32927,Stony Ridge,-91.876264,47.906201100000004 +32928,Regina Vacuum Services Co,-93.17125220000001,44.9558929 +32929,Milbern Clothing,-93.1714024,44.955898600000005 +32930,My Burger,-93.16639430000001,44.9399238 +32931,Green Line Auto Service and Tire,-93.1717363,44.9559973 +32932,Eritrean Community Center,-93.1814446,44.957707400000004 +32933,Neighborhood Cafe,-93.16639160000001,44.946416600000006 +32934,Rose Falls,-90.44493100000001,48.092201200000005 +32935,Overlook,-90.45159910000001,48.0751343 +32936,Overlook,-90.4515839,48.075199100000006 +32937,Overlook,-90.4509811,48.075599700000005 +32938,"John Pederson Construction, Inc.",-93.26924720000001,45.1082126 +32939,Complete Chiropractic,-93.6597866,45.2098359 +32940,Grey Wolf Lodge,-92.9190679,48.045236 +32941,Cost Cutters,-94.8791709,47.4832508 +32942,Thanh Vi Restaurant,-93.3205183,45.1084996 +32943,Sock Lake camp site,-90.54078940000001,48.0832033 +32944,Bebsy Pepelnjack Memorial,-92.53780830000001,47.5119884 +32945,K45,-93.0082557,48.5020998 +32946,Mountain Iron Park & Rec Departmen,-92.589916,47.518677200000006 +32947,Messiah Lutheran Church,-92.5922383,47.5188653 +32948,270 degree overlook,-89.9335563,47.9989538 +32949,Loon Lake camp site,-90.72940530000001,48.074761800000005 +32950,Crab Lake camp site,-90.63167630000001,48.0830319 +32951,Topper Lake camp site,-90.5699828,48.086991700000006 +32952,Rose Lake East camp site,-90.40691260000001,48.101893100000005 +32953,South Lake East camp site,-90.5080935,48.0967557 +32954,Partridge Lake West camp site,-90.49758200000001,48.080809900000006 +32955,Partridge Lake East camp site,-90.4789513,48.090331400000004 +32956,Rose Lake camp site,-90.41711570000001,48.096648200000004 +32957,Midstate Crane Service Inc.,-93.5436433,45.088115800000004 +32958,Caribou Rock camp site,-90.4613963,48.0658236 +32959,Varsity Auto Sales,-93.23534570000001,45.2950165 +32960,Daniels Lake South camp site,-90.405314,48.075570000000006 +32961,"North Hennepin Squadron, Civil Air Patrol",-93.357066,45.060010000000005 +32962,Daniels Lake North camp site,-90.38531540000001,48.0830606 +32963,South St.Paul Family Chiropractic,-93.05085820000001,44.9011541 +32964,Clearwater Lake West camp site,-90.3451735,48.0858343 +32965,Clearwater Lake East camp site,-90.2633876,48.085375600000006 +32966,Bloomington Collision Center,-93.29836660000001,44.826963000000006 +32967,Gogebic Lake camp site,-90.2499872,48.0791703 +32968,Elson Lodge,-92.3461041,47.473668 +32969,Pine Woods camp site,-90.1085705,48.069964000000006 +32970,Story Book Lodge,-92.34183900000001,47.486162300000004 +32971,Portage camp site,-89.9860096,48.004510200000006 +32972,Gnome Town,-92.33151760000001,47.5244871 +32973,T13985,-92.9806403,44.963905000000004 +32974,Byers Media,-92.9356479,47.4272347 +32975,Norton Park United Methodists Church,-92.197461,46.722842400000005 +32976,Grassy Point,-92.1547017,46.7262074 +32977,First Love Full Gospel Church,-92.19519240000001,46.722377800000004 +32978,Erosion Machine,-93.22640700000001,45.0487485 +32979,High Five,-93.2259322,45.046448100000006 +32980,Archenteron,-93.22306610000001,45.049589700000006 +32981,Daylight Savings Time,-93.2264433,45.0484407 +32982,Bio Scenic Trvael Machine: Cyto Squad,-93.22449370000001,45.046005400000006 +32983,Portal,-93.2225811,45.0489699 +32984,Moon Garden,-93.22537480000001,45.0492781 +32985,CSL Plasma,-93.12471860000001,44.9548421 +32986,George Washington,-93.2747629,44.9596083 +32987,Wet Bark Campground,-91.6424963,43.7379704 +32988,Angel Statue,-93.27388180000001,44.959051900000006 +32989,Downtown Market & Deli,-93.26465660000001,44.9819035 +32990,Shadow Falls Park,-93.19639380000001,44.9424742 +32991,Undisputed Weightlifting Club,-93.20479060000001,44.7889263 +32992,Rochester Barbell Club,-92.5012631,44.0344941 +32993,Driveline Specialists Inc,-92.11044070000001,46.9558917 +32994,Story Book Circle,-92.1390865,46.7680005 +32995,Gallea Transfer & Storage Inc,-93.24783310000001,44.137171 +32996,Hy-Vee Pharmacy,-93.3279315,45.0191129 +32997,MidModMen+friends,-93.19808900000001,44.964367200000005 +32998,Compart Family Farms,-94.1724554,44.3703571 +32999,Mirror of Korea,-93.4412527,44.865018000000006 +33000,CCP Industries Inc,-93.2764937,45.199687000000004 +33001,DT-39,-92.08221610000001,46.8379005 +33002,Agate Financial Services,-92.7675631,46.4398569 +33003,Hodge's Bend,-93.2074979,44.9676166 +33004,Rick Ites Construction,-93.99794150000001,44.218982000000004 +33005,DT-40,-92.08202250000001,46.8382401 +33006,H-14,-92.1056387,46.8402351 +33007,H-15,-92.11029930000001,46.8436019 +33008,H-6,-92.0942862,46.835718500000006 +33009,H-8,-92.09906880000001,46.828538 +33010,H-11,-92.1005178,46.8384081 +33011,H-9,-92.09899730000001,46.825813700000005 +33012,H-17,-92.1058825,46.8405744 +33013,H-19,-92.1004984,46.841409000000006 +33014,H-13,-92.10297800000001,46.839156200000005 +33015,H-17,-92.1034467,46.842975300000006 +33016,West Central Research and Outreach Center,-95.87938430000001,45.5945577 +33017,Metalcrafters of Stacy Inc,-92.9798916,45.387974400000004 +33018,Cummins,-93.1289038,45.0576619 +33019,H-10,-92.09974790000001,46.838530000000006 +33020,Bohemian Flats Park,-93.2410397,44.9753051 +33021,Willie the Walleye,-94.59847900000001,48.7126522 +33022,Nothing Bundt Cakes,-92.48020720000001,44.0298108 +33023,"Spencer T. White, PLLC",-93.2223422,44.787748900000004 +33024,Steven Spaeth Appraisals,-95.8435616,46.816602200000005 +33025,Guest eXperience Center,-93.37232130000001,45.134350500000004 +33026,NCE-01620,-93.3724835,45.133891000000006 +33027,Fire Pit,-93.37164050000001,45.1342936 +33028,Great Hall,-93.3721582,45.1342659 +33029,Bullseye Boutique,-93.37193780000001,45.1344134 +33030,Health & Well-being Center,-93.3722376,45.134512300000004 +33031,Target Credit Union,-93.37180210000001,45.13454 +33032,Starbucks,-93.37224660000001,45.133932400000006 +33033,Winning Edge Graphics,-95.3683367,45.8923982 +33034,Game Room,-93.3699675,45.1332474 +33035,NCE-01600,-93.37234000000001,45.133820400000005 +33036,Cafe,-93.3702775,45.133166 +33037,NCE-01530,-93.37220190000001,45.1337422 +33038,Micky's Liquor,-93.2945624,44.9923975 +33039,Cafeteria,-93.3708701,45.1348554 +33040,NCE-01520,-93.3721376,45.133710900000004 +33041,Building E Entrance,-93.37236580000001,45.1340263 +33042,NCE-01920,-93.37166350000001,45.1336318 +33043,Gym,-93.37032160000001,45.132948000000006 +33044,Nevis Disc Golf Course,-94.852102,46.965175 +33045,Dojo,-93.37092600000001,45.133226300000004 +33046,Auditorium,-93.3713876,45.1347833 +33047,Cafetería,-93.3704306,45.1347942 +33048,NCC-01975,-93.3698181,45.1338449 +33049,Building B Entrance,-93.37001670000001,45.1344592 +33050,NCC-01905,-93.369945,45.134205 +33051,NCC-01980,-93.3697774,45.133729200000005 +33052,NCD-01700E,-93.3698777,45.1331958 +33053,Shell,-94.3397132,46.0264948 +33054,Security Desk,-93.3724765,45.134027200000006 +33055,Security Desk,-93.36995800000001,45.1344501 +33056,The Wedding Shoppe - Corporate Office,-93.115122,44.930185200000004 +33057,NCC-01882,-93.3699977,45.134301400000005 +33058,Restroom,-93.3722802,45.134391900000004 +33059,NCC-01300,-93.3701072,45.133877500000004 +33060,White Earth Police Department,-95.8614292,47.085148100000005 +33061,Elevator,-93.3720792,45.134412000000005 +33062,Cafetería,-93.37047050000001,45.1346027 +33063,Security Desk,-93.3701312,45.1329232 +33064,Elevator,-93.37195480000001,45.1338269 +33065,Woodland Presbyterian Church,-91.9477796,47.7119456 +33066,Good Shepherd Lutheran Church,-91.9506121,47.711956400000005 +33067,White Earth Nation,-95.86171350000001,47.0858603 +33068,Babbitt Assembly of God Church,-91.95074620000001,47.710638900000006 +33069,Saint Pius Catholic Church,-91.9503435,47.709277 +33070,Staring Lake Disc Golf Course,-93.4595982,44.8331645 +33071,Evangelical Lutheran Church,-91.94752740000001,47.7106329 +33072,Northeast Range High School,-91.9515178,47.707909900000004 +33073,Mining Equipment,-91.9523425,47.714007900000006 +33074,Minnesota Home Guys,-93.29268400000001,44.7685882 +33075,Central Manor,-91.94118660000001,47.7121968 +33076,Fallen Veterans,-91.9394359,47.707067200000004 +33077,Tank's Restaurant,-91.9437465,47.713398000000005 +33078,10 Pin Alley,-91.9441785,47.7134074 +33079,Tank's Bar,-91.9440618,47.7132032 +33080,Short Stop,-91.94444870000001,47.712619600000004 +33081,Blomberg's,-91.9478653,47.712545000000006 +33082,NCE-01410,-93.37170640000001,45.133521 +33083,Ely Area Credit Union- Babbitt,-91.9479307,47.7129786 +33084,Rural Living Environments,-91.9385697,47.7123495 +33085,Blomberg's and Son's,-91.94764760000001,47.7137967 +33086,Ron Castellano Ice Arena,-91.9494545,47.707924500000004 +33087,NCE-01630,-93.3725551,45.1339283 +33088,NCE-01820,-93.3723154,45.133853300000006 +33089,Elbow Lake Fire Department,-95.551333,47.1472324 +33090,NCE-01830,-93.37216330000001,45.1337769 +33091,Naytahwaush Post Office,-95.61966220000001,47.2754643 +33092,NCE-01500,-93.3720115,45.1336444 +33093,Naytahwaush Sports Facility,-95.6196584,47.2759481 +33094,NCE-01420,-93.37182390000001,45.1335653 +33095,Giwanikimin Supportive Housing Community Center,-95.622591,47.2777308 +33096,NCE-01700,-93.37249340000001,45.1339672 +33097,NCE-01610,-93.3724167,45.133856300000005 +33098,Nor’Wester Lodge & Outfitters,-90.4935305,48.0501148 +33099,NCE-01825,-93.3722355,45.1338164 +33100,NCE-01510,-93.3720866,45.1336801 +33101,Starbucks,-93.1648251,45.007759 +33102,Juui Aveda,-93.2709476,44.9774551 +33103,Freshii,-93.271088,44.977267000000005 +33104,Infulge & Bloom,-93.27159250000001,44.9773535 +33105,Cocoa Fig,-93.271006,44.9773397 +33106,St Croix,-93.27145490000001,44.9774705 +33107,Leeann Chin,-93.2728905,44.9777088 +33108,Los Ocampo Express,-93.2727847,44.977675700000006 +33109,Potbelly,-93.27226560000001,44.9763485 +33110,Naf Naf Grill,-93.272987,44.977752200000005 +33111,NY Jewelry,-93.2721145,44.9763935 +33112,Walgreens,-93.2717367,44.976919300000006 +33113,Banana Republic,-93.2719551,44.9764422 +33114,North Memorial Health Clinic – Downtown Minneapolis,-93.271326,44.9768698 +33115,Cardigan Donuts,-93.27307520000001,44.977792 +33116,Orthology Physical Wellness,-93.27170980000001,44.977178300000006 +33117,Caribou Coffee,-93.2716309,44.977288400000006 +33118,Kisa,-93.2711699,44.9770872 +33119,Subway,-93.27429520000001,44.9753394 +33120,Dairy Queen,-93.2738494,44.9757036 +33121,GNC Live Well,-93.27340480000001,44.9781473 +33122,Greenfield,-93.274037,44.975722000000005 +33123,U.S. Bank,-93.2736972,44.9756118 +33124,The UPS Store,-93.27346490000001,44.9780924 +33125,D-Brian’s,-93.2739521,44.9758244 +33126,Mama’s Pizza,-93.27389360000001,44.975897200000006 +33127,Rozin,-93.27355730000001,44.978016200000006 +33128,Gent,-93.27386510000001,44.9759539 +33129,Starbucks,-93.27423490000001,44.9748649 +33130,Downtown Eyes,-93.27382510000001,44.975996300000006 +33131,Lee’s Express,-93.27376240000001,44.976057100000006 +33132,to street or Newsroom,-93.2744833,44.9745769 +33133,Which Wich?,-93.2736758,44.9760549 +33134,Caribou Coffee,-93.27348260000001,44.9759831 +33135,Escalator,-93.2751449,44.974314500000006 +33136,Verizon,-93.2733683,44.9759186 +33137,Stairs & Escalator,-93.2751676,44.9739936 +33138,Stairs & Escalator,-93.27584470000001,44.9733876 +33139,Chipotle,-93.27197770000001,44.978345100000006 +33140,Emergency Exit,-93.2722473,44.977947300000004 +33141,Starbucks,-93.2725451,44.9781436 +33142,Perry Law Office,-92.45836340000001,44.0201738 +33143,16-26,-93.2760178,44.973501500000005 +33144,26-32,-93.2761203,44.9735444 +33145,Walgreens,-93.26710030000001,44.860380600000006 +33146,Harbor Freight Tools,-93.26712060000001,44.8609079 +33147,4-16,-93.27622450000001,44.9735791 +33148,Jimmy John's,-93.2677101,44.8614065 +33149,CVS Pharmacy,-93.27608910000001,44.973407800000004 +33150,Toppers Pizza,-93.26758000000001,44.861412200000004 +33151,Subway,-93.26855160000001,44.860282600000005 +33152,Target Hi-Tech Service,-93.27645340000001,44.973717300000004 +33153,Babbitt Baptist,-91.9396014,47.7123615 +33154,Target Great Hall,-93.2759401,44.973854800000005 +33155,Starbucks,-93.27486970000001,44.9790465 +33156,Oberg Mountain,-90.77553420000001,47.628580400000004 +33157,HDR,-93.2742822,44.97861 +33158,Leveaux Mountain,-90.79730830000001,47.615821600000004 +33159,Jack Links,-93.2745105,44.9789995 +33160,Jack Links,-93.2745194,44.978652600000004 +33161,Timberwolves And Lynx,-93.27485100000001,44.9788262 +33162,Frostbeard Studio,-93.26284790000001,44.939289300000006 +33163,Toni's Market,-93.26284790000001,44.9393954 +33164,Deli Max,-95.9979689,47.817971 +33165,Cat Sitting In Your Home,-93.3221968,44.872553200000006 +33166,Hills City Fire Department,-96.35917640000001,43.5268864 +33167,J & J Marine Canvas and Upholstery,-93.2274435,45.1329779 +33168,Office Space Design,-93.99841880000001,44.1725584 +33169,Subway,-93.4843084,44.8642211 +33170,Teresa's Mexican Restaurant,-93.1240604,44.881753200000006 +33171,Comet Theater,-92.6886312,47.852395200000004 +33172,Little Caesars,-91.61871790000001,44.0355525 +33173,Angel of Hope,-93.46141850000001,45.1250963 +33174,Amateur Radio Station - K0RC,-92.88222970000001,45.4123849 +33175,4,-93.27894060000001,44.9710884 +33176,3,-93.27889300000001,44.971080400000005 +33177,2,-93.2787571,44.9710929 +33178,"Brittany Olson Insurance Agency, LLC",-92.46398,46.711548900000004 +33179,1,-93.278722,44.9710781 +33180,"Echo Family Dental: Dr. John D. Gillard, DDS & Dr. Chelsi K. Schumacher, DDS",-94.3722451,44.8798313 +33181,MAGNOLIA VOLUNTEER FIRE DEPARTMENT,-96.07378030000001,43.6437273 +33182,BEAVER CREEK FIRE DEPARTMENT,-96.363702,43.6143805 +33183,KENNETH VOLUNTEER FIRE DEPARTMENT,-96.07298540000001,43.7534414 +33184,ELLSWORTH FIRE DEPARTMENT,-96.01483400000001,43.5148907 +33185,WORTHINGTON FIRE STATION,-95.5961156,43.6177122 +33186,BREWSTER FIRE AND RESCUE DEPARTMENT,-95.46715060000001,43.698508700000005 +33187,JACKSON CITY FIRE AND AMBULANCE,-94.98915380000001,43.6228969 +33188,FAIRMONT FIRE DEPARTMENT,-94.4607302,43.655025800000004 +33189,BLUE EARTH FIREMAN'S HALL,-94.10367400000001,43.6382563 +33190,GRANADA FIRE DEPARTMENT,-94.3477586,43.6952499 +33191,NORTHROP FIRST RESPONDERS,-94.43834170000001,43.737896 +33192,MANCHESTER FIRE DEPARTMENT,-93.45206350000001,43.7241201 +33193,CLARKS GROVE VOLUNTEER FIRE DEPARTMENT,-93.3294867,43.7644709 +33194,FREEBORN FIRE DEPARTMENT AND AMBULANCE SERVICE,-93.5630462,43.7659761 +33195,HOLLANDALE FIRE DEPARTMENT,-93.2048494,43.760418800000004 +33196,LE ROY VOLUNTEER FIRE DEPARTMENT,-92.5030139,43.5094675 +33197,Grand Meadow Fire and Rescue,-92.56900060000001,43.7042415 +33198,SPRING GROVE FIRE DEPARTMENT,-91.6397098,43.5608535 +33199,HARMONY FIRE DEPARTMENT,-92.0093514,43.5445452 +33200,MABEL EMERGENCY SERVICES,-91.76873590000001,43.5211161 +33201,IONA FIRE DEPARTMENT,-95.7844182,43.9159092 +33202,AVOCA FIRE DEPARTMENT,-95.6453834,43.9479774 +33203,WESTBROOK VOLUNTEER FIRE DEPARTMENT,-95.43698380000001,44.0422701 +33204,GOOD THUNDER FIRE DEPARTMENT,-94.0668394,44.005118200000005 +33205,JEFFERS VOLUNTEER FIRE DEPARTMENT,-95.1940136,44.059870800000006 +33206,WINDOM FIRE DEPARTMENT,-95.1194244,43.8664481 +33207,MANKATO FIRE STATION 3,-93.97843920000001,44.1513046 +33208,WEST CONCORD FIRE HALL,-92.90130450000001,44.1514959 +33209,SOUTH BEND VOLUNTEER FIRE DEPARTMENT,-94.03433740000001,44.151208800000006 +33210,MANTORVILLE FIRE STATION,-92.7544259,44.066513300000004 +33211,Cedar Grove Transit Station,-93.2197651,44.812484600000005 +33212,New Bohemia,-93.16515550000001,45.0233385 +33213,Edina Realty,-93.16515820000001,45.023217100000004 +33214,Dave's Electric Motor Co,-95.5494001,44.8063744 +33215,Mound 2,-93.70756580000001,48.516832900000004 +33216,Mound 5,-93.70753090000001,48.516684700000006 +33217,Mound 4,-93.7109561,48.517216600000005 +33218,Mound 3,-93.7090893,48.517116400000006 +33219,American Family Insurance - Michelle Stinson Agency Inc,-92.9809233,44.963491000000005 +33220,Elko New Market Post Office,-93.33113060000001,44.571917000000006 +33221,Geek Love Cafe,-93.233945,44.9472364 +33222,New Prague Vape & Tobacco,-93.55642350000001,44.542260000000006 +33223,Keewatin Auto Repair,-93.0750917,47.398203900000006 +33224,Thrivent Financial - Diane Beckmann,-93.50561900000001,44.078250100000005 +33225,Central Heating & Refrigeration LLC,-93.2070535,44.069070700000005 +33226,Mac's Twin Bay Resort,-93.48245990000001,46.174858 +33227,In the Loop Coffee Co.,-93.275051,44.9898144 +33228,Entira Family Clinic,-93.07429470000001,44.8975511 +33229,Tad Ware & Company,-93.2749742,44.989845900000006 +33230,Riverside Acres Tree Farm,-92.70385900000001,44.067337 +33231,The Ripple Bar,-92.0961662,46.7835935 +33232,Sportsman's Guide Retail Outlet,-93.0257222,44.885013300000004 +33233,Lifelong Dental Care,-93.08254690000001,44.900401900000006 +33234,Hoops Brewing Company,-92.09634430000001,46.7835667 +33235,John Deere,-96.7693115,48.189354200000004 +33236,Spring Creek Grille,-93.14527650000001,44.452671 +33237,Hunt Drug,-92.46112930000001,44.038257900000005 +33238,Arrow Hardware & Paint,-92.46123850000001,44.0381458 +33239,Grandma's Kitchen,-92.4610155,44.038429400000005 +33240,Great Wall,-92.4610423,44.038641000000005 +33241,Caribou Coffee,-92.4626674,44.039456900000005 +33242,Einstein Bros. Bagels,-92.4625292,44.0393495 +33243,The Tap,-95.59320020000001,43.620088800000005 +33244,Methodic PPC Marketing,-93.2927837,44.9487049 +33245,Twin Lakes Park Campground,-96.05035740000001,44.2109679 +33246,Marshalls,-92.46008230000001,43.9883967 +33247,Twin Lakes Park,-96.0504983,44.2125119 +33248,Babani's Kurdish Restaurant,-93.08829010000001,44.9393752 +33249,Park View Terrace Condominium,-93.14243610000001,45.021884 +33250,Paul Baertschi Attorney,-93.2720908,44.9732348 +33251,Phase Two Remodeling Inc,-93.25295700000001,44.8993413 +33252,Revival,-93.12236700000001,44.9466983 +33253,Yoga Studio,-92.97497700000001,43.6693486 +33254,U.S. Bank,-92.9756315,43.6686308 +33255,Packer Gym at Austin High School,-92.97922630000001,43.667321400000006 +33256,Hastings Gym at Austin High School,-92.979196,43.667069700000006 +33257,1910 Restaurant,-92.97644890000001,43.670683700000005 +33258,Hastings Shoes,-92.97514070000001,43.6676049 +33259,Austin Artworks Center,-92.97459350000001,43.668483800000004 +33260,Twice is Nice,-92.97508300000001,43.6697051 +33261,B&J Bar,-92.97430650000001,43.669819600000004 +33262,Karate Studie,-92.9745197,43.6698293 +33263,St. Olaf Lutheran Church,-92.97645490000001,43.6686114 +33264,Dusty's,-92.974513,43.6697653 +33265,Clasen Jordan Funeral Home,-92.9770692,43.668138000000006 +33266,Family Dollar,-92.9788072,43.6663821 +33267,Comfort Chiropractic Clinic,-94.951469,45.733966200000005 +33268,Church of Christ,-92.9776753,43.668968400000004 +33269,Mayer Funeral Home,-92.9770182,43.67099 +33270,Cedars of Austin,-92.97536600000001,43.671969700000005 +33271,Kwik Trip replaced Gymocha,-92.9929606,43.6779923 +33272,Jo-Ann,-92.99633750000001,43.6828961 +33273,MidWest Speaker Repair,-93.18298700000001,45.018638700000004 +33274,St. Patrick's Catholic Church,-91.97363920000001,43.7196756 +33275,Root River Rod Co.,-91.9768044,43.7217259 +33276,North Star Kennels,-94.12330890000001,44.160189700000004 +33277,Green Leaf Vape & Tobacco,-93.1432777,44.7302802 +33278,Best Buy Kiosk,-93.2122042,44.883120000000005 +33279,Worse Mail Box,-94.45884170000001,43.6252866 +33280,Belle Vue Park,-94.45854250000001,43.6254184 +33281,Kwik Trip,-93.008266,45.2517064 +33282,Lindbergh Terminal 1,-93.2098205,44.882744100000004 +33283,Hub Building,-93.20626870000001,44.881246000000004 +33284,The Baroque Room,-93.08550360000001,44.9490629 +33285,Bertram Chain of Lakes Mountain Bike Trailhead,-93.8524472,45.2836152 +33286,Aztec Asbestos Removal,-93.27377820000001,44.936739700000004 +33287,Best Buy Kiosk,-93.21168300000001,44.884606000000005 +33288,Best Buy Kiosk,-93.2097919,44.884545700000004 +33289,House of Curry,-93.13456380000001,44.7305141 +33290,The Pond,-93.1333755,44.7304127 +33291,Fireside,-93.13365110000001,44.7304534 +33292,Cameo,-92.46324200000001,44.0251765 +33293,Tilda's Pizzeria,-92.4639126,44.0264551 +33294,Dollar Tree,-93.1339987,44.730524200000005 +33295,The Redwood Room,-92.46420760000001,44.0264146 +33296,Chipotle,-93.1332225,44.731316500000005 +33297,Caribou Coffee,-92.46757000000001,44.0237867 +33298,Subway,-92.464759,44.0219109 +33299,Arby's,-93.13311440000001,44.7312135 +33300,Quiznos,-92.4648619,44.0217771 +33301,MacRostie Art Center,-93.530349,47.236389 +33302,Grumpy’s Bar,-93.26174920000001,45.010130600000004 +33303,Lowry Hill Meats,-93.2913968,44.963008900000005 +33304,Legacy Funeral Home - West Chapel,-93.07379870000001,44.934320500000005 +33305,Orchard Lane Park Pavilion,-93.3423844,45.0737352 +33306,Kylawn Park Pavilion,-93.336397,45.064558600000005 +33307,Annie Young Meadow,-93.2290531,44.9667413 +33308,Dog Days,-93.1879736,44.967497800000004 +33309,Honker Flats,-95.95085080000001,48.531681600000006 +33310,We Are Nuts,-93.18877280000001,44.9679786 +33311,Utepils Brewing,-93.31235290000001,44.978745800000006 +33312,Sota Clothing,-93.3625908,44.939148800000005 +33313,Tattersall Distilling,-93.248862,45.0050791 +33314,Companeros,-94.9529363,46.956926900000006 +33315,Royal Foundry,-93.2959668,44.979468700000005 +33316,Duck Donuts,-92.95523940000001,44.925260800000004 +33317,Red River R/C Flyers 2019 Flying Field,-97.0419645,47.9708917 +33318,ALDI,-93.2329747,44.949506 +33319,Petco,-92.14997020000001,46.8050196 +33320,Punch Pizza,-93.17452010000001,45.0154027 +33321,Michaels,-92.1506483,46.805166500000006 +33322,Texas Roadhouse,-92.14906090000001,46.8012366 +33323,India Palace,-93.3038836,44.745822700000005 +33324,Donald A. Quinn Jr DDS,-93.2656989,45.0133352 +33325,Ineffable Brewing,-93.3037032,44.7458236 +33326,Mustard Seed Market,-95.383499,45.8462614 +33327,The Oaks At Eagle Creek,-95.0292289,45.1511518 +33328,Riggs & Associates,-93.3372459,44.864990600000006 +33329,Alexandria Hearing Center,-95.3802977,45.861624000000006 +33330,Gentle Dentistry,-95.3802924,45.861736 +33331,Dunham's Sports,-95.3806411,45.86103 +33332,Art Bar 39,-95.3812312,45.8618892 +33333,Pretzelmaker,-95.3811668,45.8612952 +33334,Alex Bike Shop,-95.3695021,45.889765600000004 +33335,The Church of St. Mary,-95.37507430000001,45.8879237 +33336,St. Mary's School,-95.37575290000001,45.8873953 +33337,Burger King,-95.36609960000001,45.8900893 +33338,Alexandria Housing & Redevelopment Authority,-95.3789218,45.883257 +33339,Tiremaxx,-95.3656115,45.8897496 +33340,Redbox,-95.3782568,45.881826700000005 +33341,Redbox,-95.37825640000001,45.8818056 +33342,Alexandria Area Arts Association,-95.37795200000001,45.8852759 +33343,Journey of Faith Salon,-95.37637240000001,45.886102300000005 +33344,Down On The Corner Family Hair Care,-95.3762195,45.886100400000004 +33345,The UPS Store,-95.37810900000001,45.8781225 +33346,Trend Setters Family Hairstyling,-95.37810280000001,45.8782778 +33347,Tasty Pizza - Hangar 45,-93.24918430000001,45.050557600000005 +33348,Warners' Stellian,-93.16751020000001,44.9925918 +33349,Subway,-93.3777745,44.9843971 +33350,Ellison Park Boat Launch,-93.78191170000001,45.3037268 +33351,Mallards Forest Lake,-92.9844757,45.282301000000004 +33352,D'Amico and Sons,-93.3792166,44.984358300000004 +33353,Anoka County Sheriff's Office,-93.049734,45.2648516 +33354,T-Mobile,-93.37919980000001,44.984492200000005 +33355,United States Post Office,-92.9984927,45.5112509 +33356,Ragstock,-93.3818808,44.984986400000004 +33357,Hazardous Waste Collection,-92.42943140000001,44.0271911 +33358,Security Bank,-94.8949451,47.491986700000005 +33359,Northwoods Bait and Tackle,-94.87501300000001,47.533109200000006 +33360,Cenex,-94.88577090000001,47.5054686 +33361,Bob Lowth Ford,-94.87808030000001,47.4991664 +33362,Peterson Sheet Metal,-94.87398250000001,47.505265 +33363,Ken K Thompson Jewelry,-94.8957276,47.491264 +33364,Giovanni's Pizza,-94.8802411,47.4683524 +33365,7 Vines Vineyard,-92.9622796,45.092605400000004 +33366,Red Stu Breakfast Bar,-94.88305480000001,47.4701084 +33367,Bemidji Downtown Meats,-94.88455490000001,47.469711600000004 +33368,Bemidji Brewing,-94.88458750000001,47.4699122 +33369,Harmony Natural Foods Co-Op,-94.88464850000001,47.4708136 +33370,Tavern Grill,-93.1477921,45.0489298 +33371,Beltrami County Community Service Center,-94.88385980000001,47.474147 +33372,Beltrami County Administration Building,-94.8839533,47.4750098 +33373,Beltrami County Jail,-94.8823799,47.474435500000006 +33374,Genesis Salon and Enso Spa,-94.3696039,44.8894832 +33375,Beltrami County Historic Courthouse,-94.88201810000001,47.4741882 +33376,Beltrami County Judicial Center,-94.8823881,47.473932600000005 +33377,Orchard road,-93.8240823,44.8332357 +33378,Arnzen Arms,-93.43554990000001,44.866489900000005 +33379,RFA Engineering,-93.44072120000001,44.8684555 +33380,State Theatre,-94.3685203,44.8925198 +33381,Outdoor Motion,-94.3690823,44.8902994 +33382,Black Water Lounge,-92.09504120000001,46.7896961 +33383,Muddy Cow,-94.3684197,44.889258000000005 +33384,Muddy Cow,-94.36846270000001,44.8891003 +33385,National Eagle Center,-92.0314498,44.384242500000006 +33386,Boston Consulting Group,-93.2710526,44.97796 +33387,Wabasha Public Library,-92.0334974,44.383358900000005 +33388,Dragon Wok,-93.26230310000001,44.9340458 +33389,Hampton Inn,-94.86764930000001,47.463943900000004 +33390,8500 Normandale Tower,-93.3570943,44.854417500000004 +33391,Planet Fitness,-92.9560192,44.832322500000004 +33392,Saint Phillips Catholic School,-94.8806617,47.4744262 +33393,HomeGoods,-92.95640540000001,44.8321095 +33394,Manny's Steakhouse,-93.27213880000001,44.9745548 +33395,TJ Maxx,-92.95675410000001,44.8318888 +33396,Kings Point,-92.95559700000001,45.271251 +33397,Askov Finlayson,-93.2691918,44.985694300000006 +33398,Gage Gallery,-93.24149240000001,44.9674617 +33399,Simmons Point,-92.9364453,45.2694758 +33400,Timm's Marina & Seasonal RV Park,-92.92137430000001,45.2534292 +33401,Magnetic Rock,-90.80072580000001,48.099239600000004 +33402,Shields Lake Park,-92.9430627,45.2538004 +33403,Country Inn & Suites,-94.2429043,46.361571000000005 +33404,Westwood Professional Services,-93.4418088,44.8971281 +33405,Key City Bike,-93.9947283,44.1733567 +33406,Holiday,-92.98779420000001,45.5107778 +33407,Holiday,-92.9902067,45.511000800000005 +33408,North Branch Fire Department,-92.98013180000001,45.498296 +33409,North Branch Area Library,-92.9794284,45.497216 +33410,Lakes Area Community TV,-92.9881106,45.2710847 +33411,Kolstad's K-9 Acres,-93.5113793,44.8993279 +33412,1st St. S & 7th Ave. S,-94.1602608,45.559036400000004 +33413,West Saint Germain & Germain Towers,-94.16309650000001,45.5591111 +33414,10th Ave. N. & 1st St. N.,-94.164867,45.5600873 +33415,9th Ave. N & 5th St. N,-94.1663815,45.5636762 +33416,Mill Pond,-93.5905941,45.3059639 +33417,9th Ave. N & 6th St. N,-94.16732760000001,45.564717900000005 +33418,Veterans Dr. & 10th Ave. N,-94.1702169,45.566428 +33419,Scale Model Supplies,-93.14630480000001,44.954963 +33420,Cottonwood Angus Farms,-96.43855300000001,44.081989500000006 +33421,Table rock,-91.3029171,43.844110900000004 +33422,Preferred Pet Sitter,-93.3382126,44.766652900000004 +33423,Little Free Library,-92.9627729,44.8947634 +33424,ACR Homes,-93.1067285,45.0144157 +33425,Eagle bluff hiking trail head,-91.3083028,43.845953800000004 +33426,Trail Head,-91.30310510000001,43.839752100000005 +33427,Great River Ridge State Trail,-92.2553292,44.021418100000005 +33428,Carter's,-92.46049790000001,43.988227 +33429,Wayzata Dental,-93.5014622,44.974250600000005 +33430,Oshkosk,-92.46023790000001,43.9881267 +33431,Ulta Beauty,-92.4604819,43.988005 +33432,Ocean Sushi,-91.6693583,44.046857100000004 +33433,Farmers Insurance - Scott Prachar,-92.1943631,46.827396400000005 +33434,GABEZO,-91.3172622,43.832391400000006 +33435,Starbucks,-93.2334543,44.9747141 +33436,Rochester Academy Of Music,-92.4515417,44.0575411 +33437,TRAILHEAD,-91.31470470000001,43.831334000000005 +33438,Burger King,-94.1492326,45.4937916 +33439,Virteva,-93.35739880000001,44.9737226 +33440,RJ's American Grill,-94.14802970000001,45.4966391 +33441,Integra,-93.35823690000001,44.973783600000004 +33442,Cyber Optics Corporation,-93.3550819,44.9739841 +33443,Laser Design (GKS Services),-93.35610480000001,44.9736441 +33444,Caraboo Coffee,-95.7531069,47.5776775 +33445,Aisle 23,-95.75363660000001,47.5779226 +33446,Silver Lake Liquor,-92.4611766,44.037588400000004 +33447,Mireault's Home Furnishings,-95.75213210000001,47.5771036 +33448,United States Post Office,-95.7519912,47.5773558 +33449,"Lakes & Plains, LLC",-93.19757080000001,44.966819900000004 +33450,Med City Dental,-92.46251260000001,44.0203731 +33451,St. Cecilia's Church,-93.2002657,44.9687551 +33452,Cultivating Careers,-93.1979993,44.9660737 +33453,Podiumwear Custom Sports Apparel,-93.1984384,44.965665900000005 +33454,United Nations Association of Minnesota,-93.1979242,44.9659655 +33455,Clothier Design Source,-93.1985021,44.9655555 +33456,"Budget Sign Shop, Inc.",-93.2002492,44.9664778 +33457,Shag Studio,-93.19776660000001,44.9654182 +33458,Gopher Bearing div. of BDI,-93.2010242,44.9667296 +33459,Bargain Upholstery,-93.19776080000001,44.965366100000004 +33460,The Arc Minnesota,-93.1997776,44.9641693 +33461,Move Minnesota,-93.19929880000001,44.9638058 +33462,Chanson Voice & Music Academy,-93.1977724,44.9653119 +33463,Minnesota School of Bartending,-93.1990251,44.9642477 +33464,SOS Office Furniture,-93.1992328,44.964854900000006 +33465,Foxy Falafel,-93.1977646,44.96519 +33466,Noll Hardware Hank,-93.1977727,44.965140600000005 +33467,Barely Brothers Records,-93.1977816,44.9650893 +33468,Maple Court Apartments,-92.9884043,45.2696727 +33469,Succotash,-93.1977688,44.9650344 +33470,MN ADOPT,-93.1995792,44.9640666 +33471,Cedarwood Apartments,-92.99620510000001,45.2723305 +33472,Greystone Apartments,-92.99875700000001,45.272973900000004 +33473,Reclaim!,-93.1977696,44.964735100000006 +33474,Raymond Avenue Gallery,-93.197747,44.9645303 +33475,Mill Pond II & III Apartments,-92.9885929,45.273761 +33476,CareFocus Corporation,-93.19971810000001,44.9650151 +33477,Audacious Alchemy,-93.19776750000001,44.964422600000006 +33478,Kai Shin Clinic,-93.19775680000001,44.9644848 +33479,Inspecta-Homes,-93.20003940000001,44.9652279 +33480,Jennings Community School,-93.19960590000001,44.9649573 +33481,Design Press,-93.1994087,44.964874300000005 +33482,Minneapolis St. Paul Agency Insurance & Risk Management,-93.19993910000001,44.965159400000005 +33483,PinPoint Accounting Services,-93.20019070000001,44.965259200000006 +33484,Nanosystems,-93.2001535,44.965197700000004 +33485,Handi Medical Supply,-93.20087910000001,44.965544300000005 +33486,Skon Chiropractic Clinic,-93.1976521,44.966983500000005 +33487,Seal Hi-Rise,-93.19667170000001,44.9657301 +33488,Brooks Office Interiors Inc.,-93.1944905,44.9653451 +33489,Murphy Rigging & Erecting Inc.,-93.19284920000001,44.965320600000005 +33490,"Spot Weld, Inc.",-93.1936996,44.968211800000006 +33491,Hampden Square Apartments & Townhomes,-93.19638040000001,44.9680971 +33492,LP-Gas Equipment,-93.1928048,44.9676046 +33493,Minnesota Chemical,-93.1947099,44.967947 +33494,"BSP Thermal Systems, Incc.",-93.1949027,44.9680777 +33495,Scales Advertising,-93.19359200000001,44.9687512 +33496,"Gagnon, Inc.",-93.1951078,44.9681981 +33497,The Man of Colours,-93.1942545,44.967730800000005 +33498,NewStudio Architecture,-93.19393190000001,44.968828900000005 +33499,302 East Minnesota Avenue,-95.0877004,46.6301579 +33500,"Precision Coatings, Inc.",-93.19426130000001,44.9691193 +33501,"All City Elevator, Inc.",-93.1935729,44.970935000000004 +33502,Bauer Built Commercial Tires,-93.193064,44.969531800000006 +33503,MacArthur Co.,-93.1947143,44.970760000000006 +33504,"Infinity Scaffold, Inc.",-93.1953507,44.971748000000005 +33505,Wheel Service Brake & Equipment,-93.193443,44.969886900000006 +33506,Ettel & Franz Roofing,-93.198791,44.9725362 +33507,Universal Christian Ministries,-93.19768880000001,44.9709969 +33508,Urban Growler Brewing Co.,-93.1927986,44.9701077 +33509,American Paper Recycling,-93.1953726,44.969674600000005 +33510,Bang Brewing Company,-93.1926059,44.970505 +33511,Kooler Sound,-93.1953976,44.970264900000004 +33512,"Tour Supply, Inc.",-93.19670780000001,44.9700615 +33513,Saint Paul Systems,-93.1922229,44.970384700000004 +33514,"Custom Wheel Specialists, Inc.",-93.1966471,44.9699649 +33515,Total Tool,-93.19532650000001,44.969013600000004 +33516,Minnesota Women's Press Incorporated,-93.197224,44.970169000000006 +33517,Dialog One,-93.1962524,44.9697967 +33518,Studio on Fire,-93.19552730000001,44.9645967 +33519,Superior Eco Markets,-93.19654510000001,44.969711200000006 +33520,"Plants By Design, Inc.",-93.19619010000001,44.9694493 +33521,Dynamic Fastener Services,-93.1945445,44.9643821 +33522,"Kelly & Lemmons, P.A.",-93.1962278,44.9693491 +33523,Americraft,-93.1915804,44.963732300000004 +33524,"Midway Container, Inc.",-93.1963298,44.968900100000006 +33525,"Braun's Express, Inc.",-93.1909902,44.9660141 +33526,BFG Supply Co.,-93.1909047,44.963394400000006 +33527,Waamo Towing / Auto Repair Services,-93.1897294,44.966075800000006 +33528,Lincoln Distributing,-93.18977260000001,44.962966200000004 +33529,Midway Cold Storage,-93.18955190000001,44.9642508 +33530,"KidZibits, Inc.",-93.19085700000001,44.9668447 +33531,Trane Commercial Sales Office,-93.19054870000001,44.964910800000006 +33532,Aggresive Industries,-93.1894286,44.9663127 +33533,A-1 Truck & Trailer Repair,-93.1897869,44.965087100000005 +33534,"Bro-Tex, Inc.",-93.19187310000001,44.9653642 +33535,"Leggett & Platt, Inc.",-93.1894692,44.967083900000006 +33536,Bro-Tex Carpet Recycling,-93.1921009,44.966039300000006 +33537,Rohn Industries,-93.191771,44.9674423 +33538,All Wood Furniture,-93.1896375,44.9678757 +33539,Catholic Charities St. Paul Residence,-93.1919718,44.9683891 +33540,"Environmental Plant Services, Inc.",-93.1919639,44.9688877 +33541,Alexandria,-95.37450150000001,45.8835101 +33542,"Barole Trucking, Inc.",-93.191743,44.9688798 +33543,McDonough's,-93.1917246,44.9699344 +33544,"Scaffold Service, Inc.",-93.1915259,44.969874600000004 +33545,"Concrete Recycling, Inc.",-93.1883402,44.9691771 +33546,Walker Roofing,-93.1909791,44.969096900000004 +33547,Kodiak Furniture,-93.1897283,44.968695000000004 +33548,United Refrigeration,-93.18799170000001,44.968329600000004 +33549,Distributor Wire & Cable,-93.18788280000001,44.968103600000006 +33550,Jay Trends,-93.1880565,44.9647091 +33551,Tech Dump,-93.18841920000001,44.9669219 +33552,Wedge Worldwide,-93.1880565,44.9641542 +33553,Equal Exchange,-93.1881685,44.96352 +33554,"Premier Food Products, Inc.",-93.18855930000001,44.966264100000004 +33555,Advanced Distribution & Logistics,-93.1881032,44.9632227 +33556,Dakotaland Autoglass,-93.186868,44.966393200000006 +33557,Co-op Partners Warehouse,-93.18796780000001,44.9629453 +33558,Professional Warehouse & Distribution,-93.1879164,44.9624729 +33559,T-Brothers Logistics,-93.1885091,44.965784 +33560,B & M Furniture,-93.1880285,44.962033600000005 +33561,"Sullivan Transportation, Inc.",-93.1878999,44.9656116 +33562,Jasons Beverage Carbonation Company,-93.1871548,44.9613231 +33563,White Castle Distribution,-93.18881830000001,44.9651688 +33564,Metro Transit Police Department,-93.1867756,44.962557200000006 +33565,Faircon Service Company,-93.188855,44.9646831 +33566,K&M Tire,-93.1861679,44.963807200000005 +33567,Lampert Lumber,-93.18700070000001,44.9639928 +33568,Commercial Kitchen Services,-93.1888335,44.964479000000004 +33569,"Stewart's Forest Products, Inc.",-93.1864439,44.964230400000005 +33570,"McCaren Designs, Inc.",-93.1899894,44.9658111 +33571,Salon Ling,-93.18911650000001,44.9777118 +33572,Trane Supply,-93.18876300000001,44.9630896 +33573,Centennial United Methodist Church,-93.19354410000001,44.979289200000004 +33574,E & L Bindery,-93.1886494,44.962733500000006 +33575,St. Anthony Park,-93.1935349,44.9792223 +33576,Gopher Plumbing Supply,-93.1886065,44.962093100000004 +33577,Thistle,-93.194922,44.981176000000005 +33578,Nico's Taco & Tequila Bar,-93.19460500000001,44.9811732 +33579,Catalyst Coveant Church,-93.1968009,44.985454600000004 +33580,Lady Elegant's Tea Room & Gift Shoppe,-93.1949488,44.981165000000004 +33581,Little Wine Shoppe,-93.1953838,44.982258300000005 +33582,U-Haul,-93.20495220000001,44.987331600000005 +33583,Andy's Liquor,-92.45362940000001,44.056893200000005 +33584,Mid Metro Discount Warehouse,-93.20616150000001,44.987352200000004 +33585,Bear Creek,-92.6729864,45.916363000000004 +33586,Military Recruting Center,-92.45334120000001,44.0568778 +33587,"Weekes Forest Products, Inc.",-93.20728270000001,44.987776700000005 +33588,Bolger,-93.2067277,44.988405400000005 +33589,"Mill City Roasters, LLC",-93.2074922,44.9890622 +33590,James A. Carley & Ernestina Bolt Monument,-92.17411530000001,44.111779500000004 +33591,Carley State Park,-92.175814,44.118162000000005 +33592,Group Site 1 (GRP1),-92.17896200000001,44.113731300000005 +33593,Group Site 2 (GRP2),-92.17909490000001,44.1128732 +33594,Fresh Thyme,-92.4868271,44.023073600000004 +33595,Memorial Blood Centers,-93.20101550000001,44.963478200000004 +33596,Path Bodywork + Wellness,-93.197986,44.963574300000005 +33597,Element Materials Technology,-93.20097170000001,44.961539300000005 +33598,"Triangle Park Creative, Inc.",-93.1978126,44.9636955 +33599,All American Self-Storage,-93.19981630000001,44.9616896 +33600,Shared Capital Cooperative,-93.1978603,44.9634869 +33601,C&E Flats and Lofts,-93.198453,44.963981000000004 +33602,Monarch Bus Service,-93.2006702,44.9606876 +33603,Aramsco,-93.1992676,44.9603957 +33604,Ferguson Plumbing Supplies,-93.18195940000001,44.9580144 +33605,Ampersand Families,-93.20521830000001,44.9615748 +33606,Avalon School,-93.19851120000001,44.962323600000005 +33607,Sunrise Banks Corporate Headquarters,-93.2050135,44.9623307 +33608,Rebel Ink Printing and Embroidery,-93.1978418,44.9619742 +33609,"C.E. Gobeil Co, Inc.",-93.19793800000001,44.9626552 +33610,"McKenzie Repair, Inc.",-93.2055038,44.962988900000006 +33611,TakeAction Minnesota,-93.1978878,44.962291 +33612,"Kimley-Horn and Associates, Inc.",-93.203232,44.962659 +33613,United Theological Seminary of the Twin Cities,-93.20411080000001,44.9629138 +33614,Public Storage,-93.2052278,44.9607948 +33615,Lift Parts Service of Minnesota,-93.20651640000001,44.960940400000005 +33616,Johnstone Supply,-93.2067019,44.960891200000006 +33617,Supportive Living Solutions,-93.2047711,44.9616253 +33618,Party City,-93.0145813,45.032786800000004 +33619,Half Price Books,-93.0161377,45.0313108 +33620,Michaels,-93.01609660000001,45.0309855 +33621,GameStop,-93.0187432,45.0318735 +33622,Hobby Lobby,-93.0151723,45.0321815 +33623,T-Mobile,-93.0187417,45.0327606 +33624,ALDI,-93.01669240000001,45.032217800000005 +33625,Golden Corral,-93.0157932,45.032223900000005 +33626,Black Coffin Tattoo,-93.2005968,44.9648283 +33627,Dick and Jane Letterpress,-93.2009084,44.965018900000004 +33628,Pizza Hut,-93.01583600000001,45.033685600000005 +33629,Medical Staffing Network,-93.1576206,44.970249100000004 +33630,Mattress Firm,-93.0171378,45.0361575 +33631,Institute for Orthopedics & Chiropractic,-93.20417810000001,44.9656559 +33632,"Vetscher & Associates, LLC",-93.20400550000001,44.965564300000004 +33633,The Vitamin Shoppe,-93.0171006,45.036034300000004 +33634,St. Paul Oral Surgery,-93.2042933,44.965482900000005 +33635,Big Brothers Big Sisters of the Greater Twin Cities,-93.20389030000001,44.9653098 +33636,MGM Wine & Spirits,-93.20391910000001,44.9654387 +33637,Stonebridge Capital Advisors,-93.20426450000001,44.9652894 +33638,Trinity3 Technology,-93.20399590000001,44.9651944 +33639,"Optomec, Inc.",-93.20343480000001,44.9671242 +33640,Prepare + Prosper,-93.2055187,44.9666918 +33641,Partners Title,-93.2039479,44.965051800000005 +33642,Vivencias Espirituales,-93.21177800000001,44.963427900000006 +33643,Minnesota Council of Health Plans,-93.2042309,44.9649398 +33644,SAG-AFTRA,-93.20544910000001,44.966797400000004 +33645,"Suntide Commercial Realty, Inc.",-93.2042885,44.965126500000004 +33646,ProPharma Group,-93.2047216,44.9681518 +33647,Rainbow Health Initiative,-93.20352150000001,44.9686366 +33648,Twin Cities in Motion,-93.20577340000001,44.9685587 +33649,"Prevolv, Inc.",-93.2057113,44.968338800000005 +33650,West Elm Workspace,-93.2056957,44.9681555 +33651,Augeo Affinity Marketin,-93.203328,44.9689728 +33652,Pharmgate Animal Health,-93.20586150000001,44.967961200000005 +33653,JustUs Health,-93.2032817,44.968520500000004 +33654,Augeo+Greer,-93.2038327,44.9688746 +33655,Minnesota Geological Survey,-93.2042785,44.9690056 +33656,Amerhart-St. Paul,-93.20453930000001,44.9694668 +33657,University Enterprise Labs,-93.20433840000001,44.9707846 +33658,Ewald Conference Center,-93.20368500000001,44.970925300000005 +33659,Prism Research,-93.20433270000001,44.9711544 +33660,Deeer Stand,-94.40564470000001,46.8669835 +33661,Ativa Medical Corporation,-93.20362820000001,44.971327300000006 +33662,Visual Horison Communications,-93.2069058,44.9735273 +33663,Blue Moon Productions,-93.20598380000001,44.969475 +33664,JNSL Artistry,-93.2057887,44.9696402 +33665,Automated Logic Corporation,-93.2059761,44.969943400000005 +33666,Innovative Surface Tech,-93.2058889,44.972268400000004 +33667,"Creative Images, Inc.",-93.20569300000001,44.9700841 +33668,Digital Pictures,-93.2058614,44.970254700000005 +33669,Innovative Office Solutions,-93.20595420000001,44.972187500000004 +33670,CPC - Colder Products Company,-93.2059073,44.971129000000005 +33671,Allina Health Home Oxygen & Medical Equipment,-93.20590750000001,44.973213900000005 +33672,DaVita University Unit Riverside at Home,-93.2058684,44.9719707 +33673,YOXO,-93.2067141,44.971869600000005 +33674,SKB Malcolm Ave Transfer Station,-93.21089350000001,44.9751107 +33675,Mocorp Custom Metal Fabrication,-93.4300544,45.230478700000006 +33676,Ted Smith Insurance,-92.4499055,44.0574524 +33677,BCS Computer Support,-92.4507102,44.0575314 +33678,1907 Highway 53,-92.7201797,47.8619027 +33679,Caribou Coffee,-93.23008460000001,44.973522900000006 +33680,MSU - Lot 23 - Free Lot,-93.9900042,44.1437934 +33681,MSU - Lot 22,-93.99133570000001,44.143792700000006 +33682,MSU - Lot 21,-93.99226460000001,44.143765 +33683,MSU - Lot 20,-93.99368550000001,44.1437606 +33684,MSU - Centennial Student Union,-93.99986770000001,44.146295 +33685,MSU - Julia A. Sears Residence Community,-94.00226260000001,44.1470393 +33686,MSU - Memorial Library,-93.9996378,44.1482785 +33687,MSU - McElroy Residence Community,-93.9992115,44.1499718 +33688,Wildwood Park,-92.96620730000001,45.0523387 +33689,Warren St. & South Rd.,-93.9944754,44.146443100000006 +33690,MSU - Stadium Heights Residence Community,-93.9818693,44.1432609 +33691,The Summit Apartments,-93.98868730000001,44.1431777 +33692,Monks Ave. & Homestead Rd.,-93.9891935,44.148933500000005 +33693,Live Active Apartments - B,-93.9853228,44.1521914 +33694,Live Active Apartments - C,-93.9838476,44.1523011 +33695,Hilltop Ln,-93.9708693,44.1561219 +33696,Walmart,-93.95202060000001,44.164520100000004 +33697,Fond Du Lac Ojibwe School,-92.5132083,46.710865600000005 +33698,Old Navy,-93.9476355,44.1650768 +33699,Adams St. - McDonalds/HyVee,-93.94736710000001,44.1705422 +33700,River Hills Mall,-93.95191000000001,44.172564900000005 +33701,Fond Du Lac Tribal Center,-92.5155405,46.713126200000005 +33702,Min No Aya Win Human Services Center,-92.4923969,46.713734 +33703,"Galena Law Firm, P.A.",-93.00709350000001,45.089072800000004 +33704,Gate,-91.3025386,43.6168342 +33705,Rattler Cairn,-91.3126106,43.6145851 +33706,Gate,-91.3076918,43.619318 +33707,Gate,-91.30920180000001,43.6231122 +33708,Fishing Pier,-96.1132929,47.6640899 +33709,Upper Reno Pack In Campground,-91.30318270000001,43.634569400000004 +33710,Great Clips,-94.01465440000001,44.160595 +33711,Hillcrest Manor,-94.8829635,47.5071553 +33712,Metro Transit Service Center,-93.27052330000001,44.9760981 +33713,Bemidji Clothsline,-94.88347130000001,47.4706958 +33714,Marriage & Family Wellness Center,-92.5125364,44.044392300000005 +33715,Northway Insurance Services,-94.88326110000001,47.470704500000004 +33716,Economy Shop,-94.88317430000001,47.4707008 +33717,Head Quarters,-94.8825032,47.470081900000004 +33718,Northern Vapes,-94.882489,47.470340300000004 +33719,218 Home+Gift,-94.8825439,47.4707097 +33720,Senior Activity Center,-94.8822878,47.470343 +33721,Roy's Comics & Games,-94.8819503,47.4703554 +33722,Books N More,-94.8824354,47.4707883 +33723,Yellow Umbrella,-94.8816414,47.4703609 +33724,The Hanger,-94.88223380000001,47.470707100000006 +33725,Cool Threads,-94.8817369,47.470314200000004 +33726,Lucette Boutique,-94.88184190000001,47.470244 +33727,A Stitch In Time,-94.8823411,47.4707415 +33728,The Fort,-94.8815438,47.470378700000005 +33729,Patterson's Clothing,-94.8814225,47.4703597 +33730,Pawn USA,-94.88174000000001,47.4696457 +33731,Cantabria Coffee Co,-94.8818234,47.4698931 +33732,Bar 209,-94.8830145,47.469816200000004 +33733,Bemidji Communications,-94.8830054,47.469904 +33734,Salone,-94.8816678,47.4707044 +33735,Paul Bunyan Sub Shop,-94.8806318,47.4696681 +33736,Driver and Vehicle Services Exam Station,-94.88078130000001,47.4698591 +33737,MJB Home Center,-94.8809744,47.472325600000005 +33738,Wells Fargo,-94.8809853,47.4703346 +33739,"Sanford Health, Behaviour Health Headwaters ACT",-94.88053120000001,47.470374 +33740,"Compass Rose, Home+Gift",-94.8801971,47.470391500000005 +33741,Big River Scoop Ice Cream,-94.87997340000001,47.4701001 +33742,New China,-94.8809691,47.4721878 +33743,Lumberjack Shack,-94.8800123,47.4702457 +33744,Twice But Nice,-94.8814949,47.472084100000004 +33745,"Loide Oils & Vinegars, Tasting Bar",-94.87998300000001,47.470398700000004 +33746,Headwaters Science Center,-94.88148740000001,47.4722311 +33747,Rother's Just Desserts,-94.88152810000001,47.4724261 +33748,Jake Bluhm - State Farm Insurance Agent,-94.8809925,47.4731874 +33749,Minnesota Public Radio,-94.8818607,47.4719653 +33750,Farm Bureau Financial Services,-94.88095940000001,47.473510600000004 +33751,Sadie Rae's Quilt Shop,-94.8815203,47.4718798 +33752,"Sanford Bemidji, Downtown Eye Clinic",-94.88100250000001,47.4729286 +33753,"Tom Kuesel, Attourney at Law",-94.8809933,47.473401200000005 +33754,Asgard Computers,-94.8791401,47.482652800000004 +33755,Walman Optical Co,-94.88097180000001,47.4731384 +33756,"Hair Teasers, Studio",-94.88097490000001,47.473059000000006 +33757,BeaverMart,-94.87934840000001,47.4827949 +33758,Design Angler,-94.88073990000001,47.4727903 +33759,Tamarack Court,-94.8913936,47.4836546 +33760,Smith Law Firm,-94.8805818,47.472839 +33761,Lakes Area Building Center,-94.27925060000001,46.916754700000006 +33762,Trio Plant-Based,-93.2875219,44.948531700000004 +33763,Rochester Bear Creek Post Office,-92.438607,44.0078435 +33764,MN State Patrol,-92.50525040000001,44.0719366 +33765,A-1 Outdoor Power,-93.5455216,45.093648800000004 +33766,Wendy's,-93.4432757,44.9723344 +33767,Sarah Jane's Bakery,-93.2369257,45.020275100000006 +33768,Haskell's,-93.4423536,44.9718177 +33769,Midas,-93.4419275,44.971848900000005 +33770,Minnesota Computers for School,-93.21012490000001,44.972221000000005 +33771,VEE Production Services,-93.2094083,44.9720929 +33772,Vertical Endeavors - Twin Cities Bouldering,-93.2068105,44.9604979 +33773,Safelite AutoGlass,-93.20823060000001,44.972069600000005 +33774,Apropos Studio,-93.21098540000001,44.971181900000005 +33775,"Bigos Management, Inc.",-93.3857127,44.9726537 +33776,KSTP-TV 5 Eyewitness News,-93.20786410000001,44.9686888 +33777,KTMY,-93.2070817,44.9685628 +33778,KCN Nails,-93.2475694,45.014798400000004 +33779,KSTC,-93.2077654,44.9685423 +33780,Hubbard Broadcasting,-93.20761850000001,44.9688898 +33781,Woolly Rhino Productions,-93.2069565,44.969009 +33782,Al-Amir Bakery,-93.2475721,45.014851400000005 +33783,Benchwarmers Sportswear and Apparel Inc.,-93.0905937,45.0022791 +33784,Minnesota Association of Community Health Centers,-93.2157708,44.9716517 +33785,Youth Performance Company,-93.2099948,44.9683781 +33786,"Great Brakes, Inc.",-93.21030440000001,44.9686241 +33787,American Civil Liberties Union of Minnesota (ACLU-MN),-93.2162455,44.972225 +33788,Four Star Auto Service,-93.210598,44.9686716 +33789,Speedway,-93.20859990000001,44.9688369 +33790,United States Post Office,-93.2164668,44.9719795 +33791,Fraser,-93.20966580000001,44.9690017 +33792,"M & N Equipment Services, Inc.",-93.212145,44.975139000000006 +33793,Alliance Clinic,-93.2100843,44.9693071 +33794,Spire Credit Union,-93.2119265,44.9699527 +33795,Literacy Press International,-93.2136857,44.9667814 +33796,Teamsters Local 320,-93.21357370000001,44.970581 +33797,FamilyWise,-93.2130769,44.969847300000005 +33798,Center for Homicide Research,-93.21320850000001,44.969746 +33799,Pratt Elementary School,-93.21408170000001,44.9689678 +33800,Textile Center,-93.2145804,44.9704938 +33801,Weavers Guild of Minnesota,-93.2146798,44.9703813 +33802,Luxton Park Recreation Center,-93.2191844,44.9682213 +33803,First Care Pregnancy Center,-93.2150132,44.9706507 +33804,Frankincense,-93.22005440000001,44.9693021 +33805,WorkAround: Shared Office Environment,-93.21617060000001,44.9710533 +33806,Social Work Board,-93.2159726,44.9717119 +33807,Head Start,-93.21923500000001,44.9692918 +33808,AcheiveMpls,-93.2157921,44.9717451 +33809,Minnesota Board of Pharmacy,-93.2158414,44.9717004 +33810,University Commons,-93.2222442,44.969562 +33811,National Scholastic Press Association,-93.2158114,44.971592900000005 +33812,KinderCare,-93.2221866,44.9701724 +33813,Minnesota Board of Marriage and Family Therapy,-93.21603080000001,44.971592900000005 +33814,Fox Tax,-93.2395802,44.999608 +33815,Bambu Dessert Drinks,-93.2233595,44.9732769 +33816,Sprout Salad Company,-93.22341750000001,44.973394400000004 +33817,Caspian Bistro and Gourmet Marketplace,-93.22202610000001,44.9734543 +33818,U Garden Restaurant and Event Center,-93.2173346,44.9721308 +33819,Krispy Krunchy Chicken,-93.2187408,44.9718158 +33820,North Star Resource Group,-93.2179914,44.97245 +33821,YouthCARE,-93.21781290000001,44.972365800000006 +33822,Anytime Fitness,-93.21820910000001,44.971676800000004 +33823,Profile Music Center,-93.21969750000001,44.9719701 +33824,Profile Event Center,-93.219448,44.9722699 +33825,Twin Cities Brewery Tours,-93.2199899,44.9725735 +33826,Affinity Plus Federal Credit Union,-93.2205826,44.972861900000005 +33827,Hope Lodge American Cancer Society,-93.2214007,44.973051700000006 +33828,"True Home Pros, LLC.",-93.22028490000001,44.97223 +33829,Landcare and Facilities Operations Building,-93.2186496,44.973842600000005 +33830,Venture Academy,-93.21882310000001,44.9728562 +33831,Multi-Axial Subassemblage Testing (MAST) Laboratory,-93.21905690000001,44.974247500000004 +33832,Express Nails & Spa,-93.2192335,44.9728505 +33833,J.A. Wedum Foundation,-93.2191825,44.9729739 +33834,KidsPark Hourly Child Care,-93.2006571,44.956571000000004 +33835,The Town & Country Club,-93.1988511,44.9493395 +33836,Institure for Athletic Medicine - Minneapolis/University Village,-93.2202742,44.9733742 +33837,Tea House,-93.2215379,44.9737834 +33838,State Health Access Data Assistance Center,-93.22424050000001,44.975022 +33839,Minnesota Public Radio,-93.2069465,44.9582077 +33840,Southeast Auto SErvice,-93.22015,44.9649001 +33841,Minnesota Daily,-93.2238925,44.9748449 +33842,Grahn't Upholstery & Furniture Restoration,-93.22036920000001,44.965006200000005 +33843,University of Minnesota Health Cinics and Surgery Center,-93.2251111,44.9709865 +33844,"Garmers Dental Instruments, Inc.",-93.2202402,44.9650193 +33845,PSI Omega Dental Fraternity,-93.2248534,44.967683400000006 +33846,Phi Rho Sigma Medical Fraternity,-93.2245968,44.969119000000006 +33847,Nu Sigma Nu Medical Fraternity - Epsilon Chapter,-93.2267942,44.9690078 +33848,Ronald McDonald House,-93.2260071,44.9700336 +33849,Stadium Village Church,-93.22683400000001,44.971184400000006 +33850,Connexions International,-93.2264624,44.9711878 +33851,Masonic Cancer Center,-93.2248318,44.971123000000006 +33852,Fulton Street Cafe,-93.22495310000001,44.9706568 +33853,Fairview Pharmacy,-93.22488150000001,44.970485800000006 +33854,Lair's Nest,-91.29971490000001,43.620494400000005 +33855,Equinox Apartments,-93.220404,45.0413015 +33856,Rattler Point,-91.31301830000001,43.614231700000005 +33857,Lower Parking,-91.30253180000001,43.616826800000005 +33858,Hike in site,-91.29247500000001,43.611139400000006 +33859,Reno Horse Camp,-91.28114740000001,43.6052601 +33860,Reno Quarry Point,-91.27261390000001,43.616849200000004 +33861,GrandView Rock,-91.2834225,43.598627 +33862,Lower Quarry View,-91.27279750000001,43.620574100000006 +33863,Reno south parking,-91.28303980000001,43.5801401 +33864,Reno south prairie,-91.27869100000001,43.581881200000005 +33865,FerryRock,-91.27311130000001,43.6234003 +33866,Reno Quarry Lot,-91.27436660000001,43.6179396 +33867,Biomedical Library,-93.2313247,44.971834300000005 +33868,Bridges Cafe,-93.2311658,44.970967800000004 +33869,Wangensteen Historical Library,-93.23150670000001,44.971668 +33870,CPR Cell Phone Repair,-93.2266336,44.973478 +33871,University MN Dermatology,-93.23154550000001,44.972406 +33872,GOFIRST Robotics,-93.2268696,44.973440100000005 +33873,Kimchi Tofu House,-93.22692500000001,44.9732884 +33874,University of Minnesota School of Dentistry,-93.23163860000001,44.972753000000004 +33875,SotaRol,-93.2269268,44.9732138 +33876,Freshii,-93.2314863,44.9728877 +33877,HomeGoods,-92.4836891,44.004620800000005 +33878,Banfield Pet Hospital,-92.5052534,44.0629399 +33879,Freedom,-93.0361601,45.028860200000004 +33880,Dovray Tower,-95.56414070000001,44.095604800000004 +33881,Freedom Valu Center,-93.0365785,45.028860200000004 +33882,The Hair Shop & Beyond,-93.00080200000001,45.336128200000005 +33883,Rejuv Med Spa,-93.0005612,45.3361293 +33884,Jimmy John's,-93.2268768,44.974007 +33885,Fitaholic Fitness,-93.23320790000001,45.213413800000005 +33886,Kwik Trip,-93.1617758,45.1922566 +33887,U.S. Bank,-93.2278902,44.973537500000006 +33888,Goldy's Locker Room,-93.22807250000001,44.9735463 +33889,Shin's Hair Salon,-93.22669450000001,44.9743262 +33890,Origami,-93.2971375,44.9496551 +33891,India Palace,-92.1027988,46.7837003 +33892,Star Wok,-93.4188371,44.923629600000005 +33893,Art's Cafe,-92.76444620000001,46.452523500000005 +33894,Blacklist Artisan Ales,-92.09600730000001,46.788399600000005 +33895,Lazy Moose Grille & Coffee House,-92.76357320000001,46.4535372 +33896,End Zone Bar & Grill,-92.86636870000001,46.261737700000005 +33897,Members Cooperative Credit Union,-92.7616656,46.453003800000005 +33898,Community Center,-92.8664196,46.264648900000005 +33899,Dave's Cafe,-92.8295982,46.3174957 +33900,Willow River Fire Department,-92.8407301,46.3170001 +33901,Willow River Park Pavilion,-92.841333,46.3179894 +33902,BP Gas Pumps 24/7,-92.8297538,46.317236400000006 +33903,Dave's Oil C-Store,-92.82983700000001,46.3173826 +33904,WR Commercial Club Softball Fields,-92.83091280000001,46.3147553 +33905,St. Mary's Catholic Church,-92.834968,46.3178161 +33906,St. Mary's Community Center,-92.83564940000001,46.318186700000005 +33907,Cenex Gas Pumps,-92.76547450000001,46.4513964 +33908,Cenex Service Station,-92.7654906,46.4515498 +33909,Holiday StationStore #127,-92.7665206,46.4504724 +33910,Minit Mart #0562,-92.75110120000001,46.434747 +33911,Holiday StationStore Gas Pumps,-92.7667352,46.4502285 +33912,Kwik Trip Gas Pumps,-92.7558568,46.433001000000004 +33913,Minit Mart Gas Pumps,-92.7510738,46.4350321 +33914,Kwik Trip #166,-92.7554478,46.4332081 +33915,Kwik Trip Diesel Pumps,-92.7556543,46.433588900000004 +33916,Lampert's Lumber & Hardware,-92.7682042,46.4489923 +33917,Hillside Manor West,-92.7654286,46.4536719 +33918,Hillside Manor East,-92.76445500000001,46.4536516 +33919,Sonshine Closet,-92.7643852,46.454296500000005 +33920,Hoffman's Ace Hardware,-92.7683544,46.448591300000004 +33921,Marketplace Foods,-92.7671608,46.4499736 +33922,Lake Theatre,-92.76197610000001,46.4537933 +33923,School Parking Lot,-92.83655510000001,46.3196341 +33924,Peggy Sue's Cafe,-92.84031010000001,46.3197162 +33925,Willow River Area School District #577,-92.8371116,46.320222300000005 +33926,Pei Wei,-93.43436390000001,44.851152600000006 +33927,Pine Creek Saddle Club,-92.86718830000001,46.255461100000005 +33928,Mickey's Park,-92.867012,46.2642943 +33929,Willow River Lumber & Hardware,-92.8398698,46.3207603 +33930,Posh Spa,-93.29101130000001,44.9248296 +33931,Polished Nail Boutique,-93.29102010000001,44.924702800000006 +33932,Dollar General,-92.8415703,46.315868900000005 +33933,"Squirrel Cage Bar, Grill & Motel",-92.8395962,46.320369400000004 +33934,Recycle Center,-92.8396203,46.321755 +33935,Squirrel Cage Liquor Store,-92.8396403,46.3201952 +33936,Pine County Highway Garage & Truck Station,-92.8396579,46.3220922 +33937,Northview Bank,-92.83999610000001,46.319345600000005 +33938,Willow River Post Office,-92.8395749,46.319430800000006 +33939,ML-WR Rebels Football Field,-92.8320145,46.3212951 +33940,Munger Trail/City Park Parking,-92.8415973,46.3174848 +33941,Rutledge City Hall,-92.8664159,46.264536500000006 +33942,Tobie's Restaurant & Bakery,-92.93045210000001,46.0102726 +33943,Tobie's Tavern,-92.930546,46.0100667 +33944,Kurt's Cenex Gas & Conveniece,-92.94245430000001,46.0169681 +33945,White Castle,-92.9337988,46.011458100000006 +33946,Parkview Real Estate Associates Inc,-93.00275740000001,45.0050923 +33947,H&M,-92.4795634,44.0049208 +33948,Machine Shed,-92.4796546,44.005125400000004 +33949,Prairie Justice Center,-95.5901343,43.647639700000006 +33950,Bath & Body Works,-92.48026340000001,44.0036495 +33951,Aeropostale,-92.4792388,44.0042495 +33952,American Eagle Outfitters,-92.47889550000001,44.0044887 +33953,Shoe Dept. Encore,-92.4803224,44.003265600000006 +33954,Worthington Police Department,-95.58997520000001,43.647640800000005 +33955,Tradehome Shoes,-92.4792134,44.0046228 +33956,First Nat'l Bank of Moose Lake,-92.7619889,46.454043000000006 +33957,Orangetheory Fitness,-92.4791634,44.005118800000005 +33958,JCPenney Salon,-92.4771291,44.004788500000004 +33959,Sephora,-92.47776800000001,44.004517 +33960,HomeGoods,-93.4354574,44.850681400000006 +33961,Evans-Nordby Funeral Homes - Brooklyn Center,-93.3248727,45.064238100000004 +33962,Moose Lake Municiple Liquor Store,-92.7635822,46.452387400000006 +33963,State Farm Insurance-Denise Burggraff,-92.76274000000001,46.453507200000004 +33964,Dollar General,-92.7675751,46.4393875 +33965,Kowalski's Market,-93.5695713,44.900692500000005 +33966,Moose Lake Municipal Bar,-92.76372020000001,46.452204300000005 +33967,Odyssey Martial Arts,-93.2617819,44.739271 +33968,All Systems Go,-93.24673770000001,45.0044449 +33969,Edman and Edman,-94.4620799,43.652384100000006 +33970,Fairmont Opera House,-94.4620357,43.6519994 +33971,Starbucks,-93.5692764,44.900575100000005 +33972,Miyabi Sushi & Asian Bistro,-93.5688358,44.901051 +33973,Jake O' Connors Public House,-93.5666221,44.903500300000005 +33974,Lago Tacos,-93.566046,44.903906600000006 +33975,The Suburban,-93.5682956,44.902469 +33976,Excelsior Dock Cinema,-93.5659037,44.9040204 +33977,Licks Unlimited,-93.56577920000001,44.9036966 +33978,Blue Line Ticket Booth,-93.56516760000001,44.9045767 +33979,Haskell's Port of Excelsior,-93.56518870000001,44.904029900000005 +33980,Red Sauce Rebellion,-93.5661989,44.9032913 +33981,Yumi's Sushi Bar,-93.5663858,44.9031116 +33982,Anchor Sculpture,-93.5628207,44.9023429 +33983,Excelsior Veteran's Monument,-93.56275880000001,44.9022887 +33984,Detroit Mountain,-95.7835259,46.8161658 +33985,Meridian Botique,-93.56648410000001,44.9029971 +33986,The Lakes Running Company,-93.5667775,44.903210200000004 +33987,Coalition,-93.5665419,44.902937400000006 +33988,Amore & Fede,-93.5668411,44.9031382 +33989,Martin's,-93.5666606,44.903341000000005 +33990,Big Island Swim & Surf,-93.56659420000001,44.9028883 +33991,Capers,-93.5669057,44.903043100000005 +33992,Country Look In Antiques,-93.5669845,44.9029624 +33993,Excelsior Appliance,-93.5666451,44.902831500000005 +33994,Que Sera,-93.5671018,44.902848000000006 +33995,Leipold's Gifts & Antiques,-93.56670820000001,44.9027715 +33996,Ooh La La,-93.5673421,44.9025851 +33997,Epitome Papers,-93.5673009,44.9026256 +33998,Excelsior Masonic Lodge,-93.56680530000001,44.9026657 +33999,Brightwater Clothing & Gear,-93.5671844,44.902765300000006 +34000,Water Street Gallery Ltd,-93.5663255,44.903184700000004 +34001,Fleurish LLP,-93.56693010000001,44.902539100000006 +34002,Olive's Fresh Pizza Bar,-93.5669948,44.902474700000006 +34003,Primp,-93.5663006,44.9037104 +34004,Water on Water,-93.5662102,44.903770300000005 +34005,Excelsior Bay Books,-93.56610690000001,44.9038368 +34006,Lake Effect Nautical Gifts,-93.5664302,44.9030575 +34007,Grape Mill Vineyard & Winery,-96.97491260000001,47.8971293 +34008,Heavy Metal Sports,-91.86609680000001,47.9025996 +34009,Vero,-93.20782080000001,44.8801653 +34010,The Palace Theater,-93.09673020000001,44.947133400000006 +34011,Prince Crying Doves Mural,-93.53606740000001,44.860937500000006 +34012,Skol Cafe & Bar,-93.19802170000001,44.8792081 +34013,Mill City Tavern,-93.2068713,44.8797471 +34014,City Point Bar,-93.19988450000001,44.8810647 +34015,Estes Twin Cities News,-93.2009534,44.880540800000006 +34016,Tagliare,-93.20657770000001,44.8797343 +34017,Altitude,-93.2063667,44.879650500000004 +34018,Shoe Shine,-93.20563750000001,44.8827909 +34019,MinniBar,-93.20640080000001,44.879549600000004 +34020,Delta Sky Club,-93.20538420000001,44.8829056 +34021,Inspired Life + Art,-93.2061474,44.8830606 +34022,Cibo Express,-93.2080406,44.8802588 +34023,Thomson Reuters Concourse C Art Gallery,-93.2065726,44.883273900000006 +34024,Vino Volo,-93.2074812,44.8836388 +34025,Baggallini,-93.2079271,44.8803653 +34026,PGA Golf Experience,-93.21109200000001,44.8845541 +34027,iStore,-93.2109952,44.8841909 +34028,Twinburger,-93.2066894,44.879784 +34029,Tumi,-93.2110536,44.8841344 +34030,Chili's,-93.2117425,44.8836566 +34031,Cibo Express,-93.2064488,44.8796886 +34032,Sunglass Hut,-93.211588,44.883036100000005 +34033,World Bean,-93.20662270000001,44.8796777 +34034,Travelex,-93.20971,44.8845097 +34035,Adrenaline,-93.2110861,44.8840956 +34036,CVS Pharmacy,-93.199903,44.880050700000005 +34037,Swarovski,-93.21143330000001,44.883674400000004 +34038,Hammer Made,-93.2117106,44.8836906 +34039,Starbucks,-93.21195750000001,44.8833746 +34040,The Blue Door Pub,-93.2009099,44.8807302 +34041,Flirt Boutique,-93.2117273,44.883337600000004 +34042,Jetset News,-93.21354430000001,44.8831652 +34043,Lake Wine Market,-93.2114085,44.8842286 +34044,Camden Food Company,-93.21335350000001,44.8831265 +34045,Peoples Organic,-93.214436,44.8835758 +34046,Chick-fil-A,-93.21454010000001,44.8835965 +34047,MSP Duty Free,-93.2101746,44.8848581 +34048,Kiehl's,-93.2111344,44.8840482 +34049,Rocky Mountain Chocolate Factory,-93.2113185,44.884328100000005 +34050,Escape Lounge,-93.2113959,44.8843681 +34051,North Loop Market,-93.2113382,44.8837753 +34052,Frivolous,-93.2113657,44.8842821 +34053,Johnston & Murphy,-93.2116646,44.8837679 +34054,Aveda,-93.2116881,44.8837278 +34055,Twin Spirits Distillery &M Coffee Shop,-93.2468805,45.021314200000006 +34056,Dunkin',-93.21148360000001,44.8836205 +34057,Black Sheep,-93.2116046,44.883500700000006 +34058,Thomson Reuters Main Mall Gallery,-93.211855,44.8835124 +34059,Hudson,-93.21177030000001,44.8832761 +34060,Open Book,-93.2116893,44.8833768 +34061,Whalen's at Westfield,-91.67636610000001,44.054602700000004 +34062,Minnesota Land of Nice,-93.2116479,44.88344 +34063,New Stand,-93.2125718,44.885123400000005 +34064,Jones Accounting & Tax Service,-94.09442340000001,46.4112522 +34065,Estes Twin Cities News,-93.2130417,44.8854552 +34066,Salty Tart Bakery,-93.2123864,44.884981 +34067,Qdoba,-93.21278310000001,44.8850763 +34068,United Club,-93.2129199,44.8853688 +34069,Shoe Shine,-93.21162070000001,44.8845315 +34070,Holy Land Express,-93.21230870000001,44.884994400000004 +34071,Moose Lake Community School,-92.75993960000001,46.4297333 +34072,Red Cow,-93.2124624,44.8850904 +34073,Angel Food Bakery & Donut Bar,-93.212677,44.885018300000006 +34074,Pittsburgh Blue Steakhouse,-92.4627578,44.0233141 +34075,MSP Duty Free,-93.2123292,44.882620200000005 +34076,Uptown Minnesota,-93.2125831,44.8823981 +34077,Shoyu,-93.21180960000001,44.882064 +34078,Starbucks,-93.54289370000001,44.861574600000004 +34079,Kid's Hair,-93.5449299,44.8636879 +34080,Fro Yo A Go Go,-93.2123222,44.8820081 +34081,The Original Mattres Factory,-93.5451266,44.863732500000005 +34082,MinniBar,-93.2120725,44.8818804 +34083,Rey Azteca,-93.5400534,44.860783600000005 +34084,Papa Murphy's,-93.5400534,44.8607041 +34085,Prince,-93.211821,44.8827926 +34086,Chanhassen Floral,-93.540062,44.860631600000005 +34087,Supercuts,-93.5400577,44.860571400000005 +34088,Best Cleaners,-93.54005480000001,44.860517400000006 +34089,Furnishare,-93.54001170000001,44.8603419 +34090,Chuck & Don's Pet Food & Supplies,-93.5386953,44.8618997 +34091,Nail Gallery & More,-93.5384217,44.8618997 +34092,Americana Community Bank,-93.53746980000001,44.860752000000005 +34093,Greenleaf Vape & Tobacco,-93.5370941,44.8607499 +34094,Bluff Creek Dental,-93.536681,44.8608295 +34095,Travelex,-93.2120522,44.8824721 +34096,Pizzaioli,-93.5356917,44.862727400000004 +34097,Cibo Express Food Hall,-93.2125901,44.882236600000006 +34098,Na's Thai Cafe,-93.53503280000001,44.862713500000005 +34099,Salon Concepts,-93.5353295,44.862730500000005 +34100,Mimosa,-93.21278450000001,44.8821487 +34101,MacPhail,-93.5326917,44.8623126 +34102,Domino's Pizza,-93.5313053,44.8626092 +34103,Shoe Shine,-93.21183500000001,44.881937300000004 +34104,Lotus Lake Gifts & Decor,-93.5318096,44.862608 +34105,Cibo Express,-93.21045790000001,44.8813765 +34106,EdgeTek Hockey,-93.53155930000001,44.8626197 +34107,MSP To Go,-93.2118525,44.882691300000005 +34108,The Chiroport Chiropractic,-93.2106495,44.8814702 +34109,ABC Toy Zone,-93.5431662,44.863489400000006 +34110,GNC,-93.5429143,44.863549600000006 +34111,Smack Shack,-93.21201020000001,44.8832967 +34112,Great Clips,-93.54255730000001,44.8635353 +34113,Travel Advisors International;Pilgrim Dry Cleaners,-93.5427848,44.863547600000004 +34114,Caribou Coffee,-93.21320800000001,44.8832535 +34115,Palm Beach Tan,-93.5335151,44.859886200000005 +34116,Subway,-92.7500911,46.4345155 +34117,Soya Sushi & Grill,-93.5333634,44.859955500000005 +34118,Hour Glass Cleaners,-93.5332056,44.860021200000006 +34119,HockeyStop,-93.532148,44.860175600000005 +34120,Chanhassen Welcome Monument,-93.5309378,44.860991000000006 +34121,McDonald's,-92.74891090000001,46.4351514 +34122,Gateway Family Health Clinic,-92.7762112,46.441746200000004 +34123,Red Fox Campground & RV Park,-92.7495761,46.4328407 +34124,Emergency Entrance,-92.77449320000001,46.440988100000006 +34125,Mercy Hospital,-92.77338010000001,46.4411951 +34126,Augustana Care Health & Rehabilitation,-92.7732989,46.442021000000004 +34127,Main Entrance,-92.7740229,46.441074400000005 +34128,Potbelly,-92.50155430000001,44.062473600000004 +34129,Leeann Chin,-92.50154380000001,44.0627353 +34130,Moose Lake Brewing & Tap Room,-92.7677038,46.4475563 +34131,Augustana Kenwood Place Apartments,-92.77364220000001,46.4425478 +34132,Mercy Wellness Center,-92.7687016,46.448234600000006 +34133,Thrifty White Pharmacy,-92.767795,46.449493100000005 +34134,Dairy Queen,-92.76536220000001,46.4506998 +34135,Willard Munger Trail Parking,-92.7760731,46.443105300000006 +34136,Arne Wellness Center,-93.45579430000001,44.970172500000004 +34137,School Bus Garage,-92.76119220000001,46.431569200000006 +34138,Willard Munger Trail Parking,-92.7649179,46.4527665 +34139,MN/DOT Truck Station,-92.7608316,46.435441600000004 +34140,Oak Lake RV Sales & Service,-92.76310740000001,46.433711200000005 +34141,Main Entrance,-92.7585169,46.440840800000004 +34142,The Waters of Excelsior,-93.57053420000001,44.897649400000006 +34143,Pique Travel,-93.5683482,44.902348700000005 +34144,Taco Bell,-93.2826924,44.691829000000006 +34145,Anytime Fitness,-97.01955190000001,47.9353081 +34146,Long John Silver's,-93.28255610000001,44.6918457 +34147,Cherry Berry,-97.0193763,47.935138900000005 +34148,Bloomquist Construction,-90.1215792,47.816974800000004 +34149,iBeach Tan,-97.0197081,47.935262400000006 +34150,Boyd Peterson Painting & Wallcovering,-92.8772567,45.3484959 +34151,Impact Hub,-93.22594690000001,44.973756 +34152,Mr. Waffle Dessert,-93.22328420000001,44.973129400000005 +34153,UMN Tobacco Research Programs,-93.2277933,44.972777900000004 +34154,University of Minnesota Center for Neurobehavioral Development,-93.2280874,44.9727733 +34155,University Police Department,-93.23117380000001,44.973894200000004 +34156,Program in Health Disparities Research,-93.2277837,44.9728921 +34157,Haiku Japanese Bistro,-93.22935770000001,44.9735242 +34158,Panda Express,-93.2351313,44.9729466 +34159,Chick-fil-A,-93.23514660000001,44.9729284 +34160,TopGolf Swing Suites,-93.22991,44.974234900000006 +34161,Jamba,-93.2350746,44.9729347 +34162,Whole Music Club,-93.2352716,44.9728598 +34163,Marcoux,-96.26730160000001,47.7601232 +34164,University of Minnesota Bookstores,-93.2353599,44.9729201 +34165,Coffman Memorial Union Theater,-93.23508410000001,44.9727161 +34166,Goldy's Gameroom,-93.235808,44.9729292 +34167,West Duluth Branch Library,-92.17157900000001,46.7369403 +34168,Housing and Residential Life,-93.23652790000001,44.9722231 +34169,United States Post Office,-93.2362291,44.973348400000006 +34170,Starbucks,-93.23614660000001,44.973360400000004 +34171,Verizon,-93.20040010000001,44.7325481 +34172,CVS Pharmacy,-92.1584177,46.7459009 +34173,Mattress Giant,-93.2007085,44.732567100000004 +34174,AMF Southtown Lanes,-93.303098,44.859385200000006 +34175,GameStop,-93.30688140000001,44.8605846 +34176,Carter's,-93.30414350000001,44.8596323 +34177,Massage Envy,-93.3041376,44.859805 +34178,Famous Footwear,-93.30411910000001,44.859948100000004 +34179,GNC,-93.3070204,44.8605887 +34180,Restwell Mattress Factory,-93.3041312,44.8600244 +34181,Christopher & Banks,-93.3041508,44.8601078 +34182,The UPS Store,-93.3080077,44.860961700000004 +34183,Travel Leaders,-93.30415310000001,44.860184200000006 +34184,Sally Beauty,-93.30668630000001,44.8605615 +34185,Verizon,-93.3078569,44.860968 +34186,Great Clips,-93.3067632,44.8605741 +34187,Sport Clips,-93.30766480000001,44.860968 +34188,Salon Oriana,-93.3075879,44.8609869 +34189,Café Cerés,-93.3244884,44.9230287 +34190,Schuler Shoes,-93.3076175,44.8594656 +34191,Southtown Nails,-93.30735440000001,44.8594572 +34192,Global Minnesota,-93.22935410000001,44.9768191 +34193,Party City,-93.307044,44.8594719 +34194,Sojourn Campus Church,-93.2304428,44.9775617 +34195,Chi Omega Sorority,-93.2318788,44.9779247 +34196,TJ Maxx,-93.30624,44.8594992 +34197,Phi Mu Sorority,-93.2320313,44.9779946 +34198,Guitar Center,-93.3055453,44.8594677 +34199,Fireside Market,-93.22170360000001,44.9781033 +34200,Center for Clinical Imaging Research,-93.224412,44.9792186 +34201,H&R Block,-93.3060123,44.8594929 +34202,T-Mobile,-93.3093616,44.859365000000004 +34203,Bassett Creek Outflow (historic),-93.2731583,44.990529 +34204,The Rookery,-93.1082528,45.178382000000006 +34205,Twin Pines Imprinting,-93.23538570000001,45.112570600000005 +34206,Peoples Organic,-93.4438058,44.9417482 +34207,Banfield Pet Hospital,-93.4250377,44.9339796 +34208,Your Art's Desire,-93.4436311,44.94178 +34209,CosmoProf,-93.4254057,44.934037000000004 +34210,Salons by JC,-93.424732,44.9339628 +34211,Urban Shoetique - Winona,-91.6338602,44.0528612 +34212,St. David's Episcopal Church,-93.4448241,44.9406486 +34213,Mainstream Firearms & Marine,-91.63506890000001,44.0517975 +34214,The Mills Church,-93.4472552,44.9401694 +34215,Minnetonka Mills Park,-93.4485207,44.9412432 +34216,Orange Julius,-94.18735960000001,45.5524313 +34217,Wiessner Agency,-93.1567078,44.933894900000006 +34218,Encore Boutique,-93.15670970000001,44.9340923 +34219,The Original Pancake House,-93.17085390000001,45.016530700000004 +34220,Everest on Grand,-93.1541207,44.939905200000005 +34221,Salon La Tour,-93.1541351,44.9397577 +34222,Lane Bryant,-93.17050520000001,45.0162576 +34223,Ulta Beauty,-93.1706446,45.0163638 +34224,Erberts and Gerberts,-91.63810740000001,44.0526812 +34225,Holtan's Jewelry,-91.63487160000001,44.051760200000004 +34226,Great Hunan,-91.63839130000001,44.052778200000006 +34227,Nate & Ally's,-91.6347882,44.051738 +34228,JimmyJams,-91.63468490000001,44.0517249 +34229,S Jankowski Law Office,-93.4265694,45.094067800000005 +34230,Hardt's Music,-91.63453630000001,44.051700800000006 +34231,Toppers,-91.6340866,44.051582100000005 +34232,Twisted Skull Tattoo,-91.63418580000001,44.051602800000005 +34233,Litin’s Party Value,-93.29220520000001,44.9914501 +34234,Bakers Shoes,-91.63427370000001,44.0516294 +34235,Beno's Deli,-91.6358543,44.0512524 +34236,UMN Global Programs and Strategy Alliance,-93.2321122,44.9787842 +34237,i found a cabnet hinge,-95.9189257,46.8263693 +34238,Code42,-93.2658093,44.9811658 +34239,Jamf,-93.26557720000001,44.9811691 +34240,Penny's Coffee,-93.26607940000001,44.981242800000004 +34241,University of Minnesota Athletics,-93.2326031,44.981618000000005 +34242,D.P. Dough,-93.23471380000001,44.9789565 +34243,Boba King,-93.2358604,44.9801366 +34244,East Bank Communities,-93.23472960000001,44.979172600000005 +34245,Tacos Locos,-93.23453950000001,44.97948 +34246,Zipcar,-93.23434400000001,44.9818616 +34247,Frank from Philly & Andrea Pizza,-93.23724080000001,44.981230000000004 +34248,Gorshe Auto Service,-93.2323056,44.9844634 +34249,Burrito Loco,-93.23650830000001,44.9815404 +34250,Wilderness Inquiry,-93.2320265,44.9845854 +34251,Chatime,-93.23627090000001,44.980185600000006 +34252,1308 5th Street SE Garage,-93.2364196,44.9816562 +34253,MRDR ROOM,-93.2362554,44.9804387 +34254,The Book House,-93.23655830000001,44.980535800000006 +34255,ERIK'S,-93.2366511,44.9806475 +34256,Tasty Pot,-93.2354358,44.981229500000005 +34257,Bank of America,-93.23672450000001,44.980576000000006 +34258,"The ""Big Tree""",-92.5846515,43.8441811 +34259,Immanuel Lutheran Church,-92.5839567,43.8047406 +34260,Tall Tree Campground,-92.58678180000001,43.845938600000004 +34261,Shooting Range,-92.5841274,43.8446367 +34262,Le Pot Chinese Hotpot,-93.23491720000001,44.9819131 +34263,Kung Fu Tea,-93.2348912,44.981943 +34264,Disc Golf,-92.5866233,43.8476933 +34265,Diamond Lake Dental,-93.2877059,44.9052347 +34266,Minnesota National Guard Recruiting Office,-93.2358169,44.982018800000006 +34267,Newman Catholic Campus Ministry,-93.2373926,44.982705100000004 +34268,Church Holy Trinity - St. Anskar,-93.238225,44.9804777 +34269,Mac's,-93.28731110000001,44.9052336 +34270,Miniapple International Montessori Schools,-93.2378621,44.982941600000004 +34271,Title Boxing Club,-93.2885892,44.903446200000005 +34272,Portland House,-93.2384456,44.9836152 +34273,"Dinkytown Rentals, LLC",-93.2378475,44.9836462 +34274,Sport Clips,-93.28858620000001,44.9035828 +34275,The Brow Studio MPLS,-93.2875295,44.905235700000006 +34276,University Lutheran Chapel,-93.241405,44.982156800000006 +34277,Metropolis Design Group,-93.2874268,44.905236300000006 +34278,Twin City Metalseal + Powder Coating,-93.2364175,44.987162500000004 +34279,Maranatha Christian Church,-93.2420302,44.982324600000005 +34280,ChargePoint,-93.2447499,44.974000800000006 +34281,US Steel (MinnTac),-92.6173758,47.5376555 +34282,ChargePoint,-93.2440416,44.974146700000006 +34283,Wells Fargo,-93.2436143,44.972941500000005 +34284,Learning Abroad Center,-93.2438305,44.9716947 +34285,University Archives,-93.243081,44.973292900000004 +34286,West Bank Community Garden,-93.2436112,44.9704338 +34287,Music Library,-93.24176700000001,44.9706841 +34288,U.S. Bank,-93.24337080000001,44.972703800000005 +34289,The Cedar Riverside People's Center Theater,-93.2438474,44.9691496 +34290,Student Legal Service,-93.2433761,44.9724708 +34291,People's Center Clinics & Services,-93.24377530000001,44.9692535 +34292,TCF Bank,-93.24330470000001,44.9723753 +34293,Essentials Restaurant,-93.24337440000001,44.971961900000004 +34294,M Health West Bank Emergency Department,-93.2382541,44.967745300000004 +34295,Bambini's Coffee,-93.23707250000001,44.966832100000005 +34296,Soul Logic,-93.1976968,44.9670611 +34297,Adoption Medicine Clinic,-93.2355266,44.9669012 +34298,Unmapped Brewing Co.,-93.4659161,44.9038255 +34299,Underwood Lions - Winter Ice Racing,-95.873181,46.2879481 +34300,The Copper Cow Kitchen & Bar,-93.46481370000001,44.904148500000005 +34301,Zavoral Monument,-96.9926027,47.901656900000006 +34302,Snap Fitness,-93.1057315,45.0258063 +34303,Lindsay Soft Water,-96.9881347,47.910705400000005 +34304,TNT Outfitters,-97.0268566,47.9290321 +34305,Mike Yanish Gun Repair,-97.01827030000001,47.9260582 +34306,Sacred Heart Catholic Church,-97.02314750000001,47.928013400000005 +34307,Tao Garden,-97.025419,47.9291617 +34308,Veterans of Foreign Wars,-97.02500930000001,47.929391100000004 +34309,American Family Insurance - Marcus Steien,-97.025839,47.929436300000006 +34310,Signature Jewelers,-97.02666210000001,47.928656000000004 +34311,Bully Brew Coffee House,-97.0252622,47.929928000000004 +34312,Knick Knack Paddy Whacks Card,-97.02629200000001,47.928968000000005 +34313,Blue Moose Bar & Grill,-97.0282088,47.9286632 +34314,Little Bangkok,-97.02774980000001,47.928487800000006 +34315,Sanford Health,-97.0211189,47.9341225 +34316,Sickies Garage Burgers & Brews,-97.02724710000001,47.9282927 +34317,Daryeel Grocerys,-97.019828,47.9336028 +34318,Dietrich Sewing Machine Co,-97.0198235,47.933489400000006 +34319,Luigi's Pizza,-97.0173182,47.928375300000006 +34320,Edward Jones - Financial Advisor: Kirk E Zink,-97.0198189,47.933401800000006 +34321,Pop's Liquor,-97.01759290000001,47.928296100000004 +34322,Evergreen Insurance,-97.02056370000001,47.932832100000006 +34323,Retirement Income Strategies,-97.020891,47.932514000000005 +34324,Lulu's Thrift Store,-97.01650190000001,47.9282303 +34325,DeMers Dental,-97.02129810000001,47.932386300000005 +34326,Season's Family Resteraunt,-97.0150222,47.9276313 +34327,Default Insurance,-97.01929410000001,47.939235100000005 +34328,Dairy Queen,-97.0193801,47.9390305 +34329,Glitz Glam and Tan,-97.0193801,47.938536400000004 +34330,Casa Mexico Restaurant,-97.01887,47.9386901 +34331,Louis Martinez Motors,-97.019276,47.938743800000005 +34332,Polk County Social Services Center,-97.01829810000001,47.939592100000006 +34333,OneMain Financial,-97.0192126,47.940639600000004 +34334,Family Dollar,-97.016311,47.9378839 +34335,Salon East,-97.01918040000001,47.9405675 +34336,Mellow Mood,-97.0192239,47.9404623 +34337,Red Pepper East,-97.0192231,47.9403626 +34338,Second Impressions Thrift Store,-97.0192073,47.940201 +34339,O'Reilly Auto Parts,-97.02130620000001,47.937272400000005 +34340,"Hilaac Restaurant, Halal",-97.0118305,47.9400417 +34341,Top Quality Motors Inc,-97.02092440000001,47.9363332 +34342,Reliance Telephone Systems Inc.,-97.0211962,47.9361838 +34343,U-Haul,-97.0192299,47.9421398 +34344,McDonald's,-97.01928740000001,47.937016 +34345,Domino's,-97.01812120000001,47.9370533 +34346,Grand Trailer Sales,-97.0191789,47.9377311 +34347,American Federal Bank,-97.0181948,47.937725400000005 +34348,Subway,-97.01687940000001,47.937867100000005 +34349,Heritage Village,-97.01734640000001,47.94511 +34350,H&R Block,-97.01699020000001,47.937832900000004 +34351,NorthDale Oil Inc,-97.01708140000001,47.9378006 +34352,NORTHERN LIGHTS RAILROAD MUSEUM,-97.01504530000001,47.945132400000006 +34353,Century Properties Inc,-97.0121697,47.943431700000005 +34354,Arbor Glen Appartments,-97.0305206,47.947119 +34355,Good Samaritan Heritage Grove,-97.04126860000001,47.9473873 +34356,Dexter,-92.6951399,43.7119559 +34357,Chipotle,-94.15646790000001,45.5586781 +34358,UnBank Check Cashing & Loans,-93.146258,44.9555242 +34359,Bethany Global University,-93.3714643,44.7959425 +34360,Gloria Butler - State Farm Insurance Agent,-93.504852,44.078719400000004 +34361,Calhoun Beach Framing,-93.30176370000001,44.948231500000006 +34362,Spot Spa Boutique,-93.3024065,44.948517900000006 +34363,Puustelli USA,-93.3031375,44.948523800000004 +34364,Barbette Restaurant & Amusements,-93.30227590000001,44.9485176 +34365,ChargePoint,-93.2059335,44.916282 +34366,Clinic Femina,-93.3030006,44.948523 +34367,Eleni's Tailoring,-93.3027802,44.9485046 +34368,Aurora,-93.30244230000001,44.9482207 +34369,Calhoun Chiropractic Clinic,-93.30190730000001,44.9482274 +34370,Envy Nails,-93.3012611,44.948551200000004 +34371,My Sister,-93.30286380000001,44.9486122 +34372,AutoZone,-93.2644779,45.133175900000005 +34373,Chuck E. Cheese's,-93.2628794,45.133208700000004 +34374,Cub Foods,-93.25730200000001,45.1255241 +34375,Jimmy John's,-93.2593858,45.131476 +34376,Dollar Tree,-93.2575413,45.1310614 +34377,Jackson Hewitt Tax Services,-93.2591537,45.131394500000006 +34378,TNT Nails,-93.2591003,45.1313522 +34379,Roti Modern Mediterranean,-93.229763,44.9735206 +34380,Simpls,-93.2281573,44.9735524 +34381,Pilgrim Cleaners,-93.25898760000001,45.1312986 +34382,D'Amico & Sons,-93.22826690000001,44.9750048 +34383,Metro Denal Care,-93.25809290000001,45.1297392 +34384,Love Power Music & Miracles,-93.2488939,44.9732968 +34385,"Softech International, Inc.",-93.24860290000001,44.973248700000006 +34386,MGM Liquor Warehouse,-93.2583024,45.129522900000005 +34387,Hartley Properties,-93.2490672,44.972494100000006 +34388,Urban Jungle,-93.2483916,44.9731546 +34389,Chipotle,-93.2566876,45.127334100000006 +34390,Universal Travel,-93.24832020000001,44.9731236 +34391,Verizon,-93.25676130000001,45.1273819 +34392,Bullwinkle's Saloon,-93.2480089,44.9729979 +34393,The Comedy Corner Underground,-93.24771030000001,44.972864400000006 +34394,FedEx,-93.2568365,45.127417300000005 +34395,"Aspen Builders & Remodelers, Inc.",-93.24781660000001,44.972714100000005 +34396,GameStop,-93.25689990000001,45.1274475 +34397,Hemisphere Restaurant Partners,-93.2476517,44.972754300000005 +34398,Potbelly,-93.2570017,45.127489100000005 +34399,Kuik-E-Mart,-93.2470291,44.972962900000006 +34400,Ole & Lena,-96.7694522,46.865571 +34401,Flamin Thai Cuisine,-93.2470529,44.9728657 +34402,Hackwith Design House,-93.1961198,44.9644716 +34403,Anderson Commons,-96.770633,46.865249600000006 +34404,The Maize,-96.7700861,46.8654056 +34405,Legal Services State Support,-93.19574200000001,44.962939000000006 +34406,Jewish Community Action,-93.1970333,44.9639831 +34407,Metropolitan Regional Arts Council,-93.19581260000001,44.9628667 +34408,"Cocoon House, LLC.",-93.19676550000001,44.9638335 +34409,Twin Cities Reptiles,-93.19657790000001,44.9637876 +34410,Minnesota Online High School,-93.1954508,44.9626444 +34411,Alarm Products Distributors,-93.19603330000001,44.9649086 +34412,Twin City Janitor Supply,-93.19596720000001,44.9639401 +34413,Minnesota Council of Nonprofits,-93.1955659,44.962457300000004 +34414,Abiding Harmony,-93.1955868,44.963633400000006 +34415,Fastenrite,-93.1972825,44.9623532 +34416,Patrick and Aimee Butler Family Foundation,-93.19694150000001,44.9633801 +34417,Independent Natural Food Retailers Association,-93.19720600000001,44.963452200000006 +34418,Viking Industrial Center,-93.19710330000001,44.9622144 +34419,Minnesota Land Trust,-93.196831,44.963217500000006 +34420,"Scott + Hespen Law, PLLC",-93.197214,44.9632042 +34421,Holbrook & Associates,-93.19738910000001,44.961871900000006 +34422,LawHelpMN,-93.1955815,44.962873900000005 +34423,Forecast Public Art,-93.19612930000001,44.961745300000004 +34424,Allied Medical Training,-93.1963592,44.961733100000004 +34425,Piada Italian Street Food,-92.93325010000001,44.9426986 +34426,National Council on Family Relations,-93.1963808,44.9610761 +34427,Dayton Lawn & Snow,-93.14260320000001,44.947591800000005 +34428,The Improve Group,-93.1962931,44.9611115 +34429,Willow River Water Tower,-92.8297524,46.3153354 +34430,250th Street,-96.76611360000001,45.5456129 +34431,Public Toilet,-92.8407749,46.318107700000006 +34432,Tri Valley Opportunity Council,-97.0215783,47.944346700000004 +34433,Willow River Mercantile (Closed),-92.84180620000001,46.319411800000005 +34434,Corral Bar,-92.8414736,46.319613700000005 +34435,Leisureland RV,-97.0215457,47.9436928 +34436,Mendenhall Presbyterian Church,-97.02734620000001,47.9347982 +34437,Bydal Signs,-97.0211541,47.9451301 +34438,Dahl Funeral Home,-97.0214033,47.9465814 +34439,Douglas Place EGF,-96.9974602,47.937100300000004 +34440,Generations Salon,-97.02274120000001,47.9486574 +34441,D & M Auto Body,-96.9928484,47.9363831 +34442,East Grand Floral,-97.02103890000001,47.940696300000006 +34443,Penumbra Theatre,-93.1231063,44.949378 +34444,M J Flower Co,-97.01939080000001,47.9412548 +34445,Frandsen Bank & Trust,-97.0211335,47.938952400000005 +34446,MPLS MAKE,-93.26351720000001,45.0371863 +34447,Shell,-93.8706569,45.3894759 +34448,Spinal Rehab,-94.16964220000001,45.5909399 +34449,Starbucks,-93.7726973,45.2936582 +34450,Cost Cutters,-94.1668844,45.5888569 +34451,Starbucks,-94.14527000000001,45.565180500000004 +34452,DMC Healing,-94.1659446,45.5606991 +34453,Family First Chiropractic!,-94.23071490000001,45.5513613 +34454,The Home Depot,-94.22251870000001,45.5511373 +34455,Cub Foods,-93.21590970000001,44.9189353 +34456,Hobby Lobby,-94.22135850000001,45.551118 +34457,Texas Roadhouse,-94.22050030000001,45.551050700000005 +34458,Party City,-94.2065891,45.551386400000005 +34459,American Heritage Bank,-94.13643590000001,45.5624534 +34460,Gap,-94.20653300000001,45.5521411 +34461,St. Cloud Family Dentistry,-94.16605000000001,45.5606236 +34462,Franz Hultgren Evenson Attorneys At Law,-94.1661275,45.5607258 +34463,Aflac,-93.9963601,45.447595500000006 +34464,"Allied Chiropractic, P.A.",-94.16594930000001,45.560794 +34465,Church of Christ,-96.6152983,47.7592567 +34466,Sam V. Calvert Law Office,-94.16615990000001,45.560713 +34467,Mullin Wealth Management,-94.166224,45.560624600000004 +34468,D and L Services,-96.1458647,45.8117632 +34469,Little Luxuries Nail Lounge,-93.2987918,44.9484974 +34470,Herman Municipal Liquor Store,-96.14305800000001,45.808523 +34471,AJ’s Gas Station,-96.1433126,45.807988300000005 +34472,First State Bank-Kensington,-96.14282770000001,45.8090411 +34473,Larson Farm Supply,-96.1418168,45.8089741 +34474,ELCA Church,-96.14019800000001,45.8078966 +34475,Herman Review,-96.14136160000001,45.8091248 +34476,Bethlehem Lutheran Church,-96.14011810000001,45.8085171 +34477,Herman City Library,-96.14193590000001,45.808247 +34478,Blue Sky Lodge,-96.1433116,45.808772600000005 +34479,St. Charles Church,-96.13852720000001,45.805027300000006 +34480,United Methodist Church of Herman,-96.1393613,45.8088391 +34481,Mackinze's Market and Deli,-96.1429901,45.8083491 +34482,Eden Reformed Church,-96.1417409,45.811485100000006 +34483,Trinity Lutheran Church,-96.04866750000001,45.5719111 +34484,Donnelly Fire Department,-96.0108122,45.690563000000004 +34485,St John's Lutheran Church,-96.010368,45.689569500000005 +34486,Starbucks,-93.28881100000001,44.864799700000006 +34487,Fults Repair,-96.0472821,45.5729757 +34488,Noodles & Company,-93.28856520000001,44.8639335 +34489,Quicksilver Express Courier,-93.09180260000001,45.0240525 +34490,Sarpino's Pizzeria,-93.28868600000001,44.864262800000006 +34491,Potbelly,-93.2887329,44.864029900000006 +34492,Kekekabic Trail Gunflint Trail Trailhead,-90.8240337,48.0894239 +34493,Chipotle,-93.28881200000001,44.863972800000006 +34494,Old mine shaft,-90.86519480000001,48.086723000000006 +34495,Kirkland's,-92.4599901,43.988566000000006 +34496,St Mary's Catholic Church,-96.1807964,45.5721897 +34497,Gunflint Lookout Tower site,-90.84549670000001,48.0909513 +34498,Dacotah Bank,-96.1743017,45.5739378 +34499,Federated Telephone Coop,-96.17127070000001,45.5715841 +34500,Our Savior's Lutheran Church,-96.170473,45.5719988 +34501,Kekekabic Lookout Tower site,-91.1451423,48.065633600000005 +34502,Spaulding's Sports Bar,-96.1742909,45.5750911 +34503,Steve's Body Shop,-96.1737394,45.575202700000006 +34504,Don's Alleys,-96.4307831,45.57058 +34505,Tri-County Co-Op Oil Association,-96.17423980000001,45.5715577 +34506,Wolf House,-96.4342994,45.568187300000005 +34507,Tri-County Coop C-store,-96.43082770000001,45.571352600000004 +34508,Lewis Family Drug,-96.4356418,45.568249 +34509,Murray's Garage,-96.43313930000001,45.571446900000005 +34510,Holy Rosary Church,-96.4376355,45.567705600000004 +34511,Congregational United Church,-96.43447210000001,45.5698146 +34512,The Flower Box,-96.43517720000001,45.5686211 +34513,Star Bank Graceville,-96.43525980000001,45.5681385 +34514,Graceville Bar & Lounge,-96.43456230000001,45.568164700000004 +34515,Polk County Court Administration,-96.62840030000001,47.769147700000005 +34516,Farrell's Extreme Bodyshaping,-93.2814422,44.9863413 +34517,Jerry's Truck & Tractor Services,-96.6218456,47.7705944 +34518,Ampride,-96.62936160000001,47.766507600000004 +34519,Thomforde Garden Center,-96.6232313,47.7697887 +34520,"Kustom Kollision and Auto Glass Center - auto body repair, collision repair",-96.628129,47.767107700000004 +34521,Black Walnut Bakery,-93.2981761,44.9448827 +34522,Altru Clinic,-96.6187594,47.773013500000005 +34523,Stenshoel-Houske Funeral & Cremation Service,-96.6173196,47.770687300000006 +34524,impulse Juice Company,-93.298489,44.9448767 +34525,Eyedeals,-93.2985008,44.9468782 +34526,Polk County Developmental Center,-96.61260270000001,47.758579700000006 +34527,See Eyewear,-93.2985096,44.947194200000006 +34528,Sephora,-93.29810590000001,44.9479107 +34529,Knutson's Woodcraft Shop,-96.61917530000001,47.7613464 +34530,Our Lady of Sorrow Church,-96.5994029,47.7671165 +34531,Todd's Tire Services Inc,-96.59121230000001,47.76153 +34532,Happy Joe's Pizza & Ice Cream - Crookston,-96.5968682,47.765897700000004 +34533,Christian Brothers Ford,-96.5887101,47.7611003 +34534,Mcbride's Automotive,-96.6021281,47.760751000000006 +34535,A & L Auto Body Shop,-96.60573670000001,47.7609666 +34536,Christian Reformed Church,-96.59703130000001,47.766356900000005 +34537,H N Quality Plumbing,-96.62637570000001,47.7634148 +34538,Paddy & Paul's,-96.5988908,47.767726 +34539,Head East Salon,-96.5994211,47.7681741 +34540,New Flyer of America Inc,-96.62383240000001,47.763403800000006 +34541,Eickhof Columbaria Inc.,-96.6244358,47.7647485 +34542,B & E Meats,-96.62282660000001,47.7643131 +34543,Recycling Center-Odc Inc,-96.6248041,47.7608673 +34544,Saron Free Lutheran Church,-96.0074166,47.7272035 +34545,Oak Court Apartments,-96.6099463,47.776580200000005 +34546,Anderson Beverages,-96.6241188,47.768118 +34547,Schumacher's Car Care Center,-96.6191701,47.7687724 +34548,Dale's Grocery,-96.2587991,47.078996700000005 +34549,Service Pro Parts Inc,-96.6215327,47.769054100000005 +34550,Mike's Muffler Stop,-96.6222797,47.7682815 +34551,Crookston Building Ctr.,-96.62310040000001,47.76719730000001 +34552,Best Used Trucks of Mn,-96.6261473,47.766408500000004 +34553,Viking Sword Museum,-96.25939380000001,47.079653900000004 +34554,Hawley Alliance Church,-96.31575430000001,46.8869691 +34555,Ulen Municipal Liquor Store,-96.25962220000001,47.074985000000005 +34556,Speedy Plumbing Service Inc,-96.31309800000001,46.882724700000004 +34557,Nelson Brothers Racing,-96.3087655,46.8860681 +34558,West Central Convenience Store,-96.2595711,47.076265400000004 +34559,Hawley Lanes,-96.3158209,46.881151200000005 +34560,Ulen Standard,-96.2587106,47.0769329 +34561,Whistle Stop,-96.3172468,46.881228 +34562,Living Grace Lutheran Church,-96.3172066,46.8810318 +34563,Wahl General,-96.31713950000001,46.880830100000004 +34564,Valley Premier Bank,-96.31670770000001,46.881550600000004 +34565,Ebirdseed.Com,-96.31744800000001,46.880891600000005 +34566,Mickelson Body Shop,-96.31755240000001,46.880756000000005 +34567,Hawley City Hall,-96.316592,46.8796486 +34568,Ulen Building Supplies Inc,-96.2585217,47.0786165 +34569,Knutson Shop,-96.31633790000001,46.8805204 +34570,Northwestern Bank,-96.25927630000001,47.0786188 +34571,Mandolin Craft Shop,-96.3165431,46.8809631 +34572,Community Center,-96.3150243,46.881368200000004 +34573,Calvary Lutheran Church,-96.2594421,47.081219000000004 +34574,Hawley Area Fire Department,-96.3152032,46.881680800000005 +34575,Viking Manor Nursing Home,-96.2597341,47.083149500000005 +34576,Spot Lite Bar,-96.31568850000001,46.8788794 +34577,American Family Insurance - Brent Berg Agency Inc,-96.3162989,46.878862000000005 +34578,Wahl Drug,-96.26015890000001,47.0827869 +34579,Hawleywood Hair Salon,-96.3164838,46.879203200000006 +34580,Ulen Locker,-96.2576178,47.0791953 +34581,Carl's Lefse,-96.31664710000001,46.8780933 +34582,Vickie Hansen Hair Styling,-96.2490016,47.0782827 +34583,Hawley Herald,-96.315933,46.878038000000004 +34584,Bethlehem Lutheran Church,-96.2554808,47.079013 +34585,Clay County Union,-96.31610060000001,46.877957800000004 +34586,Multi-Mile Tires,-96.31622060000001,46.8775266 +34587,Hefty Seed Company,-96.2805708,47.0794216 +34588,Roger's Repair,-96.3159614,46.8776208 +34589,Hawley Lutheran Church,-96.3197662,46.8817984 +34590,Scott's Auto Sales,-96.3183412,46.8778105 +34591,Lloyd's Auto Sales,-96.3176602,46.877549300000005 +34592,Hls Rural Lutheran Ministry,-96.3174913,46.881492900000005 +34593,Tarps 'R' Uss,-96.3019766,46.8780572 +34594,Muscatell-Burns Ford,-96.3202524,46.876365 +34595,Unique Design Gifts & Signs,-96.3035085,46.8779115 +34596,Hawley Golf Club,-96.3112789,46.873791000000004 +34597,Little Caesars,-94.90227390000001,47.492581400000006 +34598,Kohl's,-94.900861,47.494762800000004 +34599,GNC,-94.90020080000001,47.494683900000005 +34600,Terra Reflections,-94.900394,47.4947546 +34601,Verizon,-94.9017991,47.4926705 +34602,CosmoProf,-94.9002028,47.494539200000006 +34603,Riddle's Jewelry,-94.8997202,47.494705200000006 +34604,The Fast Lane Car Wash,-94.90444520000001,47.4928381 +34605,Dairy Queen,-94.8997161,47.4949182 +34606,Tradehome Shoes,-94.89948960000001,47.495035400000006 +34607,Star Nail,-94.9046938,47.493462 +34608,Famous Footwear,-94.8993585,47.4946697 +34609,Big Apple Bagels,-94.9046977,47.4935891 +34610,N Y Nails,-94.89971390000001,47.494548200000004 +34611,Christopher & Banks,-94.89951450000001,47.4947656 +34612,Del Sol Tanning,-94.9046883,47.492902 +34613,Maurices,-94.8992613,47.4949839 +34614,rue21,-94.8986095,47.4946958 +34615,Glik's,-94.8990146,47.494732000000006 +34616,Century 21 Dickinson Realtors,-94.8956096,47.4920446 +34617,Chalet Car Wash,-94.88902390000001,47.4914329 +34618,Travel Chalet,-94.88937960000001,47.4911857 +34619,Domino's Pizza,-94.8886885,47.4911418 +34620,Cenex,-94.8879314,47.491263100000005 +34621,Ideal Pawn,-94.88390580000001,47.4911887 +34622,Cyclops Ink,-94.90469300000001,47.4933422 +34623,The UPS Store,-94.88257700000001,47.491176100000004 +34624,Medsave - Friendly Family Pharmacy,-94.88258400000001,47.491475900000005 +34625,Sheila Johnson Reality Group,-94.90469300000001,47.4932018 +34626,Detail Plus,-94.88211550000001,47.491131200000005 +34627,MedExpress - Urgent Care,-94.8803881,47.491421200000005 +34628,Rod's Specialty Meats,-94.9052954,47.4936732 +34629,Sintec Audio,-94.8858598,47.490185800000006 +34630,Simonson Market Cafe,-94.906197,47.49375250000001 +34631,Papa Murphy's,-94.8876613,47.490580200000004 +34632,Kut-N-Style,-94.887397,47.490490900000005 +34633,American Family Insurance - Todd Gabrelcik Agency Inc.,-94.90635230000001,47.493255500000004 +34634,Real Living - First Realty,-94.887521,47.490539000000005 +34635,Destination Sporting Goods,-94.88697810000001,47.490593100000005 +34636,AT&T,-94.90620480000001,47.493324300000005 +34637,Larry's Machine Shop,-94.8878863,47.490099900000004 +34638,Planned Parenthood,-94.906186,47.493139500000005 +34639,Thrivant Financial,-94.8881011,47.4901883 +34640,Smokes4less,-94.88795800000001,47.490669000000004 +34641,Cherry Berry-Bemidji,-94.9063335,47.4929457 +34642,Stittsworth Meats,-94.8898542,47.4906244 +34643,United Way,-94.8894264,47.4906397 +34644,Pet Zone,-94.9062651,47.4927122 +34645,Glass Doctor of Bemidji,-94.89150740000001,47.490507300000004 +34646,Anytime Fitness,-94.90580510000001,47.492716900000005 +34647,TM Autosports,-94.89100300000001,47.490643000000006 +34648,Edward Jones,-94.89479130000001,47.490875700000004 +34649,Bemidji Fusion,-94.9075497,47.492439600000004 +34650,Jackson Hewitt,-94.8947893,47.4909691 +34651,Thrifty Kids,-94.89479130000001,47.4910529 +34652,Netzer's Floral,-94.9075107,47.4922483 +34653,Metro by T-Mobile,-94.8947893,47.4911559 +34654,Doherty Staffing Solutions,-94.8947888,47.490782300000006 +34655,Market Place Foods,-94.9079107,47.4924635 +34656,Citizens State Bank-Midwest,-94.8951911,47.4910378 +34657,KFC,-94.8979307,47.4912447 +34658,Sally Beauty,-94.9083318,47.4927338 +34659,Auto Value Bemidji,-94.8989399,47.4918472 +34660,TJ Maxx,-94.9093405,47.4930686 +34661,Treknorth High School,-94.90099000000001,47.492197000000004 +34662,HRP Small Engine and Powersports Repair,-94.89977800000001,47.4906522 +34663,OfficeMax,-94.90894060000001,47.492874900000004 +34664,Shoe Dept. Encore,-94.90871410000001,47.492688300000005 +34665,Seventh-day Adventist Clothing Center,-94.8915729,47.4827851 +34666,Starbucks,-94.9102328,47.493469600000005 +34667,Dermatology Professionals,-94.91390600000001,47.491204100000004 +34668,Bemidji Driving School,-94.8791903,47.4835294 +34669,Bemidji Orthodontics,-94.91255620000001,47.490838700000005 +34670,"Higgins Heating, Air Conditioning & Refrigeration, Inc.",-94.8793048,47.4851055 +34671,Headwaters Dental,-94.91332460000001,47.4908524 +34672,House of Prayer Bemidji,-94.8756134,47.485086 +34673,Sherwin-Williams,-94.912779,47.4925001 +34674,Bemidji Area Indian Health Services,-94.8823443,47.4734417 +34675,NAPA Auto Parts,-94.9125406,47.491838400000006 +34676,Bemidji School District,-94.8823165,47.4728823 +34677,Tires Plus,-94.91245070000001,47.493640000000006 +34678,Pine County Insurance,-94.8815313,47.472989000000005 +34679,"Miller McDonald, Inc.",-94.8814926,47.473162200000004 +34680,HotSpring Spas & Pool Tables 2,-94.91192330000001,47.494435800000005 +34681,Edward Jones,-94.8814803,47.473071600000004 +34682,GameStop,-94.9122387,47.496839400000006 +34683,Century Link,-94.8814524,47.4737774 +34684,First Presbyterian Church,-94.8831629,47.4728311 +34685,"Fuller, Wallner, Cayko & Pederson",-94.88396700000001,47.473343 +34686,Headwaters Music & Arts,-94.8831255,47.4733457 +34687,Wild Hare Bistro and Coffee House,-94.8830502,47.4735378 +34688,Calvary Chapel,-94.8850781,47.472973100000004 +34689,Housing & Redevelopment Auth,-94.8850678,47.474124700000004 +34690,Aspen Dental,-94.91232550000001,47.4969017 +34691,Bemidji Woolen Mills,-94.8857607,47.4709142 +34692,Cricket Wireless,-94.9126497,47.4969369 +34693,Hair Naturally,-94.9125071,47.496878900000006 +34694,Grandma's Attic Antiques,-94.88631640000001,47.470165900000005 +34695,Ink Spot Press & Office Stuff,-94.88595280000001,47.4703491 +34696,Minnesota Department of Health,-94.88900240000001,47.4730755 +34697,Vickie's Nail Express,-94.8859343,47.4701284 +34698,Clearwater Cottage,-94.88580900000001,47.4707093 +34699,North Country Skateshop,-94.8823404,47.471422600000004 +34700,Kiku Bistro,-93.2980168,44.951194900000004 +34701,Uptown Association,-93.29807740000001,44.9513971 +34702,"Upper Mississippi Mental Health Center, Inc.",-94.89037920000001,47.482811100000006 +34703,Pine Tree Apartments,-94.8900811,47.483520500000004 +34704,Anytime Fitness,-93.1055851,45.0218434 +34705,Touch of Home,-94.88927170000001,47.485205400000005 +34706,Midland Terrace,-93.12826820000001,45.0478084 +34707,Delton Manor Apartments,-94.8915216,47.4873837 +34708,St Bartholomew's Church,-94.8849309,47.4865681 +34709,Lake Park Liquor Store,-96.09496870000001,46.876712000000005 +34710,Dollar General,-96.09640940000001,46.876173300000005 +34711,Potbelly,-93.29805060000001,44.9518052 +34712,Community Coops - Auto Repair,-96.0996618,46.876603200000005 +34713,Hot Stuff Pizza,-96.1001835,46.8763579 +34714,Brass Knuckle Tattoo Studio,-93.2980761,44.951359200000006 +34715,Community Co-op - Cenex,-96.1003163,46.876264500000005 +34716,im=x Pilates,-93.2980527,44.9517186 +34717,"Gibson Energy, INC - CHS",-96.0994575,46.8760464 +34718,Midwest Rod & Custom,-96.09200750000001,46.874434 +34719,Lake Park Fire Department,-96.09527630000001,46.886134000000006 +34720,Marsh Auto Body,-96.0913129,46.874340100000005 +34721,Old Skool Malt Shoppe,-96.094261,46.8776895 +34722,Casey's General Store,-96.0962865,46.8780768 +34723,Redbox,-96.09623640000001,46.878016300000006 +34724,Lake Park Cafe,-96.0950791,46.886368100000006 +34725,St Francis Xavier Catholic Church,-96.09577110000001,46.8800321 +34726,Lake Park Audubon Schools,-96.097959,46.8819068 +34727,Lake Park City Police Department,-96.09457400000001,46.8863416 +34728,United States Post Office,-96.09455600000001,46.8864389 +34729,Classic Plus Auto,-96.09458350000001,46.877667300000006 +34730,Jeff's Food Center,-96.0951253,46.8857317 +34731,R & R Transportation Inc,-96.0949243,46.8777793 +34732,State Bank of Lake Park,-96.0946093,46.8855349 +34733,Wright Funeral Home & Cremation Service,-96.0950507,46.886744400000005 +34734,Essentia Health St. Mary's-Lake Park Clinic,-96.0929814,46.8859781 +34735,Lake Park City Clerk,-96.0950289,46.8869066 +34736,Lake Park LINK Site,-96.09296950000001,46.886077500000006 +34737,Lake Park Laundromat,-96.0951812,46.887024200000006 +34738,Lake Park Lutheran Church,-96.0950378,46.8905539 +34739,Park Village,-96.09286700000001,46.8856538 +34740,Bald Man Brewing,-93.21108500000001,44.819562600000005 +34741,Hayes' Public House Brewery & Taproom,-93.87471140000001,45.1706821 +34742,Barrel Theory Beer Company,-93.088237,44.950901300000005 +34743,Blue Wolf Brewing Company,-93.3066287,45.1092923 +34744,Beaver Island Brewing Company,-94.156902,45.558429000000004 +34745,Broken Clock Brewing Cooperative,-93.2704885,45.025201300000006 +34746,Bent Brewstillery,-93.1738299,45.0245441 +34747,Clockwerks Brewing,-93.2723904,44.9808941 +34748,Foxhole Brewhouse,-95.04767340000001,45.1208261 +34749,Cuyuna Brewing Company,-93.95213170000001,46.482637800000006 +34750,Clutch Brewing Company,-93.12479230000001,44.928738800000005 +34751,Jack Pine Brewery,-94.25279210000001,46.377676900000004 +34752,Goat Ridge Brewing Company,-94.9446375,45.3011366 +34753,Lake Superior Brewing Company,-92.13336260000001,46.761060400000005 +34754,ENKI Brewing Company,-93.65642150000001,44.8613815 +34755,LTD Brewing Co.,-93.4099264,44.924744000000004 +34756,Three Twenty Brewing Co.,-92.9704198,45.826070300000005 +34757,Lupulin Brewing,-93.73959260000001,45.331654 +34758,Montgomery Brewing Company,-93.58312480000001,44.4414646 +34759,Lookout Mountain,-90.54039300000001,47.7136209 +34760,Namaste India Grill & Brewhouse,-93.1485478,45.052093400000004 +34761,Red Wing Brewery,-92.5473499,44.562604400000005 +34762,Revelation Ale Works,-96.94618320000001,48.774513000000006 +34763,Rustech Brewing Company,-93.7956286,45.3059177 +34764,Schram Vineyards Winery & Brewery,-93.744731,44.8434656 +34765,Backpack Campsite BP5,-90.5406801,47.713502000000005 +34766,Backpack Campsite BP1,-90.49438090000001,47.7133248 +34767,Aftenro Home,-92.09100880000001,46.8145352 +34768,Backpack Campsite BP3,-90.5172941,47.7200155 +34769,Backpack Campsite BP4,-90.5203874,47.7153508 +34770,White Bear Mini Storage,-93.00145970000001,45.1205185 +34771,Backpack Campsite BP2,-90.5093147,47.7211714 +34772,Moose Moutain,-90.5093643,47.721045200000006 +34773,Marathon - Bald Eagle Quick Stop,-93.0027805,45.1222152 +34774,Holiday,-93.0025241,45.123307600000004 +34775,CloudX,-92.99052350000001,45.5115501 +34776,Oak Shore Park,-93.00725870000001,45.135069400000006 +34777,Gallivan Insurance Agency,-93.0011748,45.1306413 +34778,Alakef Coffee Roasters Ic,-92.08079400000001,46.799928900000005 +34779,National Bank of Commerce,-92.0812729,46.799579200000004 +34780,Paulson & Clark Electrical Engineering,-92.9987071,45.1233063 +34781,Chester Creek Community Garden,-92.0898389,46.807794200000004 +34782,Oneka Ridge Golf Course,-92.990285,45.127129100000005 +34783,Peace United Church of Christ,-92.0976933,46.804629500000004 +34784,Willy McCoys,-93.39085060000001,45.1789633 +34785,Rathskeller,-92.09537540000001,46.7884758 +34786,Little Caesars,-93.3935476,45.1802883 +34787,Higgins Overlook,-92.1088979,46.7792053 +34788,"The Frog Pond, Bar and Grill",-96.6006799,48.6612753 +34789,Goodland Community Center,-93.1388338,47.162512500000005 +34790,Goodland Community Church,-93.1384744,47.1607453 +34791,NorShor Theatre,-92.094937,46.788869700000006 +34792,Fred's,-93.13660630000001,47.160666400000004 +34793,Head of the Rapids,-92.6956237,45.9039781 +34794,Helga Town Hall,-94.8225896,47.366401700000004 +34795,Little Yellow Banks,-92.54164970000001,45.9753923 +34796,Plantagenet Lake North State Water Access Site,-94.90848030000001,47.4106299 +34797,Doris A. Kemp Park,-93.3913464,45.181119300000006 +34798,Chili Lime,-93.3934097,45.1802511 +34799,Central Minnesota Vapor,-93.39330000000001,45.180221200000005 +34800,Lady Bug Pottery and Parties,-93.39318320000001,45.180168800000004 +34801,Dollar Tree,-93.3944166,45.1795069 +34802,Pizza Ranch,-93.3943845,45.179063500000005 +34803,Pour! Wine Bar & Bistro,-93.3943466,45.178691900000004 +34804,Ace Hardware,-93.394309,45.1784273 +34805,PawsUp4You LLC,-93.57971660000001,45.5627562 +34806,O'Reilly Auto Parts,-93.3943036,45.178242000000004 +34807,Fresenius Kidney Care,-93.3942554,45.1779962 +34808,St Croix NSR-Snake River Landing,-92.76476050000001,45.8233734 +34809,Family Pathways Thrift Store,-93.58140030000001,45.561667500000006 +34810,Dairy Queen,-93.58044450000001,45.567656400000004 +34811,Holiday,-93.57975540000001,45.5660615 +34812,Technical High School,-94.1652667,45.554604000000005 +34813,Lake George Municipal Complex,-94.1631698,45.5534084 +34814,Princeton Speedway,-93.59483320000001,45.5732234 +34815,7 West Taphouse,-94.1572723,45.5604214 +34816,Greek Cravings,-94.15731480000001,45.5604765 +34817,Princeton Community Library,-93.57835,45.5696263 +34818,Stage Right,-94.1574853,45.5606956 +34819,Highschool Football Field,-93.5878266,45.560197900000006 +34820,Jimmy John's,-94.1575296,45.5608002 +34821,Jax Auto Sales,-93.58058310000001,45.5628594 +34822,The Bistro,-94.15782340000001,45.561091000000005 +34823,Polito's Pizza,-94.1585725,45.5611576 +34824,Casey's General Store,-93.5808404,45.5640914 +34825,Taco John's,-93.5805418,45.5668274 +34826,Calvary Conservative Baptist Church,-96.60886350000001,47.771728 +34827,Coffee & Bagels,-93.87251230000001,45.1794548 +34828,House of Lo,-93.87653850000001,45.1719105 +34829,Hair Architects,-93.8742261,45.1712901 +34830,Mills Creek Inn,-93.9081311,45.1718143 +34831,St. Francis Xavier Catholic Church,-93.87789430000001,45.1759148 +34832,Meadows Park,-93.2711654,44.649100000000004 +34833,Dojo Karate,-93.8696783,45.179487300000005 +34834,Phoenix Learning Center,-93.86376340000001,45.1796954 +34835,Scheels Service Shop,-96.7711823,46.8746596 +34836,McDonald's,-93.76740020000001,45.036361400000004 +34837,Harbor Freight Tools,-93.0171339,45.02908 +34838,MGM Wine & Spirits,-93.017116,45.0295429 +34839,Halfmoon Group Camps,-93.62991930000001,45.028542800000004 +34840,King House,-93.7785166,45.0352401 +34841,Light of Christ Church,-93.7662166,45.0496423 +34842,Kettle River Overlook,-92.73041,45.903564700000004 +34843,American Legion Post 377,-93.79178870000001,45.0426835 +34844,Randy's Sanitation,-93.8026354,45.049728 +34845,Landscape Structures,-93.78002260000001,45.0316105 +34846,Bobbing Bobber Brewing Company,-94.37181360000001,44.881466200000006 +34847,Hutchinson Health Hospital,-94.3730788,44.875669 +34848,Crooked Creek Camp,-92.5278684,46.0052813 +34849,Runnings,-94.37912530000001,44.8752018 +34850,Hutchinson Mall,-94.37896980000001,44.876346000000005 +34851,Anytime Fitness,-94.37695810000001,44.8783759 +34852,Eagle Bend,-92.69237700000001,45.902034500000006 +34853,ALDI,-94.37846730000001,44.8702672 +34854,Ridgewater Community College,-94.3719978,44.873453100000006 +34855,Sand Creek,-92.6391332,45.934632 +34856,Nupa Mediterranean Cuisine,-92.47860250000001,44.028556 +34857,Big Eddy,-92.76005020000001,45.9422019 +34858,Groom Transportation,-92.474761,44.0286461 +34859,Plummer Building,-92.46544610000001,44.0218743 +34860,Central Park Frank Rog Amphitheatre,-93.1442779,45.0182118 +34861,Historic Chateau Theatre,-92.46398140000001,44.0226411 +34862,Kwik Trip Car Wash,-92.48677550000001,44.003902800000006 +34863,Carquest,-94.9178931,47.4964092 +34864,Plantenberg's,-94.52063860000001,45.454264200000004 +34865,evangelical coventant church,-94.95738030000001,47.508751000000004 +34866,Starbucks,-94.9059345,47.494769500000004 +34867,Bemidji KOA Journey,-94.9611983,47.5112151 +34868,Affinity Bank,-94.9055829,47.4963915 +34869,Ferguson Supply,-94.9498073,47.5103086 +34870,Wells Fargo,-94.9083021,47.4944064 +34871,Burnsville Senior High School,-93.2658392,44.7850568 +34872,"""Original"" Black duck in Blackduck, MN",-94.54823060000001,47.7306466 +34873,Target,-93.28942550000001,44.749310900000005 +34874,Michaels,-93.2871332,44.7514115 +34875,Black Duck #3 (Drake Motel),-94.5530447,47.7281175 +34876,Blackduck Municipal Golf Course,-94.58376630000001,47.729762400000006 +34877,Hillcrest Supper Club,-94.5905795,47.7378164 +34878,Black Duck #2,-94.55251530000001,47.7291893 +34879,Queen's Gate,-93.6003218,44.7478095 +34880,King's Gate,-93.5989371,44.746547 +34881,Brandner Printing,-96.60669890000001,47.773338300000006 +34882,Longtin Agency Inc,-96.6099301,47.7725001 +34883,Crookston Eagles Club,-96.6066694,47.7736267 +34884,Crookston Pet Clinic,-96.60945000000001,47.773081700000006 +34885,TLC Family Hair Care & Spa,-96.6091466,47.773689600000004 +34886,Siegle Sports,-96.6065648,47.7734411 +34887,American Family Insurance - Donald Boone,-96.60721930000001,47.7736716 +34888,Trinity Lutheran Church,-96.60719780000001,47.772507700000006 +34889,Our Saviors Lutheran Church,-96.60763870000001,47.7720919 +34890,Montague's Flower Shop,-96.60755750000001,47.774675900000005 +34891,Montagues Flower Shop,-96.6070842,47.77297900000001 +34892,True Value,-96.6081956,47.7748215 +34893,Willow & Ivy Gift Shop,-96.6070744,47.7731202 +34894,Erickson Embroidery,-96.60711470000001,47.7752162 +34895,Crookston Daily Times,-96.60771270000001,47.7731833 +34896,Bremer Bank,-96.60635880000001,47.775138600000005 +34897,Thrifty White Pharmacy,-96.6069904,47.775455900000004 +34898,Real Good Bath & Body,-96.6076671,47.773369 +34899,Valley Christian Fellowship,-96.6075029,47.775578200000005 +34900,Crooks Club,-96.607279,47.7761019 +34901,China Moon,-96.60755180000001,47.773495200000006 +34902,DaRoos Pizza Crookston,-96.6065281,47.774611 +34903,Widmans Candy Shop,-96.6074097,47.773378 +34904,"KROX, 1260AM 105.7FM",-96.60936650000001,47.7731809 +34905,Hotel Shoreham,-95.89914590000001,46.7578467 +34906,Edward Jones,-96.60929250000001,47.773293 +34907,Salon Elite,-96.6084239,47.773402700000005 +34908,Care & Share Center,-96.603142,47.7746463 +34909,El Gordito Market,-96.6054974,47.7751176 +34910,Schuls Carpeting,-96.6089032,47.77377490000001 +34911,First Community Credit Union,-96.6053541,47.7753153 +34912,Noah Insurance Service,-96.6087799,47.7739113 +34913,Crookston Water Department,-96.6057916,47.77438840000001 +34914,Crookston City Hall,-96.60603300000001,47.774470300000004 +34915,Ye Old Print Shoppe,-96.60882160000001,47.7740018 +34916,Apostolic Assembly,-96.6060803,47.774252000000004 +34917,We Clik,-96.6086588,47.774035600000005 +34918,Tri-Valley Opportunity Council,-96.6064322,47.773871500000006 +34919,The Dude's,-96.6062923,47.7740747 +34920,Anderson Camera,-96.6062675,47.774155 +34921,Crookston Floral and Antiques,-96.6066473,47.774368 +34922,Munn's Jewelers,-96.6067534,47.77423 +34923,Chalk Up,-96.6068046,47.7741497 +34924,Four Seasons Clothing store,-96.6069317,47.774047700000004 +34925,CarQuest Autoparts,-96.608528,47.7742146 +34926,State Farm,-96.6055503,47.7750221 +34927,"Cutting Edge, Family Hair Salon",-96.6080464,47.7748672 +34928,Opticare,-96.6053878,47.774707500000005 +34929,Century Link,-96.60511960000001,47.7745741 +34930,Wonderful Life Foods,-96.60799220000001,47.774911100000004 +34931,Sweetlight Gallery,-96.60788690000001,47.7749947 +34932,Advanced Tire & Auto / Towing,-96.6052368,47.7765142 +34933,Auto Value Crookston,-96.6056547,47.775965400000004 +34934,"Dan Morlan, Certified Public Accountant",-96.6075716,47.775489400000005 +34935,Custom Aire/Bergstrom Electric Inc,-96.60637320000001,47.776148400000004 +34936,M n H,-96.6070236,47.7763848 +34937,North Country Food Bank Inc,-96.6038429,47.7772422 +34938,Northern Lumber,-96.60549010000001,47.7762711 +34939,Crookston Community Swimming Pool,-96.60031380000001,47.7757409 +34940,Bridge Street Candles,-96.6023086,47.7827518 +34941,Saint Francis Hospital,-96.5912713,47.7765922 +34942,The Thirsty Beaver,-93.6745678,44.198862500000004 +34943,Sunrise Center For Children,-96.59108350000001,47.7761366 +34944,Fischer's Corner Bar,-93.67551370000001,44.1988427 +34945,Cathedral of the Immaculate Conception,-96.58971910000001,47.7752543 +34946,Cathedral School,-96.59067540000001,47.774472200000005 +34947,American Legion Post 311,-93.67526720000001,44.198849300000006 +34948,GameStop,-93.1751641,45.0164885 +34949,Nexus Church,-96.59181190000001,47.7815815 +34950,Seventh Day Adventist Church,-96.5887201,47.7830322 +34951,Massage Envy,-93.17483290000001,45.016491 +34952,Grace Lutheran Church,-96.5898846,47.7840684 +34953,Xfinity,-93.175278,45.0164856 +34954,Northern Intel Systems,-96.59570640000001,47.785865 +34955,Phenix Salon Suites,-93.1750494,45.0164885 +34956,Lucky's Pub,-93.1737054,45.0158884 +34957,The Legends Senior Apartments,-93.22563570000001,45.037717400000005 +34958,Jenny Craig,-93.17411290000001,45.016502300000006 +34959,Schneiderman's Furniture,-93.1736973,45.0162211 +34960,Old Navy,-93.17381370000001,45.0163949 +34961,The Landings at Silver Lake Village,-93.2236058,45.0370555 +34962,Bed Bath & Beyond,-93.1763494,45.016257700000004 +34963,PetSmart,-93.175903,45.0163686 +34964,Destination XL,-93.17449450000001,45.016495500000005 +34965,Scrubs & Beyond,-93.1743328,45.0164977 +34966,CorePower Yoga,-93.1742164,45.0164977 +34967,Fern Lake Recreational Trails,-94.94046340000001,47.4121156 +34968,Ted's Recreation,-93.1457963,44.9918484 +34969,Caryn Model & Talent Management,-93.3337905,44.9364355 +34970,Flowerama,-93.1461659,44.991755700000006 +34971,Chanhassen Nature Preserve,-93.58760210000001,44.8603054 +34972,SPF Stations #12,-96.6120111,47.788870900000006 +34973,Tanning Rays at Wash-N-Shine,-96.6119967,47.787886 +34974,Blessed Trinity Catholic School,-93.2789683,44.880963400000006 +34975,R B J's Restaurant,-96.61184610000001,47.7873005 +34976,Brost Chevrolet,-96.60994170000001,47.7874585 +34977,Best Buy Liquors,-96.6101699,47.7865765 +34978,Mugoo's Pizza,-96.60987320000001,47.7864608 +34979,St. Peter's Catholic Church,-93.278963,44.881258 +34980,Cofe Bistro,-96.61004870000001,47.7867394 +34981,Anytime Fitness,-93.35364510000001,45.218976100000006 +34982,Local Hardware Hank - Crookston,-96.60981070000001,47.785786 +34983,Fleet Distributing Supply,-96.6096005,47.7854466 +34984,NGT Fine Art & Framing Services,-93.18034490000001,44.956836200000005 +34985,Caribou Coffee,-96.609469,47.784952600000004 +34986,St Paul's Lutheran Church,-96.6097307,47.7840727 +34987,LeBlanc Realty,-96.61024710000001,47.7812794 +34988,Weber & Troseth Inc.,-93.1804407,44.956875600000004 +34989,Crookston Collision Center,-96.6099757,47.7884163 +34990,Midway Immigrant Center,-93.1805856,44.9569349 +34991,Nimens Espegard Apartments,-96.602304,47.7882462 +34992,Kingdom Hall of Jehovah's Witnesses,-96.60396890000001,47.7890558 +34993,Keystone Community Services,-93.18074920000001,44.9569957 +34994,St. Paws Dog Daycare & Boarding,-93.1809403,44.956918800000004 +34995,Bacon Social House,-93.2591656,44.9767394 +34996,St. Paul Learning Center,-93.1809685,44.957084300000005 +34997,The Old Spaghetti Factory,-93.2585701,44.9774812 +34998,Bus Stop Brewhouse,-93.2609506,44.9762318 +34999,Prophecy of the Ancients,-93.25314940000001,44.977043900000005 +35000,McKinney Roe,-93.2620919,44.9767251 +35001,Wells Fargo,-93.2609879,44.9762763 +35002,Jimmy John's,-93.25816780000001,44.9763438 +35003,Ordovician Pore,-93.25185520000001,44.9777137 +35004,Nautilus,-93.2541659,44.9780742 +35005,Lake Irving Surplus,-94.883925,47.467163500000005 +35006,Rohde’s Feed & Garden,-94.88405580000001,47.4676971 +35007,Molecule,-93.2540774,44.9775799 +35008,Frenzel Fertilizer Inc,-94.88461070000001,47.4678374 +35009,Incharge Fitness,-94.8879639,47.472962200000005 +35010,Village-Hope,-94.88745700000001,47.473301600000006 +35011,Birchlane & Country Lane Mhc,-94.9148157,47.473168400000006 +35012,Back N Time Antiques and Americana,-94.89674070000001,47.4838934 +35013,Ice Cracking Lodge and Resort,-95.5260571,47.013021200000004 +35014,Tamarac Resort & Campground LLC,-95.5575549,47.038341200000005 +35015,Westwood Acres,-94.90401750000001,47.491641 +35016,Tamarac National Wildlife Refuge Visitor Center,-95.6544178,46.9579144 +35017,Fort Benedict Grocery,-94.69050610000001,47.156730100000004 +35018,Scoops,-93.6752622,44.1982792 +35019,Elysian Post Office,-93.6741973,44.198829100000005 +35020,​​​Grand Portage Isle Royale Transportation Lines,-89.65208530000001,47.962556000000006 +35021,G & M Archery,-94.68918350000001,47.154836200000005 +35022,Pine Hurst Lodge Resort,-94.6910802,47.1582014 +35023,Lakeview Liquor,-91.50946730000001,47.118737800000005 +35024,Great River Rescue,-94.8450311,47.438644800000006 +35025,Olmsted County Offices,-92.4603661,44.0203727 +35026,Potlatch Deltic,-94.75416600000001,47.3866547 +35027,New Life Church,-94.86196600000001,47.4554163 +35028,Home Place Bike & Ski Shop,-94.86245810000001,47.455964300000005 +35029,Revival Tabernacle Church,-94.8617607,47.4554836 +35030,Central Auto Body,-94.8601934,47.4600099 +35031,NW Tire,-94.8631783,47.457406600000006 +35032,Mt Zion Church,-94.85872810000001,47.4571866 +35033,The Garden Grill & Pub,-94.8610888,47.460078200000005 +35034,Corner Bar,-94.86029780000001,47.4596682 +35035,Trader Joe's (Liquor),-93.33737230000001,44.934511400000005 +35036,Linhoff Photo + The Print Refinery,-93.3417551,44.932543 +35037,Allstate,-93.3428343,44.9322341 +35038,Vibe Organic Juice Bar,-93.34078690000001,44.933285600000005 +35039,Jain Dental,-93.3382184,44.9340765 +35040,Twin Cities Gold & Silver Exchange,-93.34183970000001,44.9325172 +35041,Class A Auto Body,-94.86039930000001,47.460109700000004 +35042,Invisible Ink Tattoo Removeal,-93.3385434,44.933979300000004 +35043,Fresh Thyme,-93.34266090000001,44.932712900000006 +35044,Sherwin-Williams,-93.1679101,45.0231409 +35045,Hälsa Institute,-93.34289550000001,44.932217 +35046,Grow To Life,-93.3419398,44.9324868 +35047,Chipotle,-93.16774120000001,45.023139900000004 +35048,Creative Sewing Center,-93.16975950000001,45.0242689 +35049,AT&T,-93.16809520000001,45.0231371 +35050,H&R Block,-93.1695986,45.0242689 +35051,Sylvan,-93.170253,45.024272700000004 +35052,European Wax Center,-93.1685083,45.0222574 +35053,Hirschfield's,-93.17034020000001,45.024156100000006 +35054,Once Upon A Child,-93.1704716,45.024014900000005 +35055,Darque Tan,-93.16863160000001,45.0222593 +35056,Plato's Closet,-93.1704569,45.023855600000005 +35057,Pearle Vision,-93.1684063,45.022260300000006 +35058,Juut,-93.1704502,45.0237798 +35059,Medifast,-93.1704555,45.0236281 +35060,Walgreens,-93.16806840000001,45.022030900000004 +35061,Mainstream Boutique,-93.17046230000001,45.023533300000004 +35062,Cartridge World,-93.1704582,45.0234357 +35063,Five Guys,-93.3852401,44.934877400000005 +35064,CenturyLink,-93.17045420000001,45.023255600000006 +35065,Office Depot,-93.17032680000001,45.022860300000005 +35066,Top 10 Liquors,-93.1702195,45.0226394 +35067,Super Nail Spa,-93.17021550000001,45.022488700000004 +35068,Spa 810,-93.1702195,45.0224461 +35069,iSight,-93.1702168,45.022380600000005 +35070,Advance Auto Parts,-93.3926586,44.937497 +35071,The Joint Chiropractic,-93.1702168,45.0223342 +35072,Caribou Coffee,-93.16845330000001,45.0225105 +35073,Mattress Firm,-93.385914,44.936359 +35074,Bruegger's Bagels,-93.16861420000001,45.0225105 +35075,Chuck & Don's,-93.1700244,45.024271000000006 +35076,First State Bank and Trust,-92.8471796,45.032043400000006 +35077,Kowalski's Market,-92.84447180000001,45.0331984 +35078,Hendrum LINK Site,-96.8104761,47.2645612 +35079,Valvoline,-92.84907190000001,45.0323597 +35080,Hendrum City Hall,-96.81029640000001,47.2646522 +35081,Taco John's,-92.8472352,45.0333799 +35082,Steak Escape,-92.84726570000001,45.0333277 +35083,Mathnasium,-92.8469141,45.0318656 +35084,Domino's,-92.8466843,45.031862000000004 +35085,Kim's Chow Mein,-93.18689350000001,44.9482194 +35086,Pusch Salon,-93.18664270000001,44.948220400000004 +35087,The UPS Store,-92.84680730000001,45.031862000000004 +35088,Hong's Chinese Restaurant,-96.61015010000001,47.793805400000004 +35089,Greenwood Shores,-93.5524958,44.876772100000004 +35090,All Seasons Lube Center,-96.6099892,47.793254000000005 +35091,Cozy Cove Resort,-95.6816993,46.5280433 +35092,St. Alice Catholic Church,-94.30906180000001,46.6016867 +35093,Next Level Nutrition,-94.88096940000001,47.471912100000004 +35094,Blessed Sacrament Offices,-96.1836521,48.6974621 +35095,Park Place Self Storage,-93.57237380000001,45.202713100000004 +35096,Greenbush Veterinary Clinic,-96.1902309,48.6912801 +35097,Border State Bank,-96.1819849,48.7000187 +35098,Parts City Auto Parts - Greenbush Parts City,-96.1814451,48.699455300000004 +35099,Twins Rockin 50'S Cafe,-96.18200110000001,48.700236100000005 +35100,Remedies,-96.1820235,48.7005111 +35101,NAPA Auto Parts - Oren's Parts Inc,-96.1809413,48.700505 +35102,Agassiz Realty,-96.1813681,48.7008081 +35103,Greenbush Pharmacy,-96.18149000000001,48.700273200000005 +35104,Community Center,-96.1813003,48.7012943 +35105,Reese Brothers,-96.1837938,48.704593100000004 +35106,Greenbush Public Library,-96.1812829,48.7011653 +35107,Dollar Depot,-96.1772332,48.7037762 +35108,American Legion Hall,-96.1813498,48.701513500000004 +35109,Farmers Co-Op AG Services,-96.1748328,48.7046457 +35110,Jon's Auto Salvage,-96.17833510000001,48.706553 +35111,Collins Funeral Homes Inc,-96.18286470000001,48.701983000000006 +35112,Roseau County Co-Op Association,-96.18069320000001,48.701410300000006 +35113,Zion Lutheran Church,-93.88974080000001,44.8858467 +35114,First Minnesota Bank,-93.8883579,44.8855366 +35115,Ace Hardware,-96.1820426,48.7009041 +35116,Zion Lutheran School,-93.8897543,44.8866646 +35117,Dakota Rail Regional Trail - Mayer Trailhead,-93.88838120000001,44.8848751 +35118,Greenbush Lumber,-96.18362590000001,48.7012665 +35119,Northern Repair,-96.1826575,48.700474 +35120,CHS Northland Grain,-96.1790091,48.7021997 +35121,Joel's Car Wash,-96.17799070000001,48.7018232 +35122,Up North Treasures,-96.1782579,48.701173000000004 +35123,ERIK'S Bike Board Ski,-93.32083990000001,45.181967500000006 +35124,Dollar Smart,-96.1784719,48.700805700000004 +35125,Thirteen Sisters,-96.17703990000001,48.700881700000004 +35126,Tashjian Bee and Pollinator Discovery Center,-93.60674150000001,44.855775400000006 +35127,1 Better Liquor,-96.1767514,48.7011222 +35128,Polar Express Liquors,-96.17742360000001,48.6997258 +35129,Mall of America,-93.2388573,44.8541904 +35130,Mall of America,-93.2387968,44.854178700000006 +35131,Co-op Services West,-96.17742030000001,48.6980353 +35132,Terminal 1 - Lindbergh,-93.20562000000001,44.8805283 +35133,Dollar General,-96.1772605,48.697394700000004 +35134,Burkel Lumber & Hardware,-96.1790898,48.6961006 +35135,Cullen's Ice Cream,-93.3089479,45.189527000000005 +35136,Dale's Furniture Refinishing,-93.12686310000001,44.9702904 +35137,Half Time Rec.,-93.1429804,44.9703217 +35138,Magic Noodle,-93.15664260000001,44.955953 +35139,Little Rock Community Roundhouse,-95.0742889,47.8677251 +35140,AT&T,-93.15577640000001,44.9559605 +35141,Subway,-95.0235193,47.876299200000005 +35142,Jourdain/Perpich Extended Care,-95.0307578,47.8787352 +35143,US Indian Health Services,-95.02985910000001,47.877642200000004 +35144,St. Cloud Financial Credit Union,-94.1676316,45.5912513 +35145,King Memorial,-93.4104748,45.204754900000005 +35146,Woodlawn terrace,-93.2041847,45.1069771 +35147,Ontrac,-93.2745548,45.0525941 +35148,Campground host,-94.7265677,44.454383 +35149,Ontrac,-93.27445460000001,45.0515035 +35150,Red Lake Early Childhood Center,-95.0156115,47.879175100000005 +35151,Ron & Joe's Auto Service,-95.04572590000001,47.8658725 +35152,Red Lake Tribal Agency,-95.0166878,47.876729000000005 +35153,NimbeLink,-93.4621833,45.0146261 +35154,United States Post Office,-95.01682720000001,47.8776245 +35155,Red Lake Humanities Center,-95.008548,47.877512700000004 +35156,Red Lake DNR,-95.0165736,47.879584 +35157,Ogaakaaning Enterprises,-95.01028120000001,47.8773519 +35158,Exceed Lab,-93.2326141,44.974771800000006 +35159,Red Lake Nation Pow Wow Grounds,-95.00816640000001,47.879052300000005 +35160,Seven Clans Casino,-95.0245263,47.803254700000004 +35161,Oshkiimaajitahdah,-94.92195740000001,47.8787066 +35162,Little Rock Community Center,-95.09862380000001,47.868041500000004 +35163,Beaulieu's Store,-95.09943030000001,47.869461900000005 +35164,Redby Community Center,-94.91375070000001,47.8812414 +35165,Red Lake Nation Foods,-94.9186162,47.880401600000006 +35166,Saint Antipas Episcopal Church,-94.9127522,47.8785675 +35167,Westbrooks Redby Store,-94.911574,47.8792521 +35168,Bob's Barber,-93.22265970000001,44.912114900000006 +35169,Food Distribution Program,-94.91746710000001,47.8813874 +35170,Redby's One Stop,-94.91121170000001,47.878641300000005 +35171,Paddlesculpt,-93.2226577,44.9122463 +35172,Lisa White House,-94.90829000000001,47.872975200000006 +35173,Red Lake Nation Fishery,-94.9066863,47.8813097 +35174,"The Cooper Law Firm, Chartered",-93.2788711,44.9722731 +35175,"The Lab - Brewery, Pilot Facility & Taproom",-93.20310110000001,44.9620643 +35176,Fairfield Inn,-93.2724056,45.1333825 +35177,Coburn's,-92.8448353,44.713626100000006 +35178,Jones Metal Inc.,-93.99362550000001,44.2014921 +35179,Dalsin Industries,-93.2842837,44.8380585 +35180,Subway,-93.3453758,44.9310818 +35181,Ponemah Market,-94.91473380000001,48.019850700000006 +35182,Orthodontic Care Specialists,-93.3441181,44.9314911 +35183,Waxing The City,-93.34089130000001,44.9343726 +35184,Michael Lynn's Tennis Shop,-93.3455038,44.931043100000004 +35185,Metro Dentalcare,-93.34403680000001,44.9313675 +35186,Bubbly Paws,-93.3408273,44.9342294 +35187,Schuler Shoes,-93.34670080000001,44.9306661 +35188,TCM Health Center,-93.34081900000001,44.934255900000004 +35189,Droolin' Moose Chocolate,-93.3452858,44.931109 +35190,Jackson County Department of Motor Vehicles,-94.9901054,43.6205177 +35191,61,-93.2263561,45.1572985 +35192,Goetsch Insurance Agency,-94.2209754,44.554624700000005 +35193,Chris Stauner Agency,-92.98270380000001,45.272595300000006 +35194,Queen Av S,-93.3086899,44.8529064 +35195,OfficeMax,-93.7754166,45.295054900000004 +35196,Caribou Coffee,-93.7714007,45.292985 +35197,PetSmart,-93.77502270000001,45.294855000000005 +35198,Debbie's Custom Hair,-92.98368830000001,44.8271564 +35199,Marshalls,-93.7746772,45.2946733 +35200,La Boulangerie Marguerite,-93.15410320000001,44.927084400000005 +35201,Norseman Door,-93.4503981,45.300034200000006 +35202,Saint Mary's University of Minnesota - Rochester,-92.5051277,44.039381000000006 +35203,Tolgen Church,-94.66752960000001,47.972719100000006 +35204,First marriage in Northfield,-93.14751910000001,44.4615759 +35205,Hy-Vee Car Wash,-92.5254299,44.0680411 +35206,Beacon Harbor Resort,-94.5303195,48.1963341 +35207,Hill of Three Oaks,-93.14726390000001,44.4632391 +35208,Upper Red Lake Fire Tower,-94.5118547,48.1701063 +35209,Outdoor Authority Fish House Rentals,-94.5312521,48.1963425 +35210,Hillman's Store & Bait Station + Tavern,-94.5120291,48.1670334 +35211,West Wind Resort,-94.51392910000001,48.158619400000006 +35212,Hillman's Store & Bait Station + Tavern,-94.5120109,48.16690010000001 +35213,North Country Food & Fuel,-94.51095380000001,48.1539262 +35214,Bearpawguides on Upper Red Lake,-94.51741720000001,48.159059500000005 +35215,Tesla Supercharger,-94.256358,46.3788228 +35216,Tesla Supercharger,-93.3577429,43.686038 +35217,Tesla Supercharger,-94.05489200000001,45.411888600000005 +35218,Tesla Supercharger,-92.10202170000001,46.785114 +35219,Tesla Supercharger,-92.93137030000001,46.0097457 +35220,Tesla Supercharger,-94.7332293,43.661627900000006 +35221,Tesla Supercharger,-92.9612907,44.964893100000005 +35222,Tesla Supercharger,-92.47091320000001,44.006296400000004 +35223,Tesla Supercharger,-95.5956508,43.633955500000006 +35224,Optimize Social Media Inc.,-92.9493985,45.0002804 +35225,"MD Biosciences, Inc.",-92.9485461,45.0002445 +35226,ArtCraft Services,-94.0111055,44.1233377 +35227,Camp Odayin Office,-92.95076830000001,45.0007601 +35228,Pearle Vision,-93.1564091,44.955965500000005 +35229,Canby SE Junction,-96.2567104,44.6942911 +35230,Fourtown Store & Tavern,-95.3366586,48.281867000000005 +35231,Qdoba,-92.46547650000001,44.0233143 +35232,UPS,-92.46500710000001,44.0233143 +35233,Town Center,-93.431354,44.859077500000005 +35234,Gemmel Community Church,-94.1249181,47.9723254 +35235,Wells Fargo,-92.9509005,44.9971587 +35236,TruStone Financial Credit Union,-92.9479189,44.996923900000006 +35237,Clear Lake Resort,-94.0928914,47.9597053 +35238,Target,-92.9452792,44.9964741 +35239,Northwood Power Equipment & Sport,-92.95804770000001,44.989269900000004 +35240,Starbucks,-92.94579440000001,44.996610000000004 +35241,TCF Bank,-92.9458075,44.9968694 +35242,Great Clips,-92.9658825,44.9968767 +35243,Minnesota Department of Transportation,-92.96339540000001,44.999898800000004 +35244,MnDOT Bridge Office,-92.96349020000001,44.9994013 +35245,PAI - Oakdale,-92.96687150000001,44.9959554 +35246,Menards,-92.96262080000001,44.9946165 +35247,ProSource of St. Paul,-92.96690100000001,44.9961774 +35248,PHD Sports,-92.9668688,44.996367 +35249,Great Plains Millwork,-92.96680980000001,44.9967995 +35250,Great Plains Windows and Doors,-92.9668393,44.9969285 +35251,First Karen Baptist Church,-92.9659896,44.9913438 +35252,"Minnesota Air, Inc.",-92.9673973,44.996938 +35253,3M Oakdale,-92.9682798,44.9967294 +35254,Myron's Service Center,-92.94513830000001,44.994644300000004 +35255,Rayco Construction,-92.9752673,44.992689000000006 +35256,Aqua Living Factory Outlets,-92.9612281,44.9858637 +35257,Great River Pet Center,-92.96410660000001,44.9847696 +35258,Safe Reflections,-92.9758774,44.994902700000004 +35259,Smiths Medical,-92.97670000000001,44.9967982 +35260,3M Health Care Service Center,-92.9757132,44.9966139 +35261,"Midwest Special Service, Inc.",-92.97802200000001,44.996785100000004 +35262,Dakota Supply Group,-92.9640543,45.025608500000004 +35263,"Best Enterprises, LLC",-92.966772,45.024580300000004 +35264,"Endries International, Inc.",-92.965647,45.024567600000005 +35265,KeyTronic EMS,-92.9633168,45.025612100000004 +35266,Restyle Anything,-93.16729910000001,44.963368900000006 +35267,Nature's Nectar LLC,-92.9658624,45.0280305 +35268,"MJ's Contract Appliance, Inc.",-92.96628910000001,45.028118500000005 +35269,Pristine Detail,-93.1673212,44.963573000000004 +35270,Healthy For Life Meals Oakdale,-92.9666028,45.028122700000004 +35271,Fleet Farm,-92.96828520000001,45.031238200000004 +35272,Stephen's Self-Storage,-92.98333690000001,45.030953800000006 +35273,Fleet Farm Auto Center,-92.96907610000001,45.0314472 +35274,Blue Ribbon Grooming,-92.9840963,45.0306755 +35275,Oakdale Corner,-92.9844096,45.0311892 +35276,Allstate,-92.983749,45.0317804 +35277,HealthSource Chiropractic,-92.983929,45.0317961 +35278,Silver Lake Animal Hospital,-92.98410650000001,45.0318083 +35279,Jadé Salon,-92.98428890000001,45.031825700000006 +35280,Northstar Behavioral Health,-92.98413120000001,45.032257800000004 +35281,Foundation Building Materials,-92.98034360000001,45.0251231 +35282,Energy Savers Fireplaces,-92.9793971,45.0234912 +35283,Century Tax Services,-92.98409960000001,45.030885100000006 +35284,Silver Lake United Methodist Church,-92.98371780000001,45.0271466 +35285,Garden of Eden Spa,-92.984103,45.0309845 +35286,Larson Diesel Services,-92.9831376,45.025552600000005 +35287,Oakdale Corner,-92.984098,45.0311941 +35288,"Glenbrook Building Supply, Inc.",-92.98257620000001,45.024443500000004 +35289,Classy Threads,-92.98190260000001,45.024556200000006 +35290,Mizpah Bar,-94.2081723,47.927295 +35291,"RecognitionWorx, Inc.",-92.98176020000001,45.0240777 +35292,"Excel Air, LLC",-92.98103110000001,45.0243648 +35293,A&W,-93.79593000000001,47.3346661 +35294,Opus,-93.41396010000001,44.8977713 +35295,City West,-93.41099480000001,44.8905423 +35296,Golden Triangle,-93.41008910000001,44.877195900000004 +35297,Bemidji Community Education,-94.88086410000001,47.4825074 +35298,Touch of Health,-93.4112178,44.920567500000004 +35299,"Rodgers Law Office, PLLC",-94.88008860000001,47.482709400000005 +35300,Garbow Law Office,-94.8800301,47.481937900000005 +35301,Beltline Boulevard,-93.3394464,44.9437864 +35302,Foot Locker,-94.8800267,47.4817825 +35303,Christian Science Society,-94.8808996,47.4814499 +35304,Bronze Ambition Sunless & Teeth Whitening,-94.88005430000001,47.4813442 +35305,Wooddale Avenue,-93.3547585,44.938593700000006 +35306,North Country Dental,-94.88015320000001,47.481176100000006 +35307,Bethany Free Lutheran Church,-94.8809069,47.4807627 +35308,Louisiana Avenue,-93.3650669,44.9349603 +35309,Bahai Faith,-94.8816769,47.4812755 +35310,Beltrami Area Services Collaborative,-94.8823811,47.474848800000004 +35311,Headwaters Unitarian Universal,-94.8839562,47.473510600000004 +35312,"Blair W. Nelson, Ltd.",-94.88175170000001,47.474860400000004 +35313,Krigbaum & Jones Ltd,-94.8816391,47.47513420000001 +35314,Bicycle Sports,-92.4824737,44.0281698 +35315,Green Line (Southwest),-93.3134756,44.964600100000006 +35316,Royalston,-93.2830488,44.981239200000005 +35317,Spur,-92.6289297,47.6596763 +35318,Bassett Creek Valley,-93.29572540000001,44.974302800000004 +35319,Bryn Mawr,-93.30913310000001,44.9680568 +35320,Hoot Owl Resort,-95.4643223,47.1579581 +35321,Walgreens,-93.26709360000001,44.8603388 +35322,Furniture Superstore,-92.5040972,44.076804700000004 +35323,Shady Oak,-93.42096550000001,44.9177951 +35324,Brookside resort,-95.18889560000001,47.0315555 +35325,The Pier Up North,-94.5220585,46.9300823 +35326,Big Dipper Ice Cream,-93.23909920000001,45.1980913 +35327,West Lake Street,-93.3243977,44.947695200000005 +35328,"Lucette's Pizza, Pub & Cafe",-94.5221781,46.929950600000005 +35329,West 21st Street,-93.31466300000001,44.960678400000006 +35330,Big Dipper Burger & Cone Shoppe,-94.52107260000001,46.9302203 +35331,Blake Road,-93.3864382,44.9277978 +35332,Flair For Hair,-94.5211843,46.9300744 +35333,Photo Bench,-93.4104325,44.922219600000005 +35334,Sudz Ur Dudz LLC,-94.521342,46.9298701 +35335,Moline,-93.41040740000001,44.9212597 +35336,Night and Day,-93.4103015,44.9236072 +35337,Dragonfly,-93.410183,44.922494500000006 +35338,Udom's Thai Restaurant,-94.5201298,46.9301942 +35339,Chipotle,-93.3490177,44.9318292 +35340,Hackensack Lumber & Hardware,-94.51989560000001,46.9311524 +35341,HealthPartners Dental,-93.34877390000001,44.9318326 +35342,Do It Best,-94.5200296,46.9308234 +35343,Wakame Sushi & Asian Bistro,-93.3220155,44.946814100000005 +35344,Hackensack Community Center,-94.5187222,46.9305375 +35345,Salon Intrigue,-93.32213270000001,44.946876700000004 +35346,Noodles & Company,-93.3214391,44.9475228 +35347,Crosswalk Art,-93.4102361,44.9223915 +35348,Sunwerks,-93.3224569,44.9469913 +35349,Ben & Jerry's,-93.32232020000001,44.9469768 +35350,Monument 842,-97.0192279,49.000326300000005 +35351,Crosswalk Art,-93.4102058,44.9228771 +35352,Monument 888B,-95.97769620000001,48.999914800000006 +35353,Monument 840,-97.0633188,49.0003522 +35354,Monument 862,-96.57844650000001,49.0001407 +35355,Monument 865,-96.512355,49.000130600000006 +35356,Monument 888A-84,-95.9785085,48.999915900000005 +35357,Monument 906,-95.45080560000001,48.9991111 +35358,Monument 896,-95.74792520000001,48.9995805 +35359,Monument 839,-97.08535020000001,49.000370200000006 +35360,Monument 866,-96.4900819,49.0001113 +35361,Monument 841,-97.0412833,49.000340900000005 +35362,Monument 905,-95.48344440000001,48.9991667 +35363,Monument 834,-97.1955578,49.0004428 +35364,Hobby Lobby,-95.75920550000001,44.4461013 +35365,Monument 918,-95.1533333,49.269638900000004 +35366,Walgreens,-94.21444020000001,45.5539393 +35367,Ashley HomeStore,-95.7601683,44.4461036 +35368,Veteran's Memorial,-93.8451237,44.3238749 +35369,McKinsey & Company,-93.2751805,44.976470500000005 +35370,Owl's Nest Motel,-94.5207036,46.9283377 +35371,Mann Lake Ltd - Minnesota,-94.52394860000001,46.9216186 +35372,Detour North Cabin Outfitters,-94.52212460000001,46.9230747 +35373,Kevin's Auto Body & Fiberglass,-94.5187231,46.920506700000004 +35374,Birchwood Char House And Bar,-94.52108700000001,46.9281852 +35375,Countryside Co-Op,-94.52236110000001,46.9244166 +35376,Edina Realty,-94.52244180000001,46.924871800000005 +35377,St Paul's Lutheran Church,-94.51945160000001,46.927989100000005 +35378,Southside Self Service,-94.52250620000001,46.9256692 +35379,North Country Tire & Auto,-94.5212954,46.9259186 +35380,Ken's Computer Works,-94.5191123,46.927151 +35381,Birch Lake Small Engine,-94.52243050000001,46.9266583 +35382,Bray Power Equipment Co,-94.52139790000001,46.926900100000005 +35383,Carnicom Ronald,-94.516304,46.9286279 +35384,Piecemaker's Quilt Shop,-94.5221891,46.9272792 +35385,Union Congregational Church,-94.51754360000001,46.929901300000004 +35386,Share & Care of SDA,-94.52162650000001,46.9290214 +35387,Birchview Gardens Assisted Living Inc,-94.51869110000001,46.9298214 +35388,Essentia Health-Hackensack Clinic,-94.51869260000001,46.9309285 +35389,Birch Haven Resort,-94.52447070000001,46.933260000000004 +35390,Swanson's Bait & Tackle,-94.52081770000001,46.9354243 +35391,Bargain Master,-94.52092320000001,46.9311154 +35392,Hackensack Municipal - Hack Muni,-94.52166770000001,46.931131 +35393,Skallagrim,-92.7085141,45.3809619 +35394,HACKENSACK CITY HALL,-94.5211998,46.932123700000005 +35395,Parade,-92.7071221,45.3826307 +35396,Shorewood Oaks,-93.611033,44.892704900000005 +35397,Minnewashta Manor,-93.5929332,44.8900208 +35398,Total Image,-94.52050960000001,46.9319168 +35399,Highover,-93.5835622,44.879348300000004 +35400,Lighthouse Evangelical Church,-94.51954380000001,46.9326567 +35401,Lakeview at Pinehurst,-93.5769183,44.8793601 +35402,Pinehurst,-93.57437700000001,44.8841619 +35403,Ashling Meadows,-93.56895100000001,44.879619600000005 +35404,Avienda,-93.55727080000001,44.8381081 +35405,Willow Ridge,-93.5534602,44.8832017 +35406,Pointe Lake Lucy,-93.55657570000001,44.8834042 +35407,Whitetail Cove,-93.5593103,44.8833463 +35408,Mike's Recycling + Services,-92.27785990000001,46.778848800000006 +35409,Five Guys,-93.4499681,45.029934600000004 +35410,India Palace,-93.44672030000001,45.031085700000006 +35411,Larsmont Cottages,-91.7533339,46.971944300000004 +35412,Little Windrose Park,-93.3120667,44.565972800000004 +35413,Knife River Beach,-91.78097170000001,46.946541 +35414,CCC Water Tower,-91.4617798,47.1408828 +35415,ie - Italian Eatery,-93.2477099,44.9171868 +35416,Old Sweet Song,-95.534678,46.263527700000004 +35417,Fishing dock,-93.1830989,44.8187915 +35418,Vining City Hall,-95.53859990000001,46.2606552 +35419,Northwoods Family Grille,-91.2710222,47.2935528 +35420,Vining Lutheran Church,-95.5371056,46.2611719 +35421,Garvin Area First Responders,-95.76076690000001,44.2147817 +35422,Vining Grill,-95.5362458,46.2629256 +35423,Garvin Corner,-95.7550344,44.2397063 +35424,Spirit of the Mississippi River,-93.0958236,44.9509155 +35425,ChargePoint,-92.93947340000001,43.679052000000006 +35426,Palomino Pet Hospital,-93.2464666,44.7566764 +35427,Cornerstone Church,-92.99112550000001,43.665590800000004 +35428,Subway,-93.24869220000001,44.7558961 +35429,Kwik Trip Diesel,-92.51006980000001,44.092906400000004 +35430,Ledge Rock Grille,-91.75306300000001,46.971839800000005 +35431,Kwik Trip Car Wash,-92.5105472,44.092347700000005 +35432,Saint Edward Catholic Church,-95.4511014,46.325257300000004 +35433,Crystal Court Water Fountain,-93.2718524,44.976044900000005 +35434,Henning Clerk's Office,-95.44441850000001,46.3196931 +35435,Amundson Insurance Agency,-95.4505139,46.3224698 +35436,Pete's Amoco,-95.44274800000001,46.3202757 +35437,TNT Repair Inc,-95.4446283,46.327797000000004 +35438,United Methodist Church,-95.44375380000001,46.322313400000006 +35439,Auto Fix,-95.44274530000001,46.3278781 +35440,Denny's Food-N-Sport Shop,-95.44214050000001,46.320706200000004 +35441,Willow Creek Assisted Living,-95.4397318,46.324590900000004 +35442,Belmont Funeral Home,-95.44339260000001,46.322171600000004 +35443,Good Shepherd Lutheran Church,-95.44067840000001,46.3194394 +35444,Water's Edge Church,-95.44610610000001,46.323585900000005 +35445,St Paul's Lutheran Church,-95.44182020000001,46.318986100000004 +35446,NAPA Auto Parts - Henning Auto Parts,-95.4460076,46.322178900000004 +35447,Dollar General,-95.4390443,46.3173867 +35448,Redbox,-95.4387892,46.3173558 +35449,Thalmann's Repair,-95.4462247,46.322228200000005 +35450,Henning Agancy,-95.44470050000001,46.320847900000004 +35451,Fredrick's Wood Specialties,-95.4457983,46.322104800000005 +35452,Henning Landmark Center,-95.4453993,46.321875000000006 +35453,Dunmore,-93.12883570000001,44.7541622 +35454,Dunmore 2nd,-93.1245099,44.7554625 +35455,Scotty's Upholstery,-95.4456675,46.3219572 +35456,Glendalough,-93.1361207,44.753276400000004 +35457,The Salvation Army,-95.4459959,46.3216607 +35458,Kountry Korner Kafe,-95.4457117,46.321473700000006 +35459,Autumn Woods,-93.5759227,44.828218500000006 +35460,Shimmer Shack,-95.44583080000001,46.3213413 +35461,Henning Hardware,-95.44489800000001,46.321561900000006 +35462,Miracle-Ear,-93.3537726,45.196168300000004 +35463,United States Post Office,-95.444753,46.3214345 +35464,Markuson Insurance,-95.4445611,46.321287000000005 +35465,Lululemon,-92.479245,44.0044386 +35466,Arvig,-95.44459950000001,46.321357600000006 +35467,Love From MN,-92.47959030000001,44.0042947 +35468,The Compadres,-92.4807535,44.004164700000004 +35469,Seip Drug,-95.4444682,46.3211944 +35470,Nutrition Shack,-92.4784094,44.004702900000005 +35471,B & D Foods Inc,-95.44384330000001,46.3209631 +35472,5th Grant Boutique,-92.4788723,44.0043432 +35473,Henning Washiteria,-95.44559190000001,46.321002400000005 +35474,Unusual Expressions Tattoo & Piercing,-95.4450087,46.3209816 +35475,First National Bank of Henning,-95.4447525,46.3209583 +35476,Chagen's Pub Eatery & Bottle,-95.4444704,46.320738500000004 +35477,The Car Spa,-95.4438446,46.3204074 +35478,Anytime Fitness,-93.86977660000001,45.3902103 +35479,Shell,-93.8707316,45.389700700000006 +35480,Scheideman Chiropractic & Body Shop,-93.8700733,45.390381100000006 +35481,Wreck-Less Driving Acadmey,-93.86994080000001,45.390373200000006 +35482,CCC Pump House,-91.4569185,47.142155100000004 +35483,Warner Garage Door,-95.8279808,46.810845500000006 +35484,Camden Ridge Twins,-93.5694009,44.8307372 +35485,Harvest West,-93.62881920000001,44.793697200000004 +35486,Camden Ridge,-93.56349560000001,44.8325595 +35487,Chevalle,-93.6461352,44.8450185 +35488,Jim's Electric,-94.2286845,46.350210600000004 +35489,"Reichert Enterprises, Inc",-94.2272823,46.350459 +35490,Viking Land Harley Davidson Baxter,-94.23483440000001,46.352507800000005 +35491,M | State 28th Avenue,-96.74978800000001,46.847750500000004 +35492,Heartland Tire,-94.2175493,46.356639 +35493,Tanner Motors,-94.22031100000001,46.3569697 +35494,Berne Wood-Fired Pizza & Concert Series,-92.7765899,44.1641409 +35495,Great River Regional Library,-94.1906737,45.0754661 +35496,Cenex,-94.1876234,45.079561000000005 +35497,Cokato Motor Sales,-94.17722420000001,45.0752602 +35498,Lake Region Co Op,-94.18759510000001,45.0794385 +35499,Chuck's Floral Co,-94.19392090000001,45.0803844 +35500,Cokato Veterinary Services,-94.17687020000001,45.076320900000006 +35501,Kingston Auto,-94.1958496,45.079679500000005 +35502,Subway,-93.8732396,45.391072900000005 +35503,Parts City,-94.19727300000001,45.079636 +35504,Godfather's Pizza,-93.8735285,45.3912575 +35505,Johnny Cake Rock,-93.1861538,44.792979300000006 +35506,Matthews Heritage Dome,-92.4665939,44.022193800000004 +35507,Dairy Queen,-94.18116280000001,46.361646300000004 +35508,Saukinac Campground and Saukinac Bar & Grill,-94.9162915,45.8227112 +35509,Harbor Freight Tools,-92.498783,44.0670319 +35510,Mayo Employee Federal Credit Union,-92.46497520000001,44.021859400000004 +35511,Blue Nose Coffee,-93.13607040000001,44.6482199 +35512,Bourbon Butcher Restaurant,-93.13579250000001,44.6473918 +35513,1st Wok,-93.3209951,44.9493528 +35514,Alpha1 Personal Training,-93.2151973,44.693106900000004 +35515,European Wax Center,-93.32076190000001,44.949351 +35516,Greenway Urgent Care,-93.3217326,44.9490284 +35517,Greenway Primary Care Clinic,-93.3218459,44.9489499 +35518,Viverant,-93.3296215,44.9405313 +35519,Calhoun Vision,-93.3217145,44.948888200000006 +35520,Modo Yoga,-93.32184910000001,44.9487928 +35521,Honey Nails,-93.32959170000001,44.940446300000005 +35522,Sport Clips,-93.3222089,44.9463911 +35523,FastFrame,-93.3216795,44.9489129 +35524,Massage Envy,-93.321887,44.948643000000004 +35525,Sola Salons,-92.5100445,44.065919400000006 +35526,Partners in Pediatrics,-93.32958520000001,44.940632900000004 +35527,Northland Hardwood Lumber Co,-94.94975980000001,47.5120437 +35528,Elpine Village,-94.9641462,47.51130980000001 +35529,Chapel in the Pines,-94.9649631,47.5092179 +35530,Christ's Lighthouse Ministries,-94.9641953,47.509969600000005 +35531,Whispering Meadows Apartments,-94.91423130000001,47.507355000000004 +35532,Lyle's Used Trucks,-94.9673217,47.5110426 +35533,MACHO'S TOY'S - Smart Watch SALES,-94.9627858,47.510478500000005 +35534,St. Mark's Lutheran Church,-94.91374710000001,47.5046702 +35535,Northview Manor,-94.9058078,47.4984252 +35536,"""The Lodge"" Pub & Pizza Eatery",-94.91049960000001,47.501736 +35537,Friendly Vet Clinic,-94.9100705,47.502681900000006 +35538,Evergreen Total Martial Arts,-94.909357,47.5021782 +35539,Prime West Health Systems,-94.9061276,47.4995284 +35540,Bemidji Marine,-94.90894150000001,47.5033125 +35541,Subway,-94.90900330000001,47.496554200000006 +35542,"Karl's TV, Appliance & Mattress Bemidji",-94.9049861,47.5068515 +35543,akes Auto Body Specialists,-94.9037268,47.507297400000006 +35544,Redbox,-94.9089711,47.496922500000004 +35545,Miracle Water Refining Co,-94.90397180000001,47.5065681 +35546,Walmart Deli,-94.9086717,47.497314900000006 +35547,Alano Club,-94.8968442,47.505625 +35548,Walmart Photo Center,-94.90892480000001,47.4971801 +35549,Mark Gazelka - State Farm Insurance Agent,-94.9048413,47.494446200000006 +35550,SmartStyle,-94.90807720000001,47.4962609 +35551,MoneyGram,-94.9089028,47.496254400000005 +35552,Social Security Administration,-94.90575430000001,47.496985300000006 +35553,Motor City Pawn,-94.9044331,47.494406600000005 +35554,Wildgen Wilimek & Associates,-94.90325940000001,47.497078 +35555,Pine Ridge Apartments,-94.9020098,47.4969164 +35556,Builders FirstSource,-94.90375680000001,47.4945681 +35557,First Baptist Church,-94.9026084,47.494276600000006 +35558,Skyline Village Mobile Home Park,-94.8923171,47.4961958 +35559,SEPHORA inside JCPenney,-94.899628,47.4954392 +35560,Ridgeway Apartments,-94.89553930000001,47.4974798 +35561,Red Pine Estates,-94.89528290000001,47.4936882 +35562,Colony Park Apartments,-94.89550200000001,47.496283000000005 +35563,Paul Bunyan Mini Storage,-94.88416790000001,47.4991618 +35564,Kestrel Pine Townhomes,-94.89271880000001,47.493644800000006 +35565,Cease Family Funeral Home,-94.88642510000001,47.496456900000005 +35566,Northern Star Apartments,-94.89121130000001,47.4935686 +35567,Bristlecone Manor,-94.8849344,47.492963100000004 +35568,Autumn Hills,-94.88764690000001,47.493068 +35569,Birchwood Arches (Apartments),-94.87693780000001,47.519683500000006 +35570,Little Free Library,-93.40468600000001,45.091848500000005 +35571,Secluded Acres,-94.8881362,47.5312241 +35572,Speedy Wash,-93.46935620000001,44.7853719 +35573,The Barn Chic's,-94.8847861,47.5178056 +35574,Jacobson's Clear Vue Resort,-94.87151150000001,47.5157972 +35575,LaSalle Heating and Air Conditioning Inc.,-93.3261191,44.745815900000004 +35576,Walgreens,-94.1669284,45.5906813 +35577,Sew It All,-94.8736638,47.503582800000004 +35578,The Church of Jesus Christ of Latter-day Saints,-94.8764087,47.4986297 +35579,Boat Shop T&M Marine,-94.87895320000001,47.4979117 +35580,Olson-Schwartz,-94.8845344,47.501007900000005 +35581,Bemidji Locker & Fish Co,-94.8800004,47.497795 +35582,A L Restaurant Supply,-94.8832849,47.5016491 +35583,Bonded Lock & Key,-94.88016660000001,47.4974823 +35584,Thrivent Financial-Lutherans,-94.8802311,47.496990200000006 +35585,Bobcat of Bemidji,-94.88466120000001,47.5025872 +35586,Bemidji Dental Clinic,-94.8793787,47.494021100000005 +35587,Ironhide Equipment,-94.88465090000001,47.5028725 +35588,Colleen's Caring Hands,-94.88026710000001,47.493653900000005 +35589,"Professional Salon Academy, Inc.",-94.8872056,47.5055327 +35590,Mi Rancho,-94.88868090000001,47.505688500000005 +35591,Evergreen Youth & Family Services,-94.8868556,47.5067922 +35592,Carners Realty,-94.4466118,43.6758892 +35593,Ronald Reagan Estates,-94.88600120000001,47.506438300000006 +35594,Shopko Optical,-92.46334750000001,43.9986971 +35595,Bark Ave Grooming,-94.88039020000001,47.5047086 +35596,Caribou Coffee and Einstein Brother's Bagels,-93.1535511,44.832974400000005 +35597,Hearty Platter Cafe,-91.4387459,43.9240469 +35598,Metro by T-Mobile,-92.4415939,44.007933400000006 +35599,Toppers Pizza,-92.4418756,44.007878500000004 +35600,Little Caesars,-92.44089100000001,44.0096998 +35601,Rush Creek Golf Club,-93.51381450000001,45.097033800000005 +35602,Opa! Opa!,-92.44201380000001,44.0098214 +35603,Subway,-92.4413854,44.0099269 +35604,El Carambas,-92.4416214,44.0100714 +35605,Litchfiel Civil War Memorial,-94.5255111,45.1101868 +35606,Apollo Liquor,-92.44122270000001,44.010037000000004 +35607,Litchfield Clock Tower,-94.5265305,45.1285596 +35608,KIMT CBS 3,-92.4886493,44.0416578 +35609,Taber's Bait,-94.87937620000001,47.492291200000004 +35610,SouthWest,-93.4444376,44.8598512 +35611,Taber's Historic Log Cabins,-94.87912530000001,47.492631800000005 +35612,FedEx,-94.8523758,47.4382668 +35613,EP16,-92.09891470000001,48.123657400000006 +35614,Calvary Lutheran Church,-94.862408,47.4370643 +35615,EP14,-92.20704260000001,48.1426619 +35616,Value Smart Retail Consignment,-94.8627264,47.435149300000006 +35617,RP Broadcasting,-94.86466560000001,47.440815 +35618,DAC,-94.8584658,47.4471044 +35619,Bemidji Community Food Shelf,-94.85938060000001,47.447965100000005 +35620,Adult Day Services Inc,-94.8575885,47.4387423 +35621,Schwan's Bemidji Depot,-94.8606053,47.447668300000004 +35622,Habitat For Humanity,-94.8607351,47.4472922 +35623,Industrial Park Mini Storage,-94.8498254,47.4398039 +35624,Northwoods Habitat for Humanity ReStore,-94.86083880000001,47.446904700000005 +35625,Nymore Arena,-94.8554173,47.4594095 +35626,Arrow Printing,-94.86463330000001,47.4469962 +35627,Fraternal Order of Eagles,-94.86288300000001,47.4480395 +35628,Dale's Auto Sales,-94.8631768,47.4489706 +35629,Norvold's U-Store,-94.86249550000001,47.448843600000004 +35630,Roger's Two Way Radio,-94.85890950000001,47.460565300000006 +35631,Gym Bin,-94.86326720000001,47.451399200000004 +35632,First Assembly of God,-94.85408380000001,47.458196 +35633,Motor Works Auto Repair,-94.8630936,47.450622200000005 +35634,Kandiland Learning Academy,-94.8622136,47.4508839 +35635,Carter Place Townhomes,-94.8620315,47.4518329 +35636,Bill's Used Furniture & Appliances,-94.86337610000001,47.451955100000006 +35637,Ruzy's Bar & Grill,-94.86418420000001,47.4533837 +35638,Bob and Jill's Drive and Buy,-94.86418900000001,47.4540628 +35639,SouthWest Transit Maintenance Facility and Garage,-93.4600386,44.8909189 +35640,Scott's Radiator Repair,-94.8641635,47.4542918 +35641,The Auto Shack,-94.86320500000001,47.4545134 +35642,KB RV Center Inc.,-94.8618285,47.4532249 +35643,Hickerson's Quality Used Cars,-94.8633344,47.4533737 +35644,Urban Air Trampoline and Adventure Park,-93.4954433,45.020782700000005 +35645,Cenex,-94.8615687,47.4275571 +35646,Southside Restaurant,-94.8647772,47.4296529 +35647,Bird's Auto Repair,-92.59416300000001,44.1941934 +35648,Carpenters Union Local 1934,-94.8569547,47.4517511 +35649,Bemidji Exterior,-94.83845430000001,47.4532091 +35650,Canine Divine,-94.84236200000001,47.460918500000005 +35651,Keenan's Cabinets of Distinction,-94.856936,47.4515772 +35652,Wagner Plumbing & Heating,-94.83776800000001,47.4394688 +35653,Wagner Plumbing & Heating,-94.83775440000001,47.4393314 +35654,Meyers Auto Services,-94.8505768,47.448334700000004 +35655,Bemidji Baptist Church,-94.8423679,47.4410569 +35656,Carters Collision,-94.852151,47.447788300000006 +35657,LaValley Industries,-94.8398741,47.4385185 +35658,Norway Park,-94.83392660000001,47.448806000000005 +35659,Premier Auto Glass,-92.5951727,44.193365 +35660,Suzy & Hondo School of Dance,-94.82200470000001,47.4490135 +35661,Sugar Loaf,-91.6265687,44.028405400000004 +35662,Nymore Evergreen Acres,-94.8469567,47.452583800000006 +35663,Walgreens,-93.1470661,44.9917722 +35664,Big Island,-93.5565407,44.9324956 +35665,Sugar Loaf Trailhead,-91.62525790000001,44.0294789 +35666,Collision Bonilla,-93.22463730000001,44.935575500000006 +35667,Body Glow Sun & Spray,-93.5774269,44.987933500000004 +35668,Great Clips,-92.9962217,43.6834818 +35669,Hobby Lobby,-92.9964642,43.683927000000004 +35670,Anytime Fitness,-92.98922920000001,43.682785200000005 +35671,Orono Station,-93.57804030000001,44.988826200000005 +35672,Shaver Campground,-93.5216843,44.9688606 +35673,Fox Chase,-93.5406068,44.8858193 +35674,Goonga Baloonga's,-93.6667688,44.9364027 +35675,Minnetonka Power Squadron,-93.5692855,44.927047300000005 +35676,North Shore Marina Browns Bay,-93.5575058,44.9612129 +35677,Bruegger's Bagels,-93.5006599,44.971463400000005 +35678,O'Reilly Auto Parts,-94.20203360000001,45.614421 +35679,Family Dollar,-94.20195650000001,45.6142361 +35680,Reliability Management Group,-93.28405470000001,44.7704122 +35681,North Star Regional Mental Health,-93.57190600000001,44.8623397 +35682,Little Free Library,-93.38982080000001,45.196829900000004 +35683,Stone Creek Psychiartry,-93.5717857,44.86235 +35684,Abundant Life Chiropractic,-93.57168460000001,44.862359600000005 +35685,Hjort Chiropractic,-94.2044164,45.553035 +35686,Noodles & Company,-94.15660050000001,45.5586318 +35687,State Farm,-93.5715711,44.8623795 +35688,Domino's,-94.15831510000001,45.558233900000005 +35689,NorthStar Regional Bridges Program,-93.5715272,44.8622991 +35690,NorthStar Regional CD IOP,-93.57177560000001,44.862276 +35691,Mount Hermon Lutheran Church,-94.09361990000001,45.1707051 +35692,Cetera Advisors,-93.5723409,44.8622194 +35693,Choices Psychotherapy,-93.5726918,44.8619034 +35694,Johnson Mediation,-93.5731154,44.8622363 +35695,Aspen Dental,-94.19251870000001,45.5528192 +35696,American Family Insurance,-93.572258,44.8623252 +35697,Prior Lake High School Disc Golf Course,-93.37436720000001,44.7292925 +35698,Stone Creek Dental,-93.5711177,44.862433800000005 +35699,Chamber of Commerce,-93.5714827,44.8619294 +35700,Wealth Guidance,-93.57167670000001,44.861915200000006 +35701,FastCare,-92.462647,44.0413027 +35702,Better Homes and Gardens,-93.57203080000001,44.8618863 +35703,Little Free Library,-93.38906580000001,45.1892232 +35704,Dunkin',-92.5209315,44.050057800000005 +35705,Five Below,-92.45964880000001,43.982297900000006 +35706,Olmsted Medical Rehabilitation Services,-92.4623145,44.0412186 +35707,Petco,-92.45965410000001,43.982074000000004 +35708,Hot Plate,-93.25274390000001,44.9086374 +35709,All Square,-93.2197581,44.9288867 +35710,MedExpress Urgent Care,-92.51532180000001,44.0803176 +35711,Mayo Clinic Express Care North,-92.5260569,44.0662734 +35712,Vannelli's,-93.0514435,45.829842400000004 +35713,Hy-Vee Pharmacy,-92.5261292,44.0660508 +35714,Hollandberry Pannekoeken,-92.46255980000001,44.0259888 +35715,CVS Pharmacy,-93.43572440000001,44.854443100000005 +35716,Walgreens,-93.4304539,44.854962400000005 +35717,The Pearl Vintage,-93.2532869,44.9892157 +35718,RCTC Bookstore,-92.42217640000001,44.0135298 +35719,Mac's Industrial Sports Bar,-93.25564840000001,44.9880556 +35720,Riddle Room,-93.2530972,44.9892935 +35721,The Terminal,-93.25458110000001,44.988776200000004 +35722,The Children's Place,-93.21592070000001,44.8157195 +35723,Coach,-93.2150993,44.8161447 +35724,Brooks Brothers,-93.21529980000001,44.8160633 +35725,J.Crew,-93.214905,44.816231800000004 +35726,Calvin Klein,-93.21473280000001,44.8163039 +35727,Van Heusen | IZOD Golf,-93.2163943,44.815454300000006 +35728,Fragrance Outlet,-93.21574960000001,44.815713300000006 +35729,Kitchen Collection,-93.2163184,44.8154875 +35730,Justice,-93.2162254,44.8155403 +35731,Wilsons Leather,-93.21545520000001,44.815978900000005 +35732,5th Grant Boutique,-93.21612640000001,44.8155937 +35733,Hanesbrands,-93.2155458,44.815931500000005 +35734,Carter's,-93.21574410000001,44.8158163 +35735,Adas Israel,-92.09736620000001,46.791851 +35736,OshKosh B'gosh,-93.2156514,44.8158697 +35737,Twelve Holy Apostles Orthodox Church,-92.09159840000001,46.7946716 +35738,Chico's,-93.2143757,44.8164278 +35739,Filson,-93.2145524,44.8163691 +35740,7 for All Mankind1,-93.21364360000001,44.8162405 +35741,Johnston & Murphy,-93.21446780000001,44.8163965 +35742,ASICS,-93.21423850000001,44.816478700000005 +35743,Motherhood® Maternity Outlet,-93.2140205,44.816213100000006 +35744,New York & Company,-93.21385380000001,44.816182600000005 +35745,Talbots,-93.21410970000001,44.8165215 +35746,True Religion Outlet,-93.2137378,44.816210700000006 +35747,Shantie's Plaza,-93.21394790000001,44.8165726 +35748,Armani Outlet,-93.21353590000001,44.816715 +35749,Steve Madden,-93.21354720000001,44.8162706 +35750,Samsonite,-93.21341600000001,44.8160492 +35751,Guess,-93.21381740000001,44.8166147 +35752,Fossil,-93.2136703,44.8159617 +35753,The Cosmetics Company Sotre,-93.21375370000001,44.8159371 +35754,Pendleton,-93.2138412,44.8159119 +35755,Banana Republic,-93.214045,44.8158364 +35756,Vera Bradley,-93.2142429,44.815762500000005 +35757,Francesca's,-93.21449720000001,44.8158411 +35758,Movado Company Store,-93.214537,44.815901600000004 +35759,Robert Graham,-93.2133537,44.816436 +35760,Kate Spade New York,-93.21347030000001,44.8164042 +35761,Le Creuset,-93.2132531,44.816241500000004 +35762,Go! Games & Toys,-93.2137139,44.8166497 +35763,Auntie Anne's,-93.21322350000001,44.8160296 +35764,Express,-93.2131878,44.8161375 +35765,Helzberg Diamonds,-93.2143379,44.8156357 +35766,Corningware Corelle & More,-93.21521560000001,44.8148306 +35767,Jockey,-93.2153244,44.814771500000006 +35768,claire's,-93.2143934,44.815695600000005 +35769,Maurices,-93.2154187,44.814718400000004 +35770,GNC,-93.21446230000001,44.8157907 +35771,Levi's,-93.2156697,44.8145767 +35772,Adidas,-93.2157978,44.814506800000004 +35773,Michael Kors,-93.21456060000001,44.8159858 +35774,Oakley,-93.21596290000001,44.8147919 +35775,White House Black Market,-93.21438500000001,44.8160242 +35776,Crocs,-93.2158694,44.814886300000005 +35777,Hot Topic,-93.21575,44.814992200000006 +35778,Aldo,-93.21427320000001,44.8160388 +35779,Journeys,-93.2156781,44.815024 +35780,Famous Footwear,-93.2155587,44.815101000000006 +35781,Lucky Brand,-93.21416,44.816073100000004 +35782,PacSun,-93.21537550000001,44.8152059 +35783,Cole Haan,-93.214055,44.816113300000005 +35784,Loft,-93.21520070000001,44.8152935 +35785,Perfumes 4U,-93.21508150000001,44.8153352 +35786,G.H. Bass & Co.,-93.2157202,44.815448 +35787,Sunglass Hut,-93.2149742,44.815387900000005 +35788,Swarovski,-93.2148477,44.815397700000005 +35789,Starbucks,-93.2147788,44.8154247 +35790,Kay Jewelers,-93.214713,44.815453100000006 +35791,Dress Barn,-93.21590710000001,44.8153522 +35792,Green Leaf's & Bananas,-93.2149232,44.815477400000006 +35793,Villa Fresh Italian Kitchen,-93.21496690000001,44.8155245 +35794,Skechers,-93.2161485,44.815232 +35795,Gyro Street,-93.21500660000001,44.8155664 +35796,Chicken Now,-93.21505590000001,44.8156152 +35797,Converse,-93.2163156,44.8151078 +35798,China Max,-93.2151077,44.8156599 +35799,Finish Line,-93.216217,44.815015100000004 +35800,Janie & Jack,-93.21517940000001,44.8157468 +35801,Tii Cup,-93.2152581,44.8157093 +35802,Lids,-93.21610170000001,44.814910600000005 +35803,Beef Jerky Outlet,-93.2153064,44.8156886 +35804,04 St & 02 AE,-92.10007730000001,46.7914291 +35805,Christopher & Banks,-93.2154924,44.8155486 +35806,Torrid,-93.2155793,44.815516900000006 +35807,Speedway,-92.0944506,46.7953386 +35808,London Rd. Car Wash,-92.0766339,46.800124700000005 +35809,Speedway,-92.0947045,46.795373000000005 +35810,Taco John's,-92.07281970000001,46.8022854 +35811,Macy's Backstage (2nd floor),-92.4793621,44.002627700000005 +35812,Scheels Mini-Bowling (2nd floor),-92.4800165,44.006050200000004 +35813,Model College Of Hair Design,-94.1594141,45.557717800000006 +35814,Budweiser,-94.1503376,45.579286700000004 +35815,Jim's Small Engine Repair,-92.5510481,43.842370900000006 +35816,Old “Graffiti Bridge”,-93.4669928,44.8693345 +35817,Red Cow,-93.2695393,44.9835738 +35818,Boost Mobile,-93.105557,44.9768437 +35819,Wayzata Bay,-93.5161685,44.965467100000005 +35820,Crystal Bay,-93.60425350000001,44.943353800000004 +35821,Old Channel Bay,-93.5939317,44.921645700000006 +35822,Cricket Wireless,-92.4848783,44.0041414 +35823,Halsted Bay,-93.68925010000001,44.9155941 +35824,Firehouse Subs,-92.4844589,44.0057138 +35825,Emerald Lake,-93.65066610000001,44.929574800000005 +35826,Aspen Dental,-92.4844827,44.0058832 +35827,Seton Lake,-93.6478579,44.9335116 +35828,Black Lake,-93.6349071,44.931497500000006 +35829,Taylor Arena,-92.45812430000001,44.0219241 +35830,Boulder Bridge,-93.63281,44.896419 +35831,Speedway,-93.05674490000001,45.0498442 +35832,Dougherty Funeral Home,-92.0924107,46.7939956 +35833,OMC NW Pharmacy,-92.5400927,44.079903800000004 +35834,Luce Line State Trail,-94.3027596,44.8984438 +35835,KSFI Transmitter,-92.545195,44.024408400000006 +35836,Cafe Steam,-92.4661655,44.0191706 +35837,Fiddlehead Coffee,-92.4586029,44.019170900000006 +35838,Small/Frail Dog Area,-93.4746623,44.7159254 +35839,University of Minnesota Bike Center,-93.22669610000001,44.972380900000005 +35840,Dog Off-leash Area,-93.47328900000001,44.7154146 +35841,Mystical Games and Collectibles,-93.4608745,44.8603752 +35842,YogaFit,-93.252904,44.9902497 +35843,Red Stag Supper Club,-93.25363490000001,44.990411200000004 +35844,I like You,-93.2541216,44.990191100000004 +35845,t lee custom design jewelry,-93.2534315,44.990577 +35846,Gardens Of Salonica,-93.2537432,44.989624400000004 +35847,Nice Ride,-93.25425,44.9902559 +35848,Red Savoy Pizza,-93.2570146,44.9885545 +35849,Herbivorous Butchet,-93.2537702,44.9903508 +35850,findfurnish,-93.2536704,44.9895349 +35851,Pinku,-93.2570424,44.9886065 +35852,Totus Express,-93.2540517,44.990218600000006 +35853,Ghorka Palace,-93.2550186,44.9893463 +35854,Yoga Sol,-93.2537734,44.9896837 +35855,Lotus Leaf,-93.4608774,44.8600654 +35856,Taberna Street Tacos,-93.31942570000001,44.948704 +35857,Sinclair,-92.73889910000001,43.8923069 +35858,Fresh Coast Collective,-93.2883185,44.9567743 +35859,Boost Mobile,-93.2522527,44.9398916 +35860,K-9 & Kitty Kutters,-93.2522593,44.9396835 +35861,Winona State University - Downtown Rochester,-92.4627547,44.018986000000005 +35862,Ping's,-93.27756240000001,44.9687594 +35863,Basecamp Fitness,-93.2679578,44.9832394 +35864,The Cliffs of Minnetonka,-93.43556530000001,44.973098900000004 +35865,Mary Tyler Moore Statue,-93.2723943,44.9767955 +35866,Caron Park Falls,-93.16555770000001,44.349990500000004 +35867,Casey's General Store,-93.58382370000001,44.545533000000006 +35868,Maddison Park,-93.6760958,44.8538471 +35869,Speedway,-93.5845548,44.5439086 +35870,Last Call,-93.2733726,44.980429 +35871,Fig + Farro,-93.2978513,44.948509200000004 +35872,Sal's on Fifth,-93.272654,44.9799002 +35873,Shovel Point,-91.18804270000001,47.33991 +35874,Dreamgirls,-93.2728246,44.9800144 +35875,Palisade Head,-91.2102887,47.321384200000004 +35876,Brothers Bar & Grill,-93.27371430000001,44.980661500000004 +35877,Buzz Mart,-93.2725997,44.979863300000005 +35878,Superior Hiking Trail,-91.21428800000001,47.344829600000004 +35879,Superior Hiking Trail,-91.21426050000001,47.3448063 +35880,The Loon Cafe,-93.27400750000001,44.980408000000004 +35881,Augie's,-93.2725166,44.9798825 +35882,Park office,-94.84984220000001,48.84756 +35883,Old Fort Snelling,-93.3070314,44.951318900000004 +35884,Heritage Gallery,-93.2275652,44.9751576 +35885,Great Clips,-92.5042914,44.0649942 +35886,Erbert & Gerbert's,-92.5044603,44.064919 +35887,Scrubs & Beyond,-92.50474200000001,44.064992200000006 +35888,China Star,-92.50386490000001,44.0649942 +35889,AT&T,-92.5040714,44.064909400000005 +35890,Group Camp,-94.84412420000001,48.858832400000004 +35891,Denny's Auto Body & Restoration,-92.2960379,44.179398600000006 +35892,Broken Down Dam,-96.02332240000001,46.290757600000006 +35893,French River Lutheran Church,-91.89536790000001,46.8996456 +35894,Clifton Fire Hall,-91.90303340000001,46.9022207 +35895,Little Free Library,-93.32644880000001,45.154415500000006 +35896,Crazy Tree,-96.7633318,46.8619506 +35897,Chase,-93.2296415,44.973520900000004 +35898,Kwik Trip,-92.4713038,46.663904800000005 +35899,Kwik Trip,-92.47124740000001,46.664239200000004 +35900,Kwik Trip (Diesel),-92.47220650000001,46.664211200000004 +35901,Armor,-92.46526440000001,46.663772400000006 +35902,True Stone Coffee Roasters,-93.0853151,44.9501962 +35903,Maxi Storage,-92.4678136,46.664205300000006 +35904,Tall Pines Liquor,-92.46526010000001,46.6630302 +35905,McDonald Mini Storage,-92.4677822,46.662373200000005 +35906,Taco John's,-92.1251388,46.8000563 +35907,Junction Tire Service,-92.47075330000001,46.664679500000005 +35908,New Life Community Church,-92.4690367,46.664081700000004 +35909,Kwik Trip,-92.13265530000001,46.8000975 +35910,Perkins,-92.15534210000001,46.803976600000006 +35911,McDonald's,-92.12975010000001,46.7999006 +35912,Hansen's Auto Service,-92.1558169,46.7940982 +35913,Caribou Coffee,-92.13173800000001,46.8001042 +35914,Kwik Trip,-92.13264670000001,46.799789700000005 +35915,Pho Pasteur,-93.1668265,44.962161200000004 +35916,Pixel Jared,-93.4031681,44.887052000000004 +35917,Henle Printing Company,-95.7635783,44.4442638 +35918,Office of Public Defender,-95.76358370000001,44.4445491 +35919,Pixel Jared,-93.40359690000001,44.8874167 +35920,Pixel Jared,-93.40341070000001,44.8875247 +35921,Pixel Jared,-93.36896420000001,45.1089112 +35922,Pixel Jared,-93.40199080000001,44.886768200000006 +35923,Pixel Yeti,-93.4019365,44.8862685 +35924,Pixel Jared,-93.400087,44.8857372 +35925,Ridgeway Fire Station,-91.5651213,43.912417000000005 +35926,Minnesota Indian Gaming Association,-94.74713510000001,47.4847849 +35927,United Methodist Presbyterian Church,-96.82699760000001,45.5903774 +35928,Samuel J Brown State Monument,-96.8409333,45.5954716 +35929,Effie Presbyterian Church,-93.6375325,47.8402809 +35930,Browns Valley Health Center,-96.8261294,45.593795300000004 +35931,Zion Lutheran Church,-96.8293441,45.5940627 +35932,SPUR,-93.6428621,47.839820800000005 +35933,Powerhouse Bar & Grill 4.6(96)·$$,-94.2878209,47.8749326 +35934,Island Lake Resort,-94.28772000000001,47.8760969 +35935,Effie Country Service,-93.64264270000001,47.8398059 +35936,Northern Star Co-Op,-94.2836072,47.872375000000005 +35937,Fisher Petroleum,-94.28159260000001,47.8723996 +35938,Sugar Shack,-94.44445130000001,47.7770759 +35939,Natural Resources Department,-94.2759388,47.8721888 +35940,Valley Pastries,-93.3975272,45.0070673 +35941,Northome Repair,-94.2769097,47.8722629 +35942,Northome True Value,-94.28001590000001,47.8728628 +35943,Bear,-94.28086250000001,47.872748400000006 +35944,The Thirsty Whale,-93.2959551,45.031297800000004 +35945,Jourdan Family Restaurant,-94.281445,47.8728203 +35946,Black Bear Drive Inn,-94.2815966,47.871394 +35947,Bonchon Chicken,-93.29789170000001,44.948494100000005 +35948,St Michael's Catholic Church,-94.2769456,47.873232800000004 +35949,Northome Community Church,-94.27973560000001,47.8743537 +35950,Stretch Lab,-93.31995500000001,44.9490174 +35951,H&R Block,-93.3199852,44.949199400000005 +35952,Best Cleaners,-93.31995450000001,44.949062500000004 +35953,Subway,-93.31995590000001,44.9489454 +35954,Fig & Farro,-93.29791110000001,44.9482136 +35955,City Market,-92.4642357,44.0211175 +35956,GD Nails & Spa,-93.3199532,44.9491645 +35957,The Joint Chiropractic,-93.31995380000001,44.9491159 +35958,Bank of America,-93.2979835,44.953455000000005 +35959,Kinh Do,-93.2980442,44.952101400000004 +35960,Giordano's,-93.2979134,44.9536237 +35961,Border States Co-Op Fert Plant,-96.8343449,45.597337100000004 +35962,Stilo Cuts,-93.2973176,44.9538725 +35963,Sabai Body Temple,-93.2980416,44.952130100000005 +35964,Lakes Area Reality,-93.298817,44.9521844 +35965,Mike's Alignment & Brake,-96.83413060000001,45.596695200000006 +35966,St. Anthony's Catholic Church,-96.83049770000001,45.5935834 +35967,Ben's Service,-96.8358177,45.595511900000005 +35968,Lewis Family Drug,-96.83340000000001,45.595521600000005 +35969,Browns Valley Hardware Hank & Rental,-96.8320717,45.5955469 +35970,Maynard's Food Center,-96.8343449,45.5950016 +35971,Valley Veterinarian Clinic,-96.8333973,45.5950548 +35972,Stephen Swimming Pool,-96.88067210000001,48.450606900000004 +35973,Hallock Ice Arena,-96.94602490000001,48.7799186 +35974,Northern Lites Lounge,-96.86804260000001,48.454157200000004 +35975,Northwest Acres,-96.88259520000001,48.451969500000004 +35976,Stephen Fire Department,-96.87440670000001,48.4493804 +35977,Northwest Grain,-96.8742332,48.451536100000006 +35978,Kelly's Country Store,-96.87450960000001,48.449916800000004 +35979,Koda Bank,-96.8745502,48.4500844 +35980,Simplot Grower Solutions,-96.87425250000001,48.4568184 +35981,Stephen City Clerk,-96.8747577,48.4503387 +35982,D & D Commodities Ltd,-96.8683137,48.435568700000005 +35983,Messenger,-96.8747261,48.4506499 +35984,United States Post Office,-96.8757721,48.450245 +35985,Evergreen N' Ivy,-96.8751185,48.451472900000006 +35986,Stephen Building Center,-96.8752082,48.451807900000006 +35987,CHS AG Service,-96.868184,48.4369852 +35988,First Lutheran Church,-96.87642930000001,48.451805400000005 +35989,St Stephen Rectory,-96.8778324,48.4494678 +35990,Caliber Collision,-93.4933304,45.128778800000006 +35991,Black Ace Parts,-96.8724698,48.449921700000004 +35992,Vern's Body Shop & Auto Sales,-96.87189190000001,48.4508178 +35993,Stephen Community Center,-96.8715871,48.4503927 +35994,Snake River Landing,-92.7646102,45.8229987 +35995,New Hair Dimensions & Boutique,-96.86792980000001,48.4492781 +35996,Chale Tire & Oil Co,-96.8679372,48.4509301 +35997,Stephen Auto,-96.86908580000001,48.4516189 +35998,American Legion Hall,-96.87348730000001,48.4533167 +35999,Rainbow,-93.29702080000001,44.9562314 +36000,Soho Cafe,-93.2966801,44.956133300000005 +36001,India Palace,-93.2971062,44.9561305 +36002,Endless Glow by Lola,-93.29625650000001,44.956644000000004 +36003,Lakes Center for Chiropractic,-93.29635850000001,44.956465 +36004,Isles Dental,-93.2967752,44.956171000000005 +36005,Daisy Nails,-93.2970607,44.956180800000006 +36006,Bell Bank Mortgage,-93.2963079,44.9565275 +36007,Julia Moss Designs,-93.29598080000001,44.956964400000004 +36008,Behind Bars Bicycle Shop,-93.2655893,45.0004824 +36009,Finnish American Monument,-93.320183,44.9822216 +36010,Cherry Cycles,-93.28580550000001,44.9719642 +36011,Cascade River Campground,-90.5301314,47.8320451 +36012,Theodore Wirth and five children,-93.3229745,44.992185000000006 +36013,Aqurbane,-93.31652580000001,45.006163900000004 +36014,Big Book,-93.29057540000001,45.0060336 +36015,New Horizon Academy,-93.29457280000001,44.958075900000004 +36016,Purple Raindrop,-93.2877691,45.0061661 +36017,Heart of the City,-93.2801592,44.9964768 +36018,Five Children Playing,-93.27699720000001,45.0007612 +36019,Fair Housing Overlook,-93.29355020000001,44.9820125 +36020,Starbucks,-93.2960293,44.958202 +36021,Fifth Element,-93.29418120000001,44.9586796 +36022,Everspring Health,-93.29254490000001,44.96072 +36023,Uptown Natural Care Center,-93.2925434,44.9607636 +36024,Fit 1st Running,-93.2936767,44.959333900000004 +36025,Pizza Hut,-93.29340140000001,44.959664800000006 +36026,Studiyo 23,-93.29347030000001,44.9595884 +36027,Domino's,-93.2948822,44.9577554 +36028,Bryce Jermain Salon,-93.29351940000001,44.9602646 +36029,The Corner Balloon Shoppe,-93.2951077,44.9574482 +36030,Vital,-93.29494550000001,44.957682600000005 +36031,Tao Natural Foods and Organic Cafe,-93.29327230000001,44.960816400000006 +36032,Washburn-McReavy Welander Quest-Davies Funeral and Cremation,-93.2928851,44.9600506 +36033,Starbucks,-93.2934494,44.9603059 +36034,One 21 4 East,-93.2936518,44.959363800000006 +36035,The Wine Shop at Kowalski's,-93.29598940000001,44.958004300000006 +36036,Saint Rose of Lima Catholic Church,-96.8258886,48.3330587 +36037,Always Nails,-93.29403160000001,44.9602602 +36038,The Cafe Meow,-93.29357710000001,44.9594484 +36039,Autopia,-93.2932715,44.9596643 +36040,Papa John's,-93.29397560000001,44.9602614 +36041,Spectacle Shoppe,-93.29410130000001,44.9587962 +36042,Sudz Salon,-93.29454190000001,44.958994100000005 +36043,Specs Optical,-93.29326520000001,44.960748800000005 +36044,Our Saviors Free Lutheran Church,-96.8250587,48.3304873 +36045,Rother Machine,-92.8422147,44.735757 +36046,Argyle Service & Repair,-96.8195457,48.3308029 +36047,Argyle City Natural Gas,-96.8191721,48.3329887 +36048,Our Saviour's Lutheran Church,-96.8204992,48.3327484 +36049,Walgreens,-93.35733040000001,45.0951631 +36050,United States Post Office,-96.8198771,48.3333384 +36051,United Valley Bank,-96.81947500000001,48.333772200000006 +36052,Lancaster Covenant Church,-96.8051707,48.8571298 +36053,Sion Lutheran Church,-96.8033939,48.8571837 +36054,Fashion Paradise,-96.8192437,48.333464500000005 +36055,Hanson Manufacturing,-96.80342320000001,48.8578489 +36056,Foxy Roxy's Diner,-96.80351950000001,48.8585817 +36057,Bil Manufacturing Inc,-96.8197368,48.334748100000006 +36058,Lancaster Municipal Liquor Store,-96.8043317,48.8586959 +36059,Agri-Sports,-96.8050541,48.8592449 +36060,Stephen Argyle Central,-96.8243769,48.3325742 +36061,United Valley Bank,-96.8035639,48.859142500000004 +36062,Family Foods of Lancaster,-96.80436270000001,48.8592871 +36063,Body Works Collision Center,-96.81538570000001,48.331963300000005 +36064,Lancaster Lumber,-96.80433330000001,48.8595788 +36065,"PoDCo, LLC.",-96.79812960000001,48.852951100000006 +36066,Valley Oil Co Station,-96.81533510000001,48.3339483 +36067,T & B Hardware,-96.8031639,48.86095460000001 +36068,Bernstrom Oil Convenience Store,-96.800078,48.8617787 +36069,The Dell Steakhouse & Lounge,-96.8166855,48.3353723 +36070,KUK Office,-96.6669775,48.730583 +36071,Lake Bronson Market,-96.6636151,48.7354044 +36072,Ramalynn Montessori Academy,-93.3135977,44.843672700000006 +36073,Viking Diner & Antiques,-96.4057944,48.217842000000005 +36074,Viking Farmer Museam,-96.4035418,48.2190081 +36075,Viking Community Center,-96.40661460000001,48.218797200000004 +36076,Pizza Hut,-93.2628256,44.916001900000005 +36077,Surfside on Lake Superior,-90.85529000000001,47.5635014 +36078,Planet Fitness,-96.7661947,46.850669700000005 +36079,Collider,-92.463752,44.018866200000005 +36080,Building Controls Group,-93.19569170000001,44.9616246 +36081,Whitewater Chrysler-Dodge-Jeep-Ram,-92.06056790000001,43.9533591 +36082,Bleu Duck Kitchen,-92.46369840000001,44.0191266 +36083,Picnic Shelter,-93.897053,44.480211600000004 +36084,Vertical Endeavors,-93.27848870000001,44.956149800000006 +36085,Picnic Shelter,-93.9675976,44.2853287 +36086,Court Square Park,-93.76482060000001,44.626599600000006 +36087,Gator Park,-96.1848758,48.6951808 +36088,Southpoint Detailing,-92.4608221,44.0453473 +36089,CVS Pharmacy,-96.7662002,46.844990200000005 +36090,Old Broadway Food and Spirits,-95.3773735,45.8886004 +36091,Loon Lake Cemetery,-95.0942715,43.526901800000005 +36092,Cub Discount Liquor,-92.8915891,44.737071400000005 +36093,Bremer Servie Center,-92.92557330000001,44.9551862 +36094,Cub Foods,-92.8919479,44.7369403 +36095,ACE Liquor Warehouse,-92.8749492,44.737976100000004 +36096,The Building Center,-95.7759987,48.847443500000004 +36097,Jake's Discount Liquor,-92.853075,44.7297765 +36098,Coborn's Liquor,-92.8444279,44.7133272 +36099,House of Wines,-92.8520306,44.733273600000004 +36100,Little Duke's,-93.9198164,45.663042100000006 +36101,"Karl Manufacturing Solutions, Inc.",-95.7779029,48.846743200000006 +36102,Ace Hardware,-95.78017840000001,48.846932100000004 +36103,Sven & Ole's Ultimate Carwash,-95.7806391,48.8485117 +36104,Titan Machinery,-95.7807832,48.846749200000005 +36105,U-Haul,-95.7806534,48.847629100000006 +36106,Gene's Bar & Grill,-95.7809265,48.8497496 +36107,Northern Resources Cooperative,-95.7863289,48.845537400000005 +36108,D & E Sports Shop Inc,-95.77948430000001,48.848842100000006 +36109,Oak Crest Senior Housing,-95.76158450000001,48.8357116 +36110,Mag's Repair,-95.77209690000001,48.8487797 +36111,Super One Foods,-95.77081670000001,48.8466729 +36112,Dollar General,-95.76919450000001,48.8467229 +36113,Revive Salon & Spa,-95.7690481,48.8379824 +36114,Cenex,-95.76914550000001,48.847444900000006 +36115,D & L Auto Glass,-95.7705777,48.8380073 +36116,Roseau County Ford,-95.76761660000001,48.8420843 +36117,Mediterra Energy Corporation,-95.7675789,48.8430947 +36118,North Star Apartments,-95.76295750000001,48.8400064 +36119,Roseau County Fair Grounds,-95.76612420000001,48.85180870000001 +36120,Holiday Stationstores,-95.7693912,48.848452300000005 +36121,Oak,-93.1651229,44.7719116 +36122,Boat Dock,-92.7744624,46.379071200000006 +36123,The Butt Tree,-92.7750857,46.3797087 +36124,Ballard Motor Co.,-95.7688581,48.8492168 +36125,Carquest Auto Parts - T & T Auto Parts,-95.7645694,48.8483517 +36126,Northland Tire,-95.76407230000001,48.8483754 +36127,Franks TV,-95.7635814,48.8482995 +36128,Bear and Bean Coffee Company,-95.7631099,48.8478051 +36129,Hot Stuff Pizza,-95.76949130000001,48.848512400000004 +36130,Ronnings,-95.7630774,48.8474714 +36131,Auto Value Roseau,-95.7640257,48.8474639 +36132,Berger Building Center,-95.76905520000001,48.8509703 +36133,Annie's Trading Post,-95.7648892,48.8475502 +36134,Kate's Kitchen,-95.7671232,48.847576100000005 +36135,USA Realty,-95.76251760000001,48.8482678 +36136,Roseau Municipal Liquor Store,-95.7679329,48.847841800000005 +36137,Roseau DVS Office,-95.76475930000001,48.8469728 +36138,License Bureau,-95.7647029,48.8468299 +36139,Carols Cedar Cellar,-95.76199960000001,48.8483019 +36140,Multi Office Products Inc,-95.76466590000001,48.8464054 +36141,Guest House,-95.76244910000001,48.8478712 +36142,Maurices,-95.7622879,48.848359300000006 +36143,Waage Appliance,-95.7624969,48.847592000000006 +36144,American Legion Hall,-95.76313830000001,48.849051900000006 +36145,The Pour House Bar & Grill Roseau,-95.7624844,48.847517800000006 +36146,Roseau-Lake of the Woods Title,-95.76246830000001,48.8473519 +36147,New Hope Cinema Grill,-93.38158890000001,45.008653 +36148,Twice the Charm,-95.7630759,48.846875600000004 +36149,Scott's True Value,-95.7632056,48.8468085 +36150,Past Treasures,-95.76308490000001,48.8466832 +36151,Kelli Palmquist - State Farm Insurance Agent,-95.76328070000001,48.846559600000006 +36152,WiLd 102 Radio,-95.76350330000001,48.8464114 +36153,SafeWay,-93.05460210000001,45.118038000000006 +36154,Roseau Computers,-95.76307680000001,48.8464855 +36155,En Liten Svensk (A Little Swedish) Shoppe,-95.7632083,48.8464025 +36156,Silver Dragon,-95.762527,48.8464502 +36157,Nelson's Cafe,-95.7625404,48.846568500000004 +36158,Coast True Value,-95.7625163,48.8466761 +36159,Transfers Unlimited,-95.76253770000001,48.846762600000005 +36160,Jake's Pizza,-95.7625644,48.846954200000006 +36161,Roseau County Museum,-95.7618171,48.846929200000005 +36162,Osterbauer Law Firm,-93.2753488,44.982794600000005 +36163,Roseau Public Library,-95.76116300000001,48.8466086 +36164,City of Roseau,-95.76180450000001,48.8466989 +36165,Michael Lundbohm Accounting,-95.762551,48.846876400000006 +36166,Ace Hardware,-94.18155490000001,45.5648958 +36167,Rams Sports Center,-95.75029350000001,48.8521538 +36168,Good Earth Food Co-op,-94.18215330000001,45.5647992 +36169,Williams Dingman,-94.1801839,45.5650495 +36170,Eagle's Nest,-92.77005630000001,46.380965 +36171,CVS Pharmacy,-93.0813265,44.9021558 +36172,Nature Nook,-92.77689640000001,46.383838700000005 +36173,Mall Cinema 7 Theatre,-93.3565253,43.6825625 +36174,Eagle Point,-92.34198230000001,44.530080600000005 +36175,Master Map,-93.20864630000001,44.91471 +36176,New Haven Township,-92.5835419,44.1302862 +36177,Red Wing Cinema 8,-92.5869816,44.569395 +36178,Elba Fire Tower,-92.01171760000001,44.0886572 +36179,Haverhill Township,-92.36809210000001,44.063651500000006 +36180,Canisteo Township,-92.7383918,43.9790259 +36181,Safelite AutoGlass,-92.4678799,44.0283366 +36182,ChargePoint,-92.52564960000001,44.0657641 +36183,Bob's Auto Body,-92.4667125,44.0283205 +36184,Miller Formal,-95.75667990000001,48.8456495 +36185,Auto Refinishers Plus,-92.47115690000001,44.029587500000005 +36186,T'Roy's Auto Care,-95.752302,48.847757 +36187,Messiah Lutheran Church,-95.7504859,48.8503009 +36188,Werkstatt 533 European Auto Service,-92.4712094,44.0292717 +36189,Earl's Drive-In,-95.74827350000001,48.848314900000005 +36190,Dwell Local,-92.471129,44.030516000000006 +36191,Denny's Outdoor Sports,-95.74827730000001,48.8476384 +36192,Moe Lutheran Church,-95.74426480000001,48.8474019 +36193,Border Broadcasting,-95.725249,48.8453521 +36194,Lund Furniture & Carpet,-95.7419237,48.8469485 +36195,Roseau Electric Co-Op Inc,-95.7450568,48.8493251 +36196,Helgeson Funeral Chapels,-95.7428416,48.84908050000001 +36197,Cannon Valley Cinema 10,-93.19778260000001,44.4290723 +36198,Roseau Times-Region,-95.7412408,48.8486612 +36199,First Baptist Church,-95.7441744,48.8431123 +36200,Evangelical Covenant Church,-95.7350133,48.8486613 +36201,First Lutheran Church of Salol,-95.57057710000001,48.864842 +36202,Free Lutheran Church of Roseau,-95.733699,48.8487919 +36203,Salol 1 Stop Convenience Store,-95.56818580000001,48.86634230000001 +36204,Taco Bell,-92.4615175,43.9884944 +36205,Knutson's Hartz,-95.09679200000001,48.803507800000006 +36206,Percy's Place,-95.1002179,48.802673500000004 +36207,The Hawk Tasty Tavern,-95.0893245,48.7983264 +36208,Up North Pyrenees,-95.11172330000001,48.801013000000005 +36209,Yawkey Unit Parking,-93.9447032,46.499380800000004 +36210,Viola Town Hall,-92.2666042,44.063684800000004 +36211,Kiosk - Man Cage,-93.94311710000001,46.499276 +36212,The Reserve,-93.34709070000001,44.8645117 +36213,Kiosk - Yawkey,-93.9448212,46.499325400000004 +36214,Solera,-93.2912481,44.963239800000004 +36215,Andy's Garage,-94.95446820000001,48.7672314 +36216,Ferrellgas,-94.9547253,48.767093100000004 +36217,Long Point Resort,-94.9516294,48.969134600000004 +36218,Chipotle,-93.55511360000001,45.3012917 +36219,Kenwood Barbers,-93.29206330000001,44.9625746 +36220,Uptown Curl,-93.29200900000001,44.962418400000004 +36221,Twin City Cleaners,-93.2919957,44.962576000000006 +36222,Minuteman Press,-93.2916555,44.9619082 +36223,International Design Center,-93.39794160000001,44.875986600000005 +36224,The Oaks Wine Bar,-91.63758750000001,44.052524500000004 +36225,Linder's Hideaway Cabins,-94.7834976,48.8332466 +36226,Freds Beds,-94.78143410000001,48.851646 +36227,Walleye Retreat,-94.77969680000001,48.831441000000005 +36228,Woodland Market,-92.0807219,46.8506481 +36229,Sweet's Fishing with Steve Sweet,-94.77843220000001,48.831814 +36230,Woodland Liquors,-92.08079450000001,46.8508963 +36231,Bugsy's on Bostic,-94.7748835,48.831560100000004 +36232,Cyrus Resort,-94.7771192,48.834690800000004 +36233,Edward Jones,-92.4893115,44.044778300000004 +36234,Wash N Go Liquor,-94.78457820000001,48.8348628 +36235,Goodwill,-92.0993062,46.821250000000006 +36236,Ken-Mar-Ke Resort,-94.77616250000001,48.8272221 +36237,Cost Cutters,-92.0990835,46.821249300000005 +36238,Redbox,-93.16025780000001,45.159726600000006 +36239,Vision-Pro Optical,-92.09890870000001,46.821249900000005 +36240,Baja Tanning,-92.0988284,46.821251000000004 +36241,George's Liquor,-92.0987484,46.8212497 +36242,Perk Place Coffeehouse,-92.098679,46.821252400000006 +36243,FedEx Office,-93.1605904,45.1600556 +36244,9Round Fitness,-92.09861140000001,46.821252900000005 +36245,Subway,-93.16049380000001,45.160119900000005 +36246,Settlers Point,-94.7014292,48.839958200000005 +36247,Border View Lodge,-94.70112080000001,48.837078600000005 +36248,Walmart Pharmacy,-93.15947990000001,45.1594277 +36249,Holiday Center -Building,-92.1010258,46.7839381 +36250,Ballard’s Resort,-94.7050574,48.8320426 +36251,Rainy River Resort,-94.70862720000001,48.820539800000006 +36252,Sportsman's Sleepers,-94.70509910000001,48.83238720000001 +36253,"Custom Video Productions, Inc.",-93.2439057,44.1021627 +36254,T J Prop Shop Inc,-94.7048429,48.835371200000004 +36255,Adrian's Resort,-94.70185160000001,48.8356712 +36256,River Bend Resort-Lake of the Woods Fishing,-94.7026582,48.8346123 +36257,Log Cabin Liquor,-94.70944700000001,48.8329528 +36258,"Southwest Minnesota Surgical Center, Inc.",-95.7664599,44.4390699 +36259,Cinemagic Washington Square 7,-95.84621680000001,46.818252300000005 +36260,Spotlight Theatres Mankato 4,-94.00553120000001,44.164938 +36261,Twin Cities Wine Education,-93.1994057,44.9642683 +36262,Cold Stone Creamery,-95.7694936,44.4356087 +36263,Edward Jones,-95.7694936,44.435490900000005 +36264,"Southwest Minnesota Orthopedics & Sports Medicine, Inc.",-95.76701960000001,44.4390656 +36265,Oak Island,-94.85056870000001,49.3113614 +36266,Flag Island,-94.8861851,49.3254734 +36267,Collin's Island,-94.90160700000001,49.3271121 +36268,Flag Island Resort,-94.89626670000001,49.3284486 +36269,Dahler Island,-94.89924590000001,49.3241426 +36270,Birch Island,-94.9110296,49.337296800000004 +36271,Blackbird Island,-94.8720205,49.3192965 +36272,Honeymoon Island,-94.91419060000001,49.3317217 +36273,Flag Island Point,-94.8712199,49.326382100000004 +36274,Magneson Island,-94.978549,49.3599899 +36275,Butterfield Harbor,-94.8515854,49.3216734 +36276,Dollar Tree,-95.7772963,44.4368272 +36277,Soldiers Point,-94.8193384,49.320543900000004 +36278,Cases Point,-94.82653020000001,49.3090029 +36279,Marian Island,-94.8505731,49.2976005 +36280,Norman Island,-94.82851720000001,49.2274741 +36281,Brush Island,-94.9133649,49.346083300000004 +36282,Garden Island,-94.86077780000001,49.1773712 +36283,Little Massacre Island,-94.81075770000001,49.1863369 +36284,Babe Island,-94.80124070000001,49.200599800000006 +36285,Shady Island,-94.82209780000001,49.2310846 +36286,Hay Island,-94.8154252,49.206321 +36287,Kirk Island,-94.82881210000001,49.2367572 +36288,Little Oak Island,-94.8406848,49.243770000000005 +36289,Techout Island,-94.8716476,49.265959200000005 +36290,O'Dell Island,-94.863476,49.2608631 +36291,Fourblock Island,-94.8855274,49.275101400000004 +36292,Crowduck Island,-94.8855894,49.254180600000005 +36293,CVS Pharmacy,-93.3118408,44.8595727 +36294,Pine Island,-94.71742470000001,48.868303700000006 +36295,Walgreens,-93.5280645,47.220410400000006 +36296,Starbucks,-93.3113366,44.8597564 +36297,CVS Pharmacy,-92.1678162,46.8089619 +36298,Great Clips,-95.7743379,44.4509064 +36299,Papa Murphy's,-95.77422440000001,44.4509084 +36300,Starbucks,-92.16774360000001,46.808607800000004 +36301,Beaver Air Tours,-92.0469637,46.727028700000005 +36302,Airport Beacon,-92.04638030000001,46.7272248 +36303,Cinnabon / Auntie Anne's,-93.2140861,44.883295100000005 +36304,Peak Computer Services,-93.5077914,44.091097500000004 +36305,The Labyrinth,-93.15261550000001,44.4635131 +36306,Glynner's Pub,-92.46248840000001,44.040162800000004 +36307,Acapulco Mexican Restaurant,-92.825038,45.0368439 +36308,ChargePoint,-93.1699179,44.938389 +36309,Pentair Gate,-93.25785110000001,44.9725801 +36310,Thai Basil Restaurant & Bar,-92.82366900000001,45.036661200000005 +36311,Starbucks,-92.07775910000001,46.8172835 +36312,John Schroeder Renewable Resources Building,-92.00102620000001,43.7618578 +36313,Eagle Bluff Dormitory,-92.00530280000001,43.759040500000005 +36314,Eagle Bluff Discovery Center,-92.0044996,43.758436700000004 +36315,The Point A-Frame and Shed,-91.9844046,43.7666437 +36316,Dining Hall,-92.0046647,43.7595207 +36317,The Point A-Frame,-91.98384130000001,43.766509600000006 +36318,Eagle Bluff Residence,-92.0001733,43.761015 +36319,The Point Shed,-91.98412800000001,43.766714400000005 +36320,Amore Coffee,-93.10192020000001,44.919569300000006 +36321,Teardrop,-92.45982260000001,44.0215602 +36322,"JWK Engineering & Sales, Inc.",-93.2376093,45.114216000000006 +36323,ABC Dental PA,-93.3521183,45.178526000000005 +36324,Liberty Oxygen and Medical Equipment,-93.3637174,45.1830018 +36325,Edward Jones,-93.36382710000001,45.182872100000004 +36326,Driftwood Point,-94.94473690000001,49.213174800000004 +36327,Stony Point,-95.1429444,49.147217600000005 +36328,Sugar Point,-94.92136620000001,49.2882849 +36329,Mount Royal Bottle Shoppe/Beer Cave,-92.07388900000001,46.821425600000005 +36330,Jake's Northwest Angle,-95.06269800000001,49.3472584 +36331,J & M Co,-95.07011410000001,49.3448921 +36332,Pizza Hut,-92.0779876,46.8160706 +36333,Sport Clips,-92.0776283,46.817438100000004 +36334,Eskomo Pies,-92.362481,46.707334100000004 +36335,Chilly Billy's Frozen Yogurt,-92.0777853,46.8175012 +36336,Qdoba,-92.07751560000001,46.8176326 +36337,Caribou Coffee,-92.10156470000001,46.8218205 +36338,Runa Yoga,-92.101442,46.8218225 +36339,Caribou Coffee,-92.07263,46.8209176 +36340,Harbor Pointe Credit Union,-92.1011666,46.8218231 +36341,Crooked Pint,-92.10102110000001,46.8218253 +36342,Billy's,-92.0484248,46.8799715 +36343,Lakeside Law Office,-92.03468620000001,46.8266354 +36344,e-Bike Duluth,-92.03442100000001,46.8267644 +36345,Jimmy John's,-92.07788570000001,46.8167075 +36346,Marshall Hardware,-92.03407770000001,46.826844 +36347,Cloquet Alternative Learning Center,-92.4485336,46.7173442 +36348,Snap Fitness,-92.03367,46.827003700000006 +36349,United States Post Office,-92.03356000000001,46.8270362 +36350,Casa Latte,-92.033505,46.8270573 +36351,Cloquet Police Department,-92.4494768,46.7195169 +36352,Edward Jones,-92.0332623,46.827190300000005 +36353,Sutherland CBD,-92.03345270000001,46.827078400000005 +36354,7 West Taphouse,-92.17242590000001,46.807233700000005 +36355,YMCA,-92.2395573,46.8214264 +36356,Five Watt,-93.2437359,44.9917217 +36357,Potluck,-93.1706554,45.0126872 +36358,Northwest Angle State Forest,-95.06837440000001,49.2772735 +36359,Brow Studio,-93.17276360000001,45.0130247 +36360,Caribou Coffee,-93.1711999,45.0130465 +36361,JoS. A. Bank,-93.17065670000001,45.012944100000006 +36362,Auntie Anne's,-93.17271930000001,45.012916600000004 +36363,Pandora,-93.17263220000001,45.012746 +36364,Saint Anthony Parkway Bridge Overlook,-93.2690457,45.0273996 +36365,Vans,-93.17272340000001,45.0127327 +36366,Athleta,-93.1729205,45.0127024 +36367,Lush,-93.17301710000001,45.012692900000005 +36368,Ann Taylor,-93.1731445,45.0126787 +36369,American Point,-94.9543357,49.366942400000006 +36370,Justice,-93.1733993,45.012635100000004 +36371,Maries Island,-94.93780070000001,49.3454508 +36372,Foot Locker,-93.171165,45.0128228 +36373,Goldy's Locker Room,-93.1711851,45.0124483 +36374,Garvin Hills,-95.7563765,44.2633711 +36375,Muedeking Hill,-95.70165940000001,44.239129000000005 +36376,My Pillow,-93.1714426,45.0126246 +36377,Altar'd State,-93.1722419,45.012652100000004 +36378,Elm Mission Church,-94.1898252,45.074975300000006 +36379,J.Jill,-93.172667,45.0125715 +36380,Maurices,-93.1729741,45.0125241 +36381,First National Bank,-94.1897677,45.075763 +36382,Cokato Area Food Shelf,-94.1898252,45.0754463 +36383,H&M,-93.1733282,45.0124483 +36384,Broadway B's,-94.189739,45.0758929 +36385,The Walking Company,-93.1733885,45.0125924 +36386,Kensington Bank,-94.1895693,45.076504400000005 +36387,White Barn Candle,-93.1729621,45.0126635 +36388,Build-A-Bear Workshop,-93.17283470000001,45.0126806 +36389,Rocky Point,-95.0678324,48.960748200000005 +36390,Arnesen's Rocky Point Resort,-95.06688360000001,48.960551300000006 +36391,Helzberg Diamonds,-93.1725933,45.0127213 +36392,T-Mobile,-93.172667,45.0128768 +36393,Dairy Queen,-93.3781046,44.984431 +36394,Spencer's,-93.17272600000001,45.013071200000006 +36395,T-Mobile,-93.3792377,44.9846324 +36396,Ace Hardware,-93.38155800000001,44.984990800000006 +36397,Becker Furniture World,-93.17240690000001,45.013394500000004 +36398,Liquor Barrel,-93.3811651,44.984990800000006 +36399,Paddle North,-93.1717725,45.013250400000004 +36400,Mort's Delli,-93.3812704,44.9844974 +36401,Travel Style Luggage,-93.1714238,45.0130001 +36402,Baudette,-94.5903756,48.7158948 +36403,North Star Electric Cooperative,-94.6266722,48.7300881 +36404,The Woods Gifts - Maple Grove,-93.48191220000001,45.1263901 +36405,Red Wing,-92.5371557,44.566317000000005 +36406,Westside Square Bottle Shop,-94.61419930000001,48.7129185 +36407,Baudette Community Swimming Pool,-94.6366555,48.70946 +36408,NAPA Auto Parts - Auto Parts of Baudette,-94.6140144,48.713103100000005 +36409,Dollar General,-94.6098833,48.7120563 +36410,Boarder State Bank,-94.60860690000001,48.7119038 +36411,Godfather's Pizza,-94.6074913,48.7119829 +36412,Eldon,-92.8531798,46.1328005 +36413,Corner Stone Assembly Church,-94.60505020000001,48.712081500000004 +36414,RiverWood Bank,-94.6010758,48.7123524 +36415,Helgeson Funeral Chapels,-94.6012367,48.7116569 +36416,Wells Fargo,-94.60215380000001,48.712043800000004 +36417,Baudette Agency,-94.6013403,48.712704 +36418,Sacred Heart Church,-94.60049380000001,48.7117512 +36419,Pilgrim Congregational Church,-94.5998493,48.712157000000005 +36420,Brink Center,-94.59973500000001,48.711793500000006 +36421,Holiday Stationstores,-94.5985553,48.7121208 +36422,Zorbas on the Lake,-94.93651840000001,45.230378300000005 +36423,Simplicitea,-93.16677960000001,44.9330754 +36424,Hot Hands Pie & Biscuit,-93.166742,44.9333565 +36425,Books for Africa,-93.18265020000001,44.962087800000006 +36426,Bonnema Hardware & Flooring,-94.9391741,45.236456600000004 +36427,DI Labs,-94.95612390000001,45.232288600000004 +36428,Clock,-95.15228710000001,45.8685046 +36429,ANI Pharmaceuticals Inc,-94.6030951,48.7129203 +36430,Bethlehem Lutheran Church,-94.60414270000001,48.7127356 +36431,Winona,-91.6388749,44.0434898 +36432,Seventh-Day Adventist Church,-94.6059134,48.713202300000006 +36433,Reed Realty,-94.6065705,48.712878200000006 +36434,North Border Realty Inc,-94.6081111,48.7127835 +36435,Tim Sieberliech House,-94.609655,48.7129624 +36436,Auto Value Baudette,-94.6125087,48.7141381 +36437,Hometown Hardware Hank,-94.6115807,48.714046100000004 +36438,Lake of the Woods Tourism,-94.6139909,48.7141783 +36439,Wayne's Body Shop,-94.6146643,48.7145457 +36440,Johnson Auto & Body,-94.61132690000001,48.714683300000004 +36441,Pirkl Lumber & Carpet,-94.6023016,48.714088000000004 +36442,Winona,-91.6401118,44.044302300000005 +36443,Forestry Department,-94.59542060000001,48.712158900000006 +36444,Red Wing,-92.5375113,44.5663697 +36445,Fisheries Office,-94.5944992,48.712192400000006 +36446,The Rogue Bean,-94.5944348,48.711597700000006 +36447,True North Equipment,-94.5937804,48.712415400000005 +36448,Detroit Lakes,-95.84600490000001,46.8198061 +36449,Lakes Gas Co.,-94.59294890000001,48.712011800000006 +36450,Cascades (the narrows),-91.20664930000001,47.3423644 +36451,Kingdom Hall of Jehovah's Witnesses,-94.5907555,48.7102725 +36452,Woody's Service,-94.59222530000001,48.711478500000005 +36453,Subway,-94.5907631,48.712481600000004 +36454,Taco Bell,-92.1558674,46.746930500000005 +36455,Whole Foods Co-op,-92.1568299,46.746573500000004 +36456,L B Foods,-93.8051676,48.191297500000005 +36457,Kramer’s Choice Rapid,-91.2204719,47.362465900000004 +36458,"Big Falls Liquor Store ""The Muni""",-93.8041618,48.191259900000006 +36459,Mel's Sport Shop Guns & Gifts,-94.939113,45.2319577 +36460,Promersberger's Corner,-93.80316400000001,48.191270700000004 +36461,Holiday Car Wash,-92.4862399,44.043224900000006 +36462,Mercy Hospital - Main Entrance,-93.36943810000001,45.1834927 +36463,MN Outlaw Customs,-93.8063419,48.18819370000001 +36464,Paul Bunyan Memorial Park,-94.44641890000001,47.9397743 +36465,River of God Church,-93.8066376,48.1913898 +36466,Nye's Bar,-93.2584332,44.987135 +36467,Forestry Department,-93.79867540000001,48.196767 +36468,Sondor Shaker,-93.2580027,44.987292000000004 +36469,Little Fork Area Chamber of Commerce,-93.55352880000001,48.4011824 +36470,University of Minnesota East Bank Clinic,-93.2342387,44.972305600000006 +36471,The Howe Daily Kitchen & Bar,-93.22483150000001,44.9359161 +36472,Kwik Trip,-92.6312822,44.030156500000004 +36473,Littlefork Baptist Church,-93.55870510000001,48.397906600000006 +36474,Shopko Optical,-91.6776976,44.0468994 +36475,Capital View Cafe,-93.1021104,44.926807700000005 +36476,Thorpe Township Hall,-94.8760627,47.108619000000004 +36477,Salon 227 & Firehouse Coffee Company,-94.71400700000001,45.3816727 +36478,Hennepin County Service Center - Brookdale,-93.3116463,45.065683 +36479,Northwest Family Clinics,-93.55081650000001,45.1920835 +36480,Hennepin County District Court,-93.3115506,45.0659287 +36481,NovaCare Rehabilitation,-93.5505644,45.1920079 +36482,Northwinds Counseling Services,-93.5503927,45.1918926 +36483,Brookdale Library,-93.3105816,45.066171100000005 +36484,Hennepin County Department of Human Services,-93.31113260000001,45.066182700000006 +36485,Restaurant Depot,-93.30731770000001,45.063877700000006 +36486,Holy Trinity Lutheran Church WELS,-93.39489640000001,45.0339253 +36487,Gerry’s Foods,-96.25925240000001,47.259658300000005 +36488,Brewtus' Brickhouse Tavern,-96.76562630000001,46.835242300000004 +36489,gate,-91.42398390000001,43.7667712 +36490,4 Seasons - Lv,-93.40387770000001,45.030432100000006 +36491,Roti Modern Mediterranean,-93.3498435,44.966811500000006 +36492,Robbinsdale Academy - Highview,-93.3664377,45.0047854 +36493,Bikes For Kids,-93.2398936,45.270892100000005 +36494,Scotland Green Apartments,-93.21196780000001,45.1012172 +36495,Progeny Academy,-93.3263472,45.0629131 +36496,Hassan,-93.59418690000001,45.187788600000005 +36497,Taco John's,-93.238471,45.183382800000004 +36498,Massage Envy,-93.2334812,45.160411800000006 +36499,T-Mobile,-93.5528381,45.3008332 +36500,Panera Bread,-93.5527744,45.300691300000004 +36501,Park Dental Elk River,-93.5528664,45.300907900000006 +36502,Sport Clips,-93.5551355,45.3013538 +36503,Subway,-93.5525549,45.3002258 +36504,KT Nails,-93.5551528,45.3014024 +36505,Batteries Plus Bulbs,-93.5525956,45.300325300000004 +36506,Metro Dentalcare,-93.5552097,45.301523200000005 +36507,Verizon,-93.55525540000001,45.3016276 +36508,Noodles & Company,-93.55237980000001,45.299739100000004 +36509,Enterprise,-93.5567233,45.3041934 +36510,SBR Automotive,-93.5567233,45.3044075 +36511,AT&T,-93.55240810000001,45.2998187 +36512,Big O Tires,-93.55662170000001,45.305535600000006 +36513,The UPS Store,-93.5524328,45.299900900000004 +36514,AJ's Complete Automotive,-93.5566014,45.305163900000004 +36515,Aveda,-93.55247530000001,45.3000029 +36516,Caribou Coffee,-93.55480700000001,45.300364800000004 +36517,Kwik Trip,-93.7412085,45.3329418 +36518,Kwik Trip,-93.7412398,45.3332853 +36519,Cherry Berry,-93.5548347,45.300442800000006 +36520,Kennedy Vision,-93.55486090000001,45.3005165 +36521,Lake Mobile Home 16,-90.891655,47.5436464 +36522,FedEx Office,-93.5548871,45.3005912 +36523,Cabin 18,-90.89687690000001,47.5430854 +36524,Domino's,-93.5549086,45.3006541 +36525,Cabin 1,-90.8958571,47.5434015 +36526,Cabin 2,-90.895589,47.5434057 +36527,Jimmy John's,-93.5549857,45.300809 +36528,Cabin 3,-90.8952532,47.5434223 +36529,Cabin 4,-90.89290050000001,47.543526400000005 +36530,Pilgrim Cleaners,-93.5549656,45.300771100000006 +36531,Cabin 5,-90.893134,47.543329400000005 +36532,New China Dragon,-93.554941,45.300722300000004 +36533,Cabin 6,-90.89341420000001,47.5431765 +36534,Cabin 7,-90.8936547,47.5430252 +36535,Schroeder Baking Company,-90.8977332,47.542981600000005 +36536,Cabin 8,-90.8938181,47.542880200000006 +36537,Cabin 11,-90.894124,47.542629600000005 +36538,Cabin 12,-90.89435730000001,47.542254500000006 +36539,Crystal Police Department,-93.36059230000001,45.0322231 +36540,Cabin 14,-90.8945418,47.542185100000005 +36541,Graze Provisions + Libations,-93.2772269,44.9848373 +36542,Applebee's,-93.38248800000001,45.033095800000005 +36543,Hong Kong Buffet,-93.382485,45.033213100000005 +36544,Subway,-93.38248010000001,45.0333436 +36545,New Panda House,-93.38242260000001,45.0354115 +36546,Taco John's,-93.38248320000001,45.0334268 +36547,Apex Chiropractic,-93.3824316,45.033557200000004 +36548,Pawn,-93.3821891,45.0336616 +36549,Affinity Plus Credit Union,-93.3818246,45.0336792 +36550,Jackson Hewitt,-93.38193960000001,45.0336554 +36551,Pioneer Dental,-93.38202190000001,45.0336848 +36552,Cosmo-Prof,-93.38164850000001,45.0339028 +36553,CSL Plasma,-93.3824924,45.0349481 +36554,GNC,-93.3815431,45.033964000000005 +36555,New Hope Coin Laundry,-93.38246290000001,45.0350732 +36556,Love Nails,-93.3815471,45.0340301 +36557,Milagro's Beauty Salon,-93.381893,45.0348714 +36558,Metro by T-Mobile,-93.3818092,45.034855 +36559,MinneTeepee Resort,-94.32464300000001,46.9299429 +36560,SalonCentric,-93.381741,45.0348794 +36561,MinneTeepee Resort beach,-94.32550400000001,46.930364100000006 +36562,Dollar Tree,-93.38142450000001,45.034775800000006 +36563,Mill Street Tavern,-92.906411,44.5080977 +36564,Iron Rock Off Road,-93.5774473,44.762469 +36565,Cannon Belles Coffee and Ice Cream,-92.9060803,44.508099 +36566,Great China,-92.9075181,44.4957349 +36567,E-Cig Warehouse,-93.4221127,45.218676 +36568,Oly's Roadhouse,-92.9060073,44.4878325 +36569,Baker White,-93.4222879,45.2187471 +36570,Falls Landing,-92.90602960000001,44.487716500000005 +36571,Chuggers Bar & Grill,-92.90593240000001,44.506655300000006 +36572,Two Rivers Vinyard & Winery,-93.42247730000001,45.2187994 +36573,Brewster's Bar & Grill,-92.90552790000001,44.5065097 +36574,Nick's Downtown Diner,-92.90517890000001,44.5077851 +36575,Enchantasys Intimate Boutique,-93.42261350000001,45.218838100000006 +36576,The Gates Ajar,-93.14488080000001,44.9812238 +36577,Goodwill,-93.4912609,45.127543 +36578,Tool Rental Center,-93.4810649,45.136868500000006 +36579,Metro Self Storage,-93.4911914,45.1239653 +36580,Becker Furniture World,-93.49070300000001,45.1245497 +36581,4th class climb,-91.4832633,44.004773 +36582,Anytime Fitness,-93.48933930000001,45.1245502 +36583,High rock,-91.48332230000001,44.0052612 +36584,Dollar Tree,-93.4892092,45.124520000000004 +36585,North View,-91.4860044,44.0049829 +36586,Chanticlear Pizza Grill,-93.488945,45.1245294 +36587,Carlson parkway,-93.4677102,44.9780956 +36588,Hobby Lobby,-93.4885625,45.1244942 +36589,Teresa's,-93.4879181,45.126180100000006 +36590,Motor Works of Sartell,-94.19467700000001,45.5974973 +36591,First United Methodist Church of the St. Cloud Region,-94.23270430000001,45.603974400000006 +36592,Kwik Trip,-94.2055662,45.6157197 +36593,St. Michael's Catholic Church,-92.8063326,45.051188700000004 +36594,Kwik Trip,-94.2049623,45.615721900000004 +36595,Kwik Trip,-92.5286968,44.5627378 +36596,St Croix Catholic School,-92.80594330000001,45.0505872 +36597,Bank of America,-93.44282100000001,45.0951619 +36598,PetSmart,-93.42295130000001,45.092856700000006 +36599,Office Depot,-93.42244880000001,45.0929342 +36600,Cedar Island Playfields,-93.4347934,45.077681000000005 +36601,Child Garden Montessori,-93.286051,44.9738028 +36602,River Country Cooperative,-92.8108538,44.600258700000005 +36603,Pizza Hut,-94.15525430000001,45.5574851 +36604,Subway,-94.15339900000001,45.5480875 +36605,Fantastic Sams,-94.15570310000001,45.558019200000004 +36606,ViVi Bubble Tea,-94.1556523,45.557975000000006 +36607,WingStreet,-94.15534210000001,45.557589 +36608,St. Cloud State University Welcome Center,-94.1550689,45.5571623 +36609,Pregnancy Resource Center,-94.1554002,45.557666100000006 +36610,Firehouse Subs,-94.15546730000001,45.5577473 +36611,Peppertree Salon,-93.38159250000001,45.008015900000004 +36612,Boost Mobile,-93.381591,45.0081226 +36613,Insomnia Cookies,-94.15575190000001,45.5580676 +36614,Family Dollar,-93.38158490000001,45.0082558 +36615,Casey's General Store,-93.95889290000001,43.9346296 +36616,Outtakes Bar & Grill,-93.3815835,45.0084621 +36617,Arc's Vallue Village Donation Center,-93.3815031,45.0089338 +36618,ACE Cash Express,-93.3812917,45.0090754 +36619,Liberty Tax,-93.3811934,45.009117800000006 +36620,New Hope Smoke Shop,-93.38112070000001,45.0090796 +36621,A+ Coin Wash,-93.38096420000001,45.0091198 +36622,Minnesota Lake,-93.83273960000001,43.840993100000006 +36623,Timberwolf Fitness,-93.1845663,45.0281163 +36624,Kwik Trip (Trucks),-92.6247268,44.5674125 +36625,AHEAD Minneapolis,-93.35502480000001,44.8626024 +36626,Kwik Trip,-92.624807,44.567734800000004 +36627,Kwik Trip,-92.62459240000001,44.5678296 +36628,Lucky Day Liquor,-92.67143370000001,44.6306145 +36629,Mt Calvary Lutheran Church,-93.25192440000001,44.883791300000006 +36630,The Tipsy Turtle,-92.6711015,44.630553600000006 +36631,Midway,-93.18413620000001,44.9614345 +36632,Fridley,-93.2708815,45.07945 +36633,Midway,-93.1842314,44.961431700000006 +36634,Midway,-93.18402350000001,44.961434000000004 +36635,Midway,-93.1840399,44.964617000000004 +36636,Midway,-93.1841457,44.964617000000004 +36637,Midway,-93.18424080000001,44.9646157 +36638,Midway,-93.1841818,44.9629903 +36639,Fridley,-93.2709686,45.078300000000006 +36640,Varitronics LLC,-93.3738294,45.124209300000004 +36641,Coon Rapids-Riverdale,-93.3509454,45.1906515 +36642,"SideKick, Inc",-93.4030376,44.8713198 +36643,Coon Rapids-Riverdale,-93.35208270000001,45.191419 +36644,Anoka,-93.3833596,45.207483200000006 +36645,Total Wine,-93.16816510000001,44.8341786 +36646,Anoka,-93.38479020000001,45.2080192 +36647,Sierra Trading Post,-93.1692896,44.8342401 +36648,Ramsey,-93.46079010000001,45.23158 +36649,Ramsey,-93.4622162,45.2320706 +36650,Genesis Covenant Church,-93.3346262,45.0276275 +36651,Minnesota Makers,-93.3392123,45.0313342 +36652,Elk River,-93.54180810000001,45.282157000000005 +36653,Finds On Broadway,-93.3393494,45.031448000000005 +36654,Elk River,-93.5427549,45.2830772 +36655,Metro by T-Mobile,-93.33915610000001,45.031577000000006 +36656,Papa John's,-93.3373567,45.0306884 +36657,Sacred Heart Catholic School,-93.33746280000001,45.0285249 +36658,Trossen Wright Plutowski,-93.33752030000001,45.0307741 +36659,Minnesota Dental Group,-93.3375973,45.030719000000005 +36660,Payday America,-93.3372355,45.0305984 +36661,Fantastic Sams,-93.36600050000001,45.0540899 +36662,Crystal Learning Center,-93.3689198,45.0528732 +36663,Caribou Coffee,-93.3688582,45.0544212 +36664,Sally Beauty,-93.36886530000001,45.053758900000005 +36665,Bargain Mart Furniture,-93.36886410000001,45.0538735 +36666,Dollar Tree,-93.36625860000001,45.053957100000005 +36667,Kumon,-93.3688606,45.0540542 +36668,T-Mobile,-93.3660883,45.0543533 +36669,Pet Supplies Plus,-93.3688582,45.0541828 +36670,GameStop,-93.3688571,45.0543197 +36671,Pillsbury State Forest- Walter Stark Horse Camp,-94.4527173,46.377168600000005 +36672,Bank of America,-93.3689727,45.054393100000006 +36673,Domino's,-93.36912210000001,45.0544286 +36674,Pro Nails,-93.3685885,45.052761600000004 +36675,Sun Shoppe,-93.3684868,45.052714200000004 +36676,National Karate,-93.3684035,45.0527716 +36677,Crystal Police Neighborhood Outreach Office,-93.36826930000001,45.0527357 +36678,Hungryman Forest Campground,-95.1828378,47.060304 +36679,Planet Fitness,-93.36769410000001,45.0522719 +36680,Marshalls,-93.3672631,45.0522762 +36681,El Loro Mexican Restaurant,-93.3658614,45.0539235 +36682,Subway,-93.3659465,45.0542935 +36683,Hunterville Township Campsite,-94.90556830000001,46.7678407 +36684,Stony Point Campground,-94.4552929,47.1377888 +36685,Huntersville State Forest - Landing,-94.92869250000001,46.738288100000005 +36686,Tree Farm Landing County Campgrounds,-94.873553,46.7905667 +36687,AutoZone,-93.27767060000001,44.8840537 +36688,Anderson's Crossing,-94.8818009,46.699295600000006 +36689,Marian Grotto,-92.4906217,44.0667229 +36690,The Hub,-93.28014850000001,44.884738000000006 +36691,Nappy Rootz Hair Studio,-93.3720674,45.0324808 +36692,Columbarium Niche,-92.44502050000001,44.0290582 +36693,Papa's Cafe,-93.37224370000001,45.0325253 +36694,Caribou Coffee,-93.37998320000001,45.033718500000006 +36695,Fare For All Warehouse Sale,-93.38867280000001,45.0497813 +36696,Rapid Refill,-93.379861,45.033749400000005 +36697,Great Nails,-93.3797914,45.0337211 +36698,Jet's Pizza,-93.3796951,45.033750700000006 +36699,Life Time,-93.3816973,45.033646000000005 +36700,The Hall,-93.35199850000001,45.0421866 +36701,Buffalo Wild Wings,-93.36379600000001,45.0542722 +36702,Pixy Salon,-93.352,45.042089000000004 +36703,Starbucks,-93.36480920000001,45.0542577 +36704,Frame’s Landing Campground,-94.868947,46.630796000000004 +36705,Great Clips,-93.3647395,45.0542858 +36706,Noodles & Company,-93.36461240000001,45.054258100000006 +36707,Anytime Fitness,-93.3634607,45.054268 +36708,United States Post Office,-93.3629746,45.054135800000005 +36709,Visionworks,-93.3629769,45.0540468 +36710,Red Wing,-93.3629793,45.0539694 +36711,Bullard’s Bluff Campground,-94.8020853,46.456645900000005 +36712,De Paris Nails,-93.36298400000001,45.0538347 +36713,Pizza Ranch,-93.3629863,45.0536285 +36714,Thai Massage,-93.36299580000001,45.053463 +36715,"Dark Horse Vapors, Inc.",-93.36299460000001,45.053418900000004 +36716,Knob Hill Campground,-94.8196126,46.5343299 +36717,Home Choice,-93.3629969,45.053306600000006 +36718,Sprint,-93.3664028,45.053891300000004 +36719,Catherines,-93.36651110000001,45.0538314 +36720,Johantgen Jewelers,-93.36660760000001,45.053789800000004 +36721,Cottingham Park Campground,-94.8076745,46.505475800000006 +36722,Crystal Tobacco & Cigar Outlet Plus,-93.3668626,45.053642800000006 +36723,Supermercado y Panaderia LomaBonita,-93.3665768,45.0534991 +36724,Jin's Chow Mein,-93.3668451,45.053382000000006 +36725,Rainbow,-93.3666912,45.053249400000006 +36726,Little White Dog Campground,-94.8185481,46.5847464 +36727,Stitchline Alterations,-93.3668555,45.053153300000005 +36728,Phenix Salon Suites,-93.3666919,45.0527284 +36729,Famous Footwear,-93.36669780000001,45.0530361 +36730,McGivern Park Campground,-94.7983251,46.413584 +36731,NuYu Premium Hair,-93.3665083,45.0529662 +36732,H&R Block,-93.3665448,45.053153300000005 +36733,African Food & Gifts,-93.36665310000001,45.0537671 +36734,Flint Group,-93.52695100000001,45.182211200000005 +36735,Old Wadena Park Campground,-94.82579100000001,46.4221026 +36736,Ruan,-93.5247301,45.1822036 +36737,Berning Mill,-93.62661750000001,45.2093469 +36738,Bank of America,-93.3908236,45.158444900000006 +36739,GOPHER VORTAC,-93.37319330000001,45.145694400000004 +36740,Champlin Dentistry,-93.39082060000001,45.158885600000005 +36741,AT&T,-93.3908226,45.1587996 +36742,Starbucks,-93.3908267,45.158709300000005 +36743,Leeann Chin,-93.39082160000001,45.158492200000005 +36744,Sport Clips,-93.3908236,45.158380400000006 +36745,Warner Lake CP--East Bicycle Camp,-94.0776599,45.4172634 +36746,Chipotle,-93.39082570000001,45.1583066 +36747,Charles A Lindbergh State Park,-94.3926747,45.962954800000006 +36748,Benton Beach Campground,-94.164991,45.748831100000004 +36749,Charles A. Lindbergh State Park Group Site,-94.3939581,45.9644124 +36750,Crow Wing State Park Campground,-94.3290288,46.2812307 +36751,Pokegama-COE,-93.5856626,47.2507506 +36752,Crosby Memorial City Park Campground,-93.9566841,46.4801281 +36753,Aitkin County Campground,-93.71272040000001,46.5422032 +36754,Sandy Lake-COE,-93.3196731,46.7900244 +36755,Stubler Beach Campgrounds,-92.7893475,47.48895580000001 +36756,Punch Pizza,-93.1702954,44.8361612 +36757,Winnie Dam - COE,-94.04801300000001,47.4297863 +36758,Tamarack Point _USFS,-94.12023620000001,47.444142600000006 +36759,Hawaii Poke Bowl,-93.1703339,44.836274 +36760,Rusy Taco,-93.170375,44.8363796 +36761,Cass Lake Campground Loop,-94.52956710000001,47.3795863 +36762,Mabel Lake -USFS,-94.072095,47.049837200000006 +36763,Leech Lake -COE,-94.2259839,47.2456095 +36764,Norway Beach Visitor Information Center,-94.51611890000001,47.3797403 +36765,Norway Beach Campground Loop,-94.516762,47.379758 +36766,Norway Beach Boat Access,-94.52372770000001,47.379755800000005 +36767,Norway Beach Swimming Area,-94.5227881,47.3798411 +36768,Norway Beach Picnic Shelter,-94.52259330000001,47.379848900000006 +36769,Wanaki Campground Loop,-94.5099977,47.38608240000001 +36770,Knutson Dam Campground,-94.48347310000001,47.4507458 +36771,South Pike Bay Campground,-94.58836690000001,47.329775500000004 +36772,Waterfront Park,-95.3635483,46.8128894 +36773,Winnie Campground,-94.32195680000001,47.4183016 +36774,Eagle Stone City Campground,-95.8686483,46.2890608 +36775,Sebeka City Park & Campground,-95.0938072,46.6273519 +36776,Lake Carlos Sate Park - Horse Camp,-95.3411294,46.004446400000006 +36777,Lightning Lake Access- DNA,-96.0996975,46.071408700000006 +36778,Sunnybrook City Park,-95.1200625,46.4387928 +36779,Glenn Johnson Memorial Park,-95.0677744,46.2684147 +36780,Birch Lakes State Forest Campground,-94.7714959,45.773083400000004 +36781,Big Kandiyohi Lake County Park East,-94.91475980000001,45.009708800000006 +36782,Sinclair Lewis City CG,-94.9541779,45.739372200000005 +36783,Two Mile Trailer Park and CG,-95.1575765,45.886819900000006 +36784,Two Rivers Lake County Park- Bicycle Camp,-94.526356,45.6809105 +36785,Big Kandiyohi Lake County Park East Campgrounds,-94.91481130000001,45.0100367 +36786,Schroeder County Park Campgrounds,-94.0678043,45.2839578 +36787,Diamond Lake County Park Campgrounds,-94.86373440000001,45.1902193 +36788,Big Kandiyohi Lake County Park West Campgrounds,-94.9793241,44.986784400000005 +36789,Piepenburg County Park,-94.4187752,44.9756943 +36790,Green Lake County Park Campground,-94.8716048,45.2723656 +36791,Games Lake County Park,-95.091671,45.3235113 +36792,Noma Lake Campground,-93.96786130000001,47.7542236 +36793,Deer Lake Campground,-94.1054211,47.513972200000005 +36794,East Seelye Bay Campground,-94.0955768,47.5244317 +36795,Mosomo Point Campground,-94.0481453,47.5180239 +36796,Cut Foot Horse Camp,-94.11031360000001,47.5601028 +36797,Williams Narrows Campground,-94.06506300000001,47.502867900000005 +36798,Clubhouse Campground,-93.5775418,47.6082583 +36799,North Star Campground,-93.65297410000001,47.5565572 +36800,O-Ne-Gum-E Campground,-94.0433776,47.511393000000005 +36801,Massage Xcape,-93.1469149,44.9946963 +36802,McDonald's,-92.9588239,44.829565900000006 +36803,Farmers Insurance,-93.14693050000001,44.994519200000006 +36804,Ann Lake Campground,-93.69229770000001,45.4242408 +36805,Arthur's Jewelers,-93.1469194,44.993219 +36806,State Farm,-93.1468243,44.995207300000004 +36807,Prince Music Company,-93.1468232,44.9952684 +36808,Collinwood County Park,-94.2451193,45.0497772 +36809,Just Sew Studio,-93.146827,44.9953226 +36810,Masonic/West River City Park,-94.38783810000001,44.893389000000006 +36811,Lake Ripley County Park,-94.53085730000001,45.102039000000005 +36812,Pine Lawn City Park,-92.53995710000001,43.710784000000004 +36813,Lake Koronis Regional Park,-94.7340262,45.3247426 +36814,North End City Park,-91.75353460000001,43.815623900000006 +36815,Lake Louise State Park,-92.5231485,43.5286667 +36816,Houston Nature Center Trailhead Campground,-91.57194360000001,43.7658101 +36817,North End City Park,-91.752429,43.815150300000006 +36818,Sand Dunes State Forest-- Bob Dunn Horse Camp,-93.70873680000001,45.435097400000004 +36819,North End City Park,-91.75104230000001,43.81474 +36820,Richard J. Dorer SF -Snake Creek,-91.9832435,44.2469686 +36821,Richard J. Dorer SF -Zumbro Bottom Horse Camp West,-92.14612020000001,44.317219300000005 +36822,Richard J. Dorer SF -Zumbro Bottom Horse Camp North,-92.1300198,44.322439300000006 +36823,Cleary Lake Regional Park,-93.39047670000001,44.686643700000005 +36824,Frontenac State Park Cart-in,-92.3419748,44.5343972 +36825,Oronoco City Park,-92.53987520000001,44.167743 +36826,Minnesota Valley State Park -Horse Camp,-93.7165111,44.6507561 +36827,Minnesota Valley State Park -Quarry,-93.7135298,44.6565199 +36828,Allanson's Park,-93.9077932,44.5222002 +36829,Minneopa State Park,-94.08799,44.1588076 +36830,Flandrau State Park- Non-Electric Campground,-94.46967570000001,44.294474900000004 +36831,Flandrau State Park- Rustic Campground,-94.4763162,44.2968363 +36832,Watona City Park Campground,-94.4234692,44.0422634 +36833,Shady Oaks Garden City- Blue Earth County Fairgrounds,-94.15982480000001,44.0469275 +36834,Franklin city Campground- Ball Park,-94.8768227,44.5309408 +36835,Alexander Ramsey Municipal Park,-95.1228105,44.551857000000005 +36836,Hendrum Community Park Campground,-96.7947147,47.267915900000006 +36837,Wagner Park,-96.4073505,46.6613437 +36838,Riverside City Park Campground,-93.5788004,45.572422100000004 +36839,Gulf Lake- Cor of Engineers Campground,-94.3521252,46.411188 +36840,Afton State Park Back Country Campground,-92.7783948,44.866085000000005 +36841,Isanti County Fairgrounds,-93.1907836,45.5743085 +36842,Afton State Park River Side,-92.77277330000001,44.865476900000004 +36843,Savanna Portage State Park Campground,-93.1506992,46.826870500000005 +36844,Run N Fun,-93.1366988,44.926793 +36845,T-Mobile,-93.147152,44.992615900000004 +36846,Stubler Beach,-92.77916850000001,47.497744700000005 +36847,Savanna State Forest -Hay Lake,-93.2058331,46.953659300000005 +36848,La Salle Lake State Recreation Area Campground,-95.1603934,47.343498700000005 +36849,Heritage City Park,-92.19082320000001,47.6631122 +36850,Pfeiffer Lakes -USFS,-92.4726212,47.7519731 +36851,Kabetogama State Forest - Wakemup Bay Campground,-92.60348970000001,47.9025557 +36852,Gooseberry Falls State Park Campground,-91.4611823,47.1381856 +36853,Evereve,-93.4340758,45.092489400000005 +36854,Split Rock Lighthouse State Park Campground,-91.3797315,47.196533900000006 +36855,LensCrafters,-93.43440410000001,45.092465000000004 +36856,Ideal image Laser Hair Removal,-93.4342386,45.0924744 +36857,Mall of St. Paul,-93.1770197,44.946707100000005 +36858,Ulta Beauty,-93.4352394,45.093114500000006 +36859,Dairy Queen,-93.14615300000001,44.993461100000005 +36860,Home Choice Store,-93.14570520000001,44.9925289 +36861,Will Work For Recovery,-93.27962640000001,45.005352800000004 +36862,Starlite Transit Center,-93.37961440000001,45.0935629 +36863,Elite Nails,-93.1457003,44.9928016 +36864,Grace's Massage Therapy,-93.14569150000001,44.993613800000006 +36865,Mille Lacs Kathio State Park -Ogechie,-93.77390550000001,46.1446277 +36866,DAR State Forest,-92.7533734,46.210732300000004 +36867,Dig It Dog Grooming,-93.14568240000001,44.9943345 +36868,Nemadji State Forest -Garfvert Campground,-92.44013860000001,46.4053003 +36869,Bear Lake County Park Campground,-92.6820512,46.498733300000005 +36870,Gen. G C Andrews State Forest -Willow River,-92.82764010000001,46.3275419 +36871,Twin Cities Oral & Maxillofacial Surgery,-93.14606880000001,44.995242600000005 +36872,Spafford City Park Campground,-92.4647539,46.7268053 +36873,North Star Bank,-93.14593280000001,44.9962317 +36874,Entira Family Clinics,-93.1451363,44.9916416 +36875,Minnesota Nursery & Landscape Association,-93.1468981,44.9960669 +36876,Thayer Orthodontics,-93.1452519,44.9917614 +36877,St. Paul Family Dentistry,-93.14507130000001,44.991773800000004 +36878,Como Park Dentistry,-93.14783270000001,44.9917031 +36879,Larpenteur Animal Hospital,-93.1480947,44.9916652 +36880,Fillmore County Fairgrounds Campgrounds,-92.0745866,43.6724266 +36881,"TagTeam Film & Video, Inc.",-93.19691420000001,44.9641765 +36882,New Light Therapy Center,-93.1968592,44.964112400000005 +36883,Twelve Plus Media,-93.1969693,44.963949 +36884,ThinkSelf,-93.1969693,44.964094800000005 +36885,Brown Park South Campground,-95.1076652,43.522111200000005 +36886,Twin Cities Church,-93.1969,44.9640545 +36887,Mountain of Fire and Miracles Ministries,-93.1968645,44.9638861 +36888,Anderson County Park Campground,-95.1212904,43.5267655 +36889,Olson Park Municipal Park,-95.6356705,43.6071729 +36890,Sakatah Lake State Park Campground,-93.5354875,44.2207257 +36891,Adrian Campground Municipal Park,-95.9407276,43.6404664 +36892,Lime Lake Park Campground,-95.6565044,43.9461774 +36893,Lake Bronson State Park Campground,-96.6042536,48.7263655 +36894,Big Stone Lake State Park Campground,-96.69503660000001,45.427395700000005 +36895,Old Mill State Park Campground,-96.5687278,48.365231300000005 +36896,Rice Lake State Park,-93.05938,44.0898215 +36897,Baylor Regional Park Campground,-93.9457273,44.810553000000006 +36898,Beaver Falls Primitive Camping,-95.05512130000001,44.580480900000005 +36899,Lake Marion Park Campground,-94.3776959,44.786906900000005 +36900,Stonehill Regional Park Campground,-96.30002,44.694469600000005 +36901,Wild River State Park,-92.7414226,45.543724600000004 +36902,Snake River Campground,-92.7798226,45.822565600000004 +36903,Chainbreaker,-93.19633830000001,44.9627586 +36904,St Croix State Park,-92.57090740000001,45.9523772 +36905,John R. Bertle,-93.1961526,44.9628547 +36906,Minnesota Center for Psychology,-93.19590050000001,44.9625028 +36907,Moose Lake City Campground,-92.75418180000001,46.454348200000005 +36908,Hay Dobbs Architects,-93.1960597,44.962545000000006 +36909,Banning State Park,-92.8549996,46.156767900000006 +36910,"Alt-Kie Computer Consultants, Inc.",-93.19583420000001,44.9626036 +36911,Barnum City Park,-92.69106400000001,46.503156100000005 +36912,Customer FX Corporation,-93.19597350000001,44.9626506 +36913,Northland Therapy Center,-93.1957579,44.962697500000004 +36914,Father Hennepin State Park Campgrounds,-93.4887181,46.147540500000005 +36915,Holly House Integrated HealthCare,-93.19590050000001,44.9627586 +36916,Reading Partners Twin Cities,-93.1956949,44.962784400000004 +36917,Mille Lacs Kathio State Park,-93.77820580000001,46.131565800000004 +36918,Vermilion Trail Park Campground,-92.32756610000001,47.5303735 +36919,Itasca County Fairgrouds Campground,-93.51967590000001,47.247246100000005 +36920,Akeley City Campground & Park,-94.7332966,47.0080785 +36921,Lake Bemidji State Park Campground,-94.82450730000001,47.5363648 +36922,Central Park Campground,-96.6022939,47.773725500000005 +36923,Long Lake County Campground,-95.3130479,47.283173100000006 +36924,Westrich RV Park,-94.9539051,45.2363774 +36925,Daytona Market & Deli,-93.52025420000001,45.169819700000005 +36926,Performance Pool & Spa,-94.2305869,45.551240400000005 +36927,Lakeview Campground,-95.03719690000001,45.314866300000006 +36928,La Compechana Taqueria,-94.2299497,45.550792 +36929,Ultimate Golf Carts,-93.5517483,45.2136665 +36930,Humeratech,-93.55174650000001,45.213821100000004 +36931,blush. Salon,-94.2297813,45.550790500000005 +36932,Carrie Johnson Bridal,-94.23013830000001,45.5508321 +36933,Ambush Park Campground,-95.6179759,45.3214911 +36934,El Torito Mexican Market,-94.23015790000001,45.5515714 +36935,Green Market,-94.2303359,45.551504900000005 +36936,Monson Lake State Park campground,-95.27625520000001,45.3201704 +36937,Benadir Mall,-94.23045800000001,45.5514534 +36938,Swift Falls County Park Campground,-95.42061170000001,45.4011037 +36939,Speedway,-94.22990970000001,45.5501899 +36940,Glacial Lakes State Park Campground,-95.52057350000001,45.5432329 +36941,H&R Block,-94.2170962,45.550220800000005 +36942,Scrubs & Beyond,-94.21684420000001,45.550215800000004 +36943,Hobo Park Campground & Marina,-95.5268576,45.6073529 +36944,Barsness Park Campground,-95.38001630000001,45.6414661 +36945,Oak Park Kampground,-95.5181311,45.906606800000006 +36946,Lake Carlos State Park Campground,-95.33571400000001,46.0007661 +36947,Prairie Cove Campground,-95.8306113,46.0377689 +36948,Glendalough State Park Campground,-95.6783237,46.3145612 +36949,Tipsinah Mounds Park Campground,-95.88745540000001,45.9980094 +36950,Delagoon Park & Rec Area Camp,-96.0374025,46.257453500000004 +36951,Cedar Lake Memorial Park Campground,-94.62548550000001,45.812687700000005 +36952,Leder Games,-93.19613930000001,44.962437 +36953,Caulfield Clay Works,-93.19303980000001,44.961545300000004 +36954,Nexus Community Partners,-93.19548350000001,44.9625737 +36955,Dow Art Gallery and Picture Framing,-93.1927666,44.9616836 +36956,Representative Betty McCollum,-93.1961249,44.9610538 +36957,Women's Drum Center,-93.19281120000001,44.961579900000004 +36958,Twin Cities T'ai Chi Ch'uan Studio,-93.19294350000001,44.9616735 +36959,Purrniture Cat Furniture,-93.1928615,44.9617528 +36960,State Services for the Blind,-93.192357,44.961369000000005 +36961,Low Vision Store,-93.19170390000001,44.9611181 +36962,BearCom,-93.1915376,44.961048500000004 +36963,Triad Isotopes,-93.1913459,44.9609764 +36964,Abria Pregnancy Resources,-93.19129670000001,44.9609572 +36965,Fairview Achievement Center,-93.1910015,44.960844400000006 +36966,Betty McCollum for Congress,-93.1962132,44.9609971 +36967,Radio Talking Book,-93.1924333,44.961262100000006 +36968,Fairview Home Medical Equipment,-93.19044170000001,44.9605563 +36969,Urban Boatbuilders,-93.1947689,44.961810400000005 +36970,M Health Fairview Orthotics and Prosthetics,-93.1905536,44.960658300000006 +36971,"Norfast, Inc.",-93.1942367,44.9615737 +36972,U.S. Bank,-92.44687420000001,44.058557300000004 +36973,Minnesota Alliance with Youth,-93.191969,44.9624679 +36974,Standpoint,-93.1921131,44.962592900000004 +36975,Saint Croix State Forest Boulder Campground,-92.41888820000001,46.049704500000004 +36976,Dunkin',-93.5534368,45.1929972 +36977,Qp Photography,-93.5527648,45.1885301 +36978,Minnesota Orthodontics,-93.5498,45.202328200000004 +36979,Benjamin Moore,-93.4020158,45.118527500000006 +36980,The Antique Alley,-93.4020138,45.1186128 +36981,DMR Clinic Rogers,-93.5497976,45.202696700000004 +36982,Hobby Lobby,-93.1720944,44.8357339 +36983,Chipotle,-93.5539648,45.2007564 +36984,Verizon,-93.5539347,45.2006667 +36985,CentraCare Eye Clinic,-94.2011006,45.5880461 +36986,Starbucks,-93.55391350000001,45.2005993 +36987,Caribou Coffee,-93.55522470000001,45.201717800000004 +36988,C.H. Robinson,-94.1986638,45.594348200000006 +36989,T-Mobile,-93.5552177,45.201835 +36990,Snap Fitness,-93.5552177,45.2019522 +36991,PR17,-94.15198690000001,45.5542402 +36992,Pla-Mor Campground,-91.5081566,44.0102842 +36993,Trailside Campground,-91.78790040000001,43.8041296 +36994,Doddway Investment Co,-93.1919869,44.9620176 +36995,OneWorld Memorials,-93.1919318,44.9619544 +36996,McDonald's,-93.1914247,44.9620404 +36997,Barnum City Park Campground,-92.68484600000001,46.5035873 +36998,Holiday,-93.1905284,44.9616076 +36999,Jackie Berger Memorial Park,-92.5541948,46.371171200000006 +37000,Lake Pepin Public Access,-94.6442849,45.9108153 +37001,Bruno City Park,-92.66394430000001,46.2806088 +37002,Hog's Back Beach,-93.58559580000001,46.365827900000006 +37003,Gopher Stop Campground,-93.3168127,43.764977 +37004,Kuhar Park,-95.270835,44.2461889 +37005,Eagle Nest Park Campground,-94.5106468,43.990982900000006 +37006,South Dutch Charlie Creek Campground,-95.3824718,44.082979800000004 +37007,Island Park Campground,-95.119246,43.858946100000004 +37008,High Island Creek Park,-93.95045970000001,44.5754427 +37009,Franklin City Campground - Landing,-94.88475360000001,44.518162000000004 +37010,Memorial Park Campground,-95.00639790000001,44.7755774 +37011,Clear Lake Park,-94.51057850000001,44.461801400000006 +37012,Granite Falls Memorial Park Campground,-95.5364169,44.8012395 +37013,Dawson City Park. Campground,-96.0449303,44.9349883 +37014,Lagoon Park Campground,-95.7296366,44.951712400000005 +37015,Welles Memorial Park Campground,-96.5967122,46.265193200000006 +37016,Veterans' Park Campground,-96.0555468,44.9264038 +37017,Sauk River Park Campground,-94.80690510000001,45.6765636 +37018,Riverside Park Campground,-96.45082470000001,45.302571900000004 +37019,Greg Ganyo Insurance Agency,-93.18169230000001,45.129463300000005 +37020,"Stan Koch & Sons Trucking, Inc.",-93.3331943,44.9866152 +37021,Polaris Inc.,-93.45609610000001,45.0215028 +37022,"Koch Industries, Inc. | Lehigh Consumer Group, LLC",-93.3327452,44.986718100000004 +37023,Twin Cities Orthopedics Business Center,-93.33197720000001,44.986870100000004 +37024,Caribou Coffee,-93.40900740000001,45.033785900000005 +37025,Red Rock Lake Public Boat Ramp,-93.47065330000001,44.8438001 +37026,St. Cloud State University at Plymouth,-93.4039618,45.0340805 +37027,Hy-Vee Pharmacy,-93.3844346,45.034750100000004 +37028,Hy-Vee Wine & Spirits,-93.38462050000001,45.034675 +37029,Rasmussen Dental,-93.40361820000001,45.034157500000006 +37030,Hy-Vee Market Grille,-93.38345740000001,45.034646300000006 +37031,Hy-Vee Wine & Spirits,-93.5173635,45.082281200000004 +37032,Verizon,-93.40909900000001,45.035041 +37033,Massage Retreat & Spa,-93.4092337,45.03508 +37034,Snap Fitness,-93.410238,45.035041500000005 +37035,Cub Liquor,-93.4099207,45.035081000000005 +37036,Cub Pharmacy,-93.4098994,45.035251300000006 +37037,TCF Bank,-93.4097265,45.035081700000006 +37038,Anytime Fitness,-93.24865410000001,44.8867038 +37039,Richfield Dentistry,-93.2487057,44.8865575 +37040,Smart Choice MRI,-93.2496991,44.8838749 +37041,Caribou Coffee,-93.249789,44.8838724 +37042,Noodles & Company,-93.24932290000001,44.883872200000006 +37043,Great Clips,-93.24954430000001,44.8838712 +37044,River Parkway Chiropractic,-93.24942300000001,44.883870300000005 +37045,Subway,-93.24895830000001,44.8839028 +37046,Tool Rental Center,-93.39375000000001,45.0774738 +37047,Chipotle,-93.2485058,44.8839361 +37048,Papa Murphy's,-93.2487407,44.8839205 +37049,Isle Lake View Park,-93.4740144,46.138891400000006 +37050,Spa & Nails,-93.2488378,44.883917200000006 +37051,Five Guys,-93.24831950000001,44.883954900000006 +37052,Northwest Family Clinics,-93.35862540000001,45.056412800000004 +37053,Crystal Urgent Care,-93.3587624,45.0563397 +37054,Café Zupas,-93.2480032,44.8839849 +37055,Oakdale ObGyn,-93.3589207,45.056252900000004 +37056,Diamond Brows 3,-93.248188,44.8839738 +37057,AT&T,-93.25082470000001,44.8838414 +37058,NovaCare Rehabilitation,-93.3588397,45.056722 +37059,Imaging Center of Crystal,-93.3589475,45.056652400000004 +37060,Panda Express,-93.2506462,44.883844800000006 +37061,Comfortable Dental,-93.35911990000001,45.056585000000005 +37062,Jersey Mike's Subs,-93.2510826,44.883250000000004 +37063,Taqueria La Hacienda,-93.2508327,44.883251200000004 +37064,Brite Dental Center,-93.27048160000001,44.9484962 +37065,Chihuahua Boots and Western Wear,-93.2707034,44.948492200000004 +37066,CVS Pharmacy,-93.2486624,44.8862778 +37067,Pineda Tacos,-93.27088280000001,44.948486100000004 +37068,Starbucks,-93.2486848,44.8859839 +37069,Isa Tattoo,-93.2708176,44.948486100000004 +37070,Wells Fargo,-93.27951250000001,44.947279300000005 +37071,Pizza Hut Express,-93.2487595,44.885279700000005 +37072,Chippewa National Forest Disperesed site,-94.6056331,47.0709091 +37073,Chippewa National Forest Dispersed Site,-94.628849,47.0382436 +37074,Vermilion Ridge Campground.,-92.1955655,47.8438442 +37075,McKinley Park Campground,-92.2741969,47.828054 +37076,1 Best Care,-93.18921870000001,44.9609417 +37077,Planned Parenthood,-93.1894427,44.961653600000005 +37078,Verdant Tea Warehouse,-93.1894956,44.9622369 +37079,"Ortner & Bofferding, LLC",-93.19744610000001,44.9668549 +37080,Paragon Document Research,-93.1974234,44.966817500000005 +37081,The Ruth Law Team,-93.1975536,44.9667989 +37082,Elpis Enterprises,-93.1891011,44.960981000000004 +37083,Fit The Bill Construction LLC,-93.2851284,45.142740200000006 +37084,Ubani & Associates,-93.18902150000001,44.960834500000004 +37085,Monarch Joint Venture,-93.1889991,44.9612447 +37086,Mercy Hospital Emergency Department,-93.3699777,45.1834063 +37087,Minnesota Youth Collective,-93.1891602,44.961091200000006 +37088,"Reliable Family Insurance Agency, Inc.",-93.1888342,44.960916600000004 +37089,"Champion Insurance Services, Inc.",-93.1980298,44.9660014 +37090,Sartell Community Library | Granite Logistics Resource Center,-94.2184766,45.5930777 +37091,"Ferdinand Peters, Esq. Law Firm",-93.1976008,44.966893600000006 +37092,Sartell GRRL2GO Pick-Up/Drop-Off,-94.2181661,45.593262300000006 +37093,EG Capital,-93.1974876,44.9669217 +37094,TLC Agencies LLC,-93.19807630000001,44.9661714 +37095,Malmberg Projects,-93.1974612,44.966885600000005 +37096,Lebanon Hills Mountain Bike Trailhead,-93.1885436,44.7815792 +37097,Minnesota Opportunity Zone Advisors,-93.1975857,44.9668563 +37098,IT Works 365,-93.14032660000001,44.8429543 +37099,Marsden Services,-93.18868950000001,44.9600808 +37100,Cross Border Logistics/Warehousing,-93.1888838,44.9609541 +37101,Gobena & Associates,-93.1889438,44.960914700000004 +37102,Marsden Holding LLC,-93.1886496,44.9599873 +37103,Minnesota Multi Cultural Health Services,-93.1888862,44.960843100000005 +37104,Lake Region Storage,-93.1904724,44.9592888 +37105,"Essien Law Office, PLLC.",-93.1889517,44.9607826 +37106,Classic Retro at Pete's,-93.18887430000001,44.9606748 +37107,TU Dance Center,-93.1883569,44.9607207 +37108,University Auto Body & Repair,-93.18826340000001,44.960825400000004 +37109,Small Lot MN,-93.18998140000001,44.959152200000005 +37110,CityDeskStudio,-93.19128260000001,44.958217100000006 +37111,Haaga Great Lakes,-93.1900694,44.958867000000005 +37112,PuzzleWorks Escape Co.,-93.1910326,44.9581255 +37113,Panda Express,-93.08019610000001,44.8939955 +37114,FilmNorth,-93.19119230000001,44.9579919 +37115,Lab651,-93.19135840000001,44.958040700000005 +37116,Voxel Virtual Reality Parlour,-93.1912734,44.957888700000005 +37117,Bob Mitchell's Fly Shoop,-93.1914435,44.957676600000006 +37118,Raising Cane's,-93.08120120000001,44.8943778 +37119,Sleep Better,-93.1917068,44.957659400000004 +37120,Addington Co.,-93.19146380000001,44.957880100000004 +37121,Sunlit Studios,-93.1911113,44.9583359 +37122,"El Colochito Language Consultants, LLC",-93.1912085,44.9581467 +37123,Panera Bread,-93.08019780000001,44.8936276 +37124,"Holzman Wood Designs, Inc.",-93.19092500000001,44.958313000000004 +37125,Image Studios,-93.1909088,44.958229900000006 +37126,Regis Salon,-93.08019390000001,44.893881500000006 +37127,Saint Paul Neighborhood Network (SPNN),-93.1906252,44.957582 +37128,Pumpkin Roundabout,-93.38535800000001,45.191643000000006 +37129,PAIKKA,-93.1911518,44.9574816 +37130,Charlie & Violet Photography,-93.1911073,44.9573526 +37131,Gremlin Theatre,-93.19092090000001,44.957223600000006 +37132,The Depot Tavern,-93.2756605,44.9783509 +37133,Olga's Hair,-93.3733533,45.0633603 +37134,Mr. Barber,-93.3733526,45.063320600000004 +37135,Jewel's Cave Diner,-93.37335560000001,45.0632346 +37136,Black Coffee and Waffle Bar,-93.2301611,44.9877217 +37137,The Cake Box,-93.37335490000001,45.0630529 +37138,"Butler Industrial Tire, Inc.",-93.18832730000001,44.958632400000006 +37139,U.S. Bank,-93.37519400000001,45.0931542 +37140,OMS Specialists,-93.2052592,45.5734568 +37141,Verizon,-93.200989,45.571636000000005 +37142,Papa Murphy's,-93.2009914,45.5717105 +37143,GameStop,-93.2009943,45.571794800000006 +37144,Cambridge Tobacco,-93.2009951,45.5718721 +37145,Star Nails,-93.2009943,45.5719475 +37146,Cambridge Family Dental,-93.2052817,45.574136300000006 +37147,Panda Buffet,-93.2009951,45.572037 +37148,Minnesota Sedation Dental,-93.20528200000001,45.5742771 +37149,Any Key PC,-93.2010032,45.572134500000004 +37150,Army Career Center,-93.2010056,45.5722218 +37151,Midco,-93.2066104,45.574512500000004 +37152,VetCare Clinic,-93.20182630000001,45.5715933 +37153,Miracle-Ear,-93.2018295,45.571694 +37154,Target Optical,-93.20128820000001,45.5743554 +37155,iSmile Orthodontics,-93.2018305,45.5719403 +37156,TCF Bank,-93.2003473,45.5743322 +37157,Abbey Carpet & Floor,-93.20547040000001,45.5722006 +37158,Insurance Brokers of MN,-93.2055534,45.5722156 +37159,Maurices,-93.199532,45.574398 +37160,Momentum Health Chiropractic Clinic,-93.20565520000001,45.572211800000005 +37161,Famous Footwear,-93.1993856,45.574400600000004 +37162,Linda Rogian Bookkeeping,-93.20576240000001,45.572208100000005 +37163,Goodwill,-93.2073239,45.5735528 +37164,Fantastic Sams,-93.19896580000001,45.574401400000006 +37165,Dollar Tree,-93.2069836,45.5735503 +37166,AT&T,-93.20656260000001,45.573113 +37167,Totally Tan,-93.1990956,45.5744016 +37168,NV Nails,-93.20644220000001,45.5731106 +37169,Sally Beauty,-93.1992391,45.574401400000006 +37170,Starbucks,-93.2063179,45.573108500000004 +37171,Great Clips,-93.2051107,45.5732347 +37172,Trucks N Toys,-93.2043812,45.5758182 +37173,Caribou Coffee,-93.2052379,45.5732307 +37174,Domino's,-93.20512260000001,45.5734597 +37175,U-Haul,-93.2047399,45.575825800000004 +37176,Aspen Dental,-93.20322780000001,45.572107800000005 +37177,"Local Collective, LLC",-93.09368930000001,44.9520788 +37178,Mattress Firm,-93.2030122,45.5721099 +37179,T-Mobile,-93.21264000000001,45.572317600000005 +37180,Pine Grove Park and Zoo,-94.38383440000001,45.977763800000005 +37181,Riverview Park,-93.64805790000001,45.74396 +37182,Pine Grove Zoo,-94.3836081,45.979141600000005 +37183,Dalton Community Center,-95.9176817,46.174147500000004 +37184,Albany Jaycees Shelter,-94.5644027,45.639048700000004 +37185,Sauk River Park Campground,-94.80690840000001,45.6765107 +37186,Collegeville,-94.3622868,45.5944117 +37187,Veterans Memorial Park Campgrounds,-94.47646590000001,45.725416200000005 +37188,Lake Koronis Regional Park,-94.73230330000001,45.328041000000006 +37189,Quarry Park and Nature Preserve,-94.24210640000001,45.536656900000004 +37190,Campsite - Watercraft,-94.77588630000001,45.5305416 +37191,Campsite- Bicycle,-94.3566632,45.4754452 +37192,Campsite - Watercraft,-94.7758572,45.529964400000004 +37193,Speedway,-94.134393,45.5689337 +37194,Bertram Chain of Lakes Regional Park,-93.84991720000001,45.291485400000006 +37195,Sunrise Liquor,-94.1342121,45.5688868 +37196,DiMaggio's,-94.1341288,45.568955100000004 +37197,Canoe-In Campsite,-93.823248,45.325348700000006 +37198,Adams City Park Campgrounds,-92.7245453,43.5666036 +37199,Alpine Cabinetry,-94.1288423,45.571180500000004 +37200,Eagle Cliff Campground & Lodging,-91.9389574,43.7446933 +37201,A & N Computers,-94.1286718,45.571327600000004 +37202,Isinours Campsite,-92.05803590000001,43.710900900000006 +37203,Apple Blossom Overlook Park,-91.3123468,43.8572427 +37204,Highway 250 Campground,-91.9635664,43.722044200000006 +37205,Peterson RV Campground,-91.83431130000001,43.783922700000005 +37206,Kiwanis Shelter,-91.6834965,44.078438000000006 +37207,"Stan Koch & Sons Trucking, Inc. - Trailer Yard",-93.2068517,45.018559100000004 +37208,Paul Davis Restoration Workshop,-93.18930560000001,44.955772800000005 +37209,Minnesota Commercial Railroad,-93.18694260000001,44.956041400000004 +37210,Dynotech Automotive,-93.1887878,44.955662100000005 +37211,Pathways to Community,-93.18810930000001,44.9553339 +37212,Paul Davis Restoration of Greater MSP,-93.188297,44.9554265 +37213,The Recovery Academy,-93.1878899,44.9552801 +37214,St. Paul Public Schools,-93.1868481,44.9593678 +37215,Katalistik LLC.,-93.18810330000001,44.955407900000004 +37216,Metro Employment Services,-93.1879105,44.9553543 +37217,Buttercream Wedding Cakes,-93.18552650000001,44.9616447 +37218,Down Syndrome Association of Minnesota,-93.18569040000001,44.9606428 +37219,Synergetic Endeavors,-93.1856889,44.9607873 +37220,Shameless Inc.,-93.1854625,44.9617238 +37221,Twin City Model Railroad Museum,-93.185557,44.9608348 +37222,Entropic Engineering,-93.1857009,44.9611594 +37223,Sussel Builders,-93.18530270000001,44.960413900000006 +37224,GCC/IBT Local 1B,-93.1857095,44.961325200000005 +37225,Griffith Printing,-93.18552650000001,44.9615153 +37226,Chocolat Celeste,-93.1854835,44.9604823 +37227,Friday Strength,-93.18553320000001,44.9606988 +37228,Twin Cities Siding Professionals,-93.18553530000001,44.9606069 +37229,HandsOn Twin Cities,-93.185574,44.9612545 +37230,Twin City Pipe Trades Service Association,-93.18545750000001,44.9622149 +37231,Services Safety LLC,-93.1852848,44.9643596 +37232,Gate I,-93.31843110000001,45.059664700000006 +37233,Mental Health Resources,-93.18528110000001,44.9645991 +37234,Audioquip,-93.1852104,44.965007 +37235,Kuk Sool Won of St Paul,-93.18520670000001,44.965614900000006 +37236,r!ah Hair Studio,-92.45163910000001,44.0588117 +37237,Farmers Insurance,-92.45203070000001,44.0589408 +37238,Green Goods Dispensary,-92.4518242,44.058883 +37239,Gate J,-93.3182419,45.0596606 +37240,St. Bonifacus City Offices,-93.7418878,44.9025869 +37241,Country Pride,-93.5496322,45.197079900000006 +37242,Courage Kenny Sports & Physical Therapy,-93.4504205,45.233152100000005 +37243,National Certified Welding Bureau,-93.1850505,44.9657702 +37244,Naional Electrical Contractors Association,-93.1849129,44.965765000000005 +37245,Dispersed Camping Site C33,-94.38745610000001,47.4263242 +37246,LUC PRO-10,-93.1850244,44.965670200000005 +37247,"Metal Treaters, Inc.",-93.1821287,44.9670038 +37248,Iron Mountain,-93.18684540000001,44.9670616 +37249,Pure X-Hale,-93.21279080000001,45.572318200000005 +37250,Lum Park Campground,-94.16521110000001,46.369944000000004 +37251,H&R Block,-93.2128861,45.572316 +37252,Drasin Law Office,-93.2130013,45.5721816 +37253,East Central Audiologist,-93.2129759,45.572312000000004 +37254,Scofield Nursing Assistant Training Center,-93.21284030000001,45.571754600000006 +37255,Cambridge Foot and Ankle Clinic,-93.21260810000001,45.5716289 +37256,aBest Tax Service,-93.21305330000001,45.572316 +37257,HireQuest Direct,-93.21363070000001,45.569818600000005 +37258,Masterson Staffing Solutions,-93.21263900000001,45.5722011 +37259,LHB Inc,-93.2136272,45.569754800000005 +37260,Adventure Publications,-93.2136272,45.569676300000005 +37261,Melissa Skiba Insurance,-93.2126267,45.5719475 +37262,Lighthouse Child & Family Services,-93.2136272,45.569600200000004 +37263,Edward Jones - Financial Advisor: Alicia N Lucas,-93.2136237,45.5695094 +37264,Professional Karate Studios,-93.2128304,45.571680900000004 +37265,Hair Studio,-93.21362020000001,45.5694333 +37266,BJ Bass Builders Inc.,-93.21361320000001,45.569286000000005 +37267,Greater Midwest Insurance,-93.212626,45.5718673 +37268,Honda Service,-93.21428130000001,45.571437 +37269,Read Ministries,-93.2126198,45.571739400000006 +37270,Larson's Cycle Inc.,-93.21424090000001,45.5712312 +37271,Butterfly's Massage,-93.2192138,45.571449 +37272,Donegan Law,-93.2130013,45.5722401 +37273,Advantage Collection Professionals,-93.2195693,45.571414000000004 +37274,True Stone Coffee Roasters (Roasterie + Training Lab),-93.1829998,44.965883000000005 +37275,WILDCAT PARK,-91.2739828,43.687029900000006 +37276,Supernatural Big Baits,-93.18317160000001,44.9660221 +37277,College Muscle Movers,-93.181189,44.9624832 +37278,Woodsport,-93.1828473,44.965966800000004 +37279,Bimbo Bakeries USA,-93.1819433,44.962636800000006 +37280,H.R. Peterson Co.,-93.1820405,44.9656966 +37281,"Val Pro Windows, LLC",-93.18211260000001,44.9656016 +37282,Vistabule Teardrop Trailers,-93.18280490000001,44.965791700000004 +37283,Minnesota Tool Library,-93.18317520000001,44.964484500000005 +37284,Willy's Wood Restoration,-93.1831059,44.963909 +37285,Momentum Design Group,-93.1830116,44.964527600000004 +37286,Theater Mu,-93.1828466,44.96439 +37287,Fredrickson Learning,-93.1831963,44.9642816 +37288,College Possible,-93.1827837,44.9638409 +37289,Upswing Creative,-93.18334560000001,44.964162 +37290,FlannelJax's,-93.1825355,44.963855300000006 +37291,Bumper Warehouse,-93.1834104,44.9634907 +37292,Ramy Turf Products,-93.18306070000001,44.963353000000005 +37293,Tettegouche State Park Campground,-91.20091740000001,47.3345197 +37294,Walgreens,-93.2149351,45.573360300000004 +37295,Grand Marais municipal campground,-90.34723310000001,47.747573700000004 +37296,"J Ring Glass Studio, Inc.",-93.1803129,44.9626918 +37297,"T M Johnson Bros, Inc",-93.2169676,45.579152900000004 +37298,"Quality Tool, Inc.",-93.18168490000001,44.9618082 +37299,DNP Custom Canvas,-93.2170083,45.5790602 +37300,Interact Cener for the Visual and Performing Arts,-93.18013,44.9619208 +37301,"Saga Solar, SBC",-93.18006630000001,44.9623499 +37302,Camp Cambria,-93.1784617,44.9626749 +37303,Northwest Respiratory Services,-93.1775788,44.961595800000005 +37304,Proof Alliance,-93.1798536,44.962442800000005 +37305,St. Paul Ballet,-93.17768620000001,44.9611427 +37306,New France Wine Company,-93.1784315,44.9607583 +37307,Youth Performance Company,-93.17793080000001,44.960990800000005 +37308,Element Gym,-93.17895610000001,44.9609838 +37309,Breakthru Beverage Minnesota,-93.18310120000001,44.955879200000005 +37310,Cottage Corporation,-93.18484930000001,44.955616400000004 +37311,Transitions Outpatient Addiction Treatment,-93.1820058,44.9540469 +37312,Clean Response,-93.1821101,44.9555811 +37313,MRL Company,-93.1792552,44.960816 +37314,Murphy Warehouse,-93.1809999,44.961071700000005 +37315,Work It Coworking,-93.1776275,44.960363900000004 +37316,Anderson Welding,-93.182028,44.955894 +37317,Bauer Built Tire & Service,-93.1779408,44.960131700000005 +37318,Free Spirit Muay Thai Gym,-93.1821144,44.9560297 +37319,Midtown Sound,-93.18213270000001,44.9562362 +37320,Sungard Availability SErvices Data Center,-93.1779408,44.9594667 +37321,Draggin,-93.18215310000001,44.9564937 +37322,Feline Rescue,-93.17761510000001,44.9591061 +37323,Midway Bicycle Supply,-93.1821628,44.9565234 +37324,The Apostolic Church Minnesota Assembly,-93.18216500000001,44.9566103 +37325,Isanti Soil & Water Conservation District,-93.2204992,45.573575600000005 +37326,DPS Treasures,-93.1821628,44.9567108 +37327,Mr. Michael Recycles Bicycles,-93.1821682,44.9568396 +37328,BROWNTOWN_,-93.1807627,44.9564083 +37329,Scout & Morgan Books,-93.22066020000001,45.5736282 +37330,Local Pawn,-93.2243397,45.5729108 +37331,City Center Cafe,-93.2207996,45.573658200000004 +37332,Doctor Monte's Auto Repair,-93.2243366,45.5730397 +37333,Just Love Coffee Cafe,-93.2243397,45.573147000000006 +37334,City Center Market,-93.2209552,45.573692 +37335,PrimeLending,-93.2243459,45.5732348 +37336,Cambridge-Isanti Insurance,-93.2243397,45.5733053 +37337,Family Pathways,-93.2208801,45.574048700000006 +37338,Edward Jones - Financial Advisor: Steve Schwarzbauer,-93.22237940000001,45.5723865 +37339,Cambridge Fire Department,-93.2207192,45.5751414 +37340,Adevia Spasalon,-93.22251220000001,45.572382100000006 +37341,Central Insurance Agency,-93.22264120000001,45.5723779 +37342,Cambridge Police Department,-93.2204011,45.575127200000004 +37343,Alca Travel,-93.2226294,45.572166800000005 +37344,Farm Bureau Financial Services,-93.222627,45.572123000000005 +37345,The Gamers Den,-93.2206388,45.574553 +37346,Twisted Image Tattoos & Body Piercing,-93.2230373,45.5725119 +37347,Just For Paws Grooming,-93.22063460000001,45.574437 +37348,Chasing Your Tails Dog Groom,-93.22316550000001,45.5725198 +37349,Play Inc. Community Theatre,-93.2230229,45.5718668 +37350,SAC’s Enrichment Center,-93.22063460000001,45.5742995 +37351,Ye Olde Mug-N-Brush Barber,-93.22315560000001,45.5720054 +37352,Sidelines,-93.2232719,45.571829400000006 +37353,Cambridge Department of Motor Vehicles - Exam Station,-93.2206196,45.5748097 +37354,Dr. Brian R. Anderson: Family Dentistry,-93.2232244,45.5715562 +37355,CareerForce,-93.2206352,45.5741676 +37356,Habitat For Humanity,-93.2233671,45.5715559 +37357,Central Lakes Oral and Facial Surgery,-93.2237872,45.570872900000005 +37358,Cambridge Community Resource Center,-93.22062740000001,45.5746954 +37359,The Scotsman,-93.2238997,45.5709917 +37360,208 Hair Lounge on Main,-93.2239277,45.5714885 +37361,Cambridge Eye Associates,-93.2233786,45.5728189 +37362,Century 21,-93.2239342,45.571559300000004 +37363,Peoples State Agency Insurance,-93.2236151,45.572803400000005 +37364,Allstate,-93.22384050000001,45.5728215 +37365,Split Rock Creek State Park Campground,-96.36620710000001,43.9010912 +37366,Bottom Line Bookeeping and Mangement,-93.2238442,45.5728913 +37367,The Institute for Rational Well-Being,-93.1801818,44.9573248 +37368,Camden State Park Campground,-95.9219848,44.3460375 +37369,Salt City Church Office,-93.18188310000001,44.9581181 +37370,Northern Salt,-93.18186270000001,44.9595709 +37371,Stanley Eddy Memorial Park Reserv (North),-94.24733280000001,45.238471700000005 +37372,Make-A-Wish Foundation of MN,-93.18043920000001,44.957472300000006 +37373,Stanley Eddy Regional Park Reserve South,-94.23803380000001,45.2127598 +37374,Midwest Publishing Inc,-93.18055360000001,44.957625500000006 +37375,TSE Inc,-93.180807,44.9575995 +37376,Lake Adley Park,-95.3348201,46.1321595 +37377,Nurturing House LLC,-93.18066800000001,44.9575388 +37378,McCarthy Beach State Park Campground,-93.03272000000001,47.6700079 +37379,Sherin Memorial Park/Campground,-96.07979560000001,46.570751 +37380,Kim Salon & Trends,-92.4596829,44.0612246 +37381,Little Bob's Auto and EZ Glass Center,-92.45912770000001,44.061244800000004 +37382,TM Alterations,-92.4598881,44.061266 +37383,Kom-On-in Beach Campground,-93.38450230000001,47.2465564 +37384,North Hibbing campground,-92.94123250000001,47.4453073 +37385,Allergy and Asthma Center of Minnesota,-93.0192064,45.0162679 +37386,Big Rice Lake,-92.4987861,47.7049193 +37387,Family Dentistry,-93.01906290000001,45.0161967 +37388,Bridges MN,-93.1813329,44.9572033 +37389,Episcopal Homes of Minnesota,-93.1790526,44.955653700000006 +37390,Jensen and Jensen Periodontics - Implants,-93.01912700000001,45.016167200000005 +37391,Home Instead Senior Care,-93.0190391,45.016244500000006 +37392,"Orthodontics - David C Dueval, DDS, MS",-93.01921370000001,45.016213400000005 +37393,SnackChat Networking Lounge and Deli,-93.17668180000001,44.957314200000006 +37394,Linnihan Licensed Psychologist,-93.17666890000001,44.957219300000006 +37395,Global Braids and Hair Salon,-93.1765235,44.9564548 +37396,HealthMax Home Health Care,-93.17652840000001,44.9565234 +37397,Got Your Back Chiropractic,-93.1765235,44.956595400000005 +37398,Northwest Home Health Care SErvices,-93.1760124,44.9570342 +37399,African Economic Development Solutions,-93.1765259,44.956669100000006 +37400,ISD 47 District Office,-94.1269692,45.6091354 +37401,ADDIS Travel Services,-93.17652840000001,44.956737700000005 +37402,GMBC Property Management,-93.17653080000001,44.9568079 +37403,Fashion Braids & Beauty Supply,-93.17653320000001,44.9568834 +37404,CareerForce,-93.1767464,44.9570239 +37405,Casa de Esperanza,-93.17679000000001,44.9571131 +37406,Ethiopian Community in Minnesota,-93.17590340000001,44.9564223 +37407,Minnesota Internship Center High School,-93.17607050000001,44.956729100000004 +37408,Alula,-93.20000010000001,44.975058700000005 +37409,Ujamaa Place,-93.1759325,44.9566005 +37410,Ratgen Personal Injury Law,-93.17635390000001,44.9565971 +37411,Union Park District Council 13,-93.17609230000001,44.9563434 +37412,Appellate Public Defender,-93.17679480000001,44.957450800000004 +37413,SourceWell,-93.1996175,44.975118200000004 +37414,Twin City Fleet and Auto Repair,-93.1961327,44.973522700000004 +37415,Discount Auto Service,-93.19574680000001,44.9737832 +37416,Camden Town Hall,-93.9700875,44.882862100000004 +37417,Pump N' Munch,-93.19527210000001,44.9747093 +37418,Huot Manufacturing,-93.174155,44.9577937 +37419,The Green Room,-93.1949618,44.9746924 +37420,GardaWorld,-93.1730912,44.9576149 +37421,YMCA Program Center,-93.1744123,44.957166300000004 +37422,Mighty Oak Chiropractic,-93.19484480000001,44.974689000000005 +37423,Junior Achievement of the Upper Midwest,-93.17435560000001,44.956436700000005 +37424,Metro Sound & Lighting,-93.1736458,44.956411100000004 +37425,American Security LLC,-93.1732635,44.9564541 +37426,Palen Kimball LLC,-93.17319590000001,44.9562614 +37427,Marsden Building Maintenance LLC,-93.1727256,44.956316300000005 +37428,Home Energy Squad,-93.17436980000001,44.9554464 +37429,Erbert and Gerbert's Sandwich Shop,-93.1946825,44.974680600000006 +37430,Center for Energy and Environment,-93.17444210000001,44.9553649 +37431,"A-1 Computer, Copier-Printers and Printing",-93.1736415,44.955474900000006 +37432,M Health Fairview Midway Campus,-93.1714594,44.9539831 +37433,Blasted Ink,-93.1729768,44.9554781 +37434,Twin Town,-93.1722845,44.9552691 +37435,Yum! Poké Hawaiian,-92.4675369,44.023648200000004 +37436,Awards by Hammond,-93.1704893,44.9560132 +37437,Denny's,-93.17054560000001,44.955398100000004 +37438,"Dr Gloria Lopez Franco, DDS",-93.1689674,44.955398100000004 +37439,Favor Beauty Salon,-93.168914,44.9558873 +37440,"MetroPlains Management, LLC",-93.16807,44.9552977 +37441,"BRKW Appraisals, Inc",-93.1679357,44.955342200000004 +37442,EyeSpy Lab,-93.16878940000001,44.9558978 +37443,Twin Cities Rise,-93.1680137,44.9554495 +37444,Natalis Counseling & Psychology Solutions,-93.16848390000001,44.9554848 +37445,The Love Doctor,-93.16828500000001,44.955881000000005 +37446,Block Advisors,-93.1676214,44.9554695 +37447,Lakes Area Realty,-93.168288,44.956053100000005 +37448,Alzheimer's Association,-93.16726170000001,44.9554357 +37449,Modern Eyewear,-93.1672552,44.9552579 +37450,All Nations Beauty Supply,-93.1681604,44.955876800000006 +37451,ImageSensing Systems,-93.1674828,44.955402 +37452,Snelling Avenue Fine Wines,-93.16676070000001,44.956308400000005 +37453,Minnesota Occupational Health,-93.1704284,44.9525863 +37454,Epilepsy Foundation of Minnesota,-93.16747070000001,44.9552774 +37455,Roni's Beauty Supply & Hair Salon,-93.1664722,44.955873800000006 +37456,True Spirit Ministries,-93.16646890000001,44.956024 +37457,Ghebre's Restaurant,-93.1667889,44.956720700000005 +37458,Sunshine Beauty Salon,-93.1667948,44.9568795 +37459,DeOngelo & Company Salon and Beauty Bar,-93.16657590000001,44.9573422 +37460,Sabrina's Cafe & Deli,-93.1667934,44.9568164 +37461,Maraki Beauty Salon,-93.1664717,44.957344600000006 +37462,Track Record Studios,-93.16627620000001,44.956708000000006 +37463,Village Mall,-93.2013979,45.571888900000005 +37464,Checker Board Pizza,-93.1672793,44.9566912 +37465,Kay Jewelers,-93.2014644,45.5732323 +37466,Jimmy John's,-93.20138850000001,45.5732329 +37467,Sheger Market,-93.1672451,44.956825800000004 +37468,T-Shirt Lab,-93.2013187,45.5732354 +37469,Dey Appliance Parts,-93.167367,44.957074000000006 +37470,Cricket Wireless,-93.2012474,45.5732361 +37471,DJ Nails,-93.2011763,45.5732359 +37472,Ganale Barber Shop,-93.1672434,44.9577916 +37473,Guitar Shop Cambridge,-93.2252363,45.5712685 +37474,Euphoria Source,-93.22524250000001,45.571220700000005 +37475,Star Food Market,-93.16726030000001,44.9578841 +37476,Kappa Tattoo,-93.22524250000001,45.571171400000004 +37477,China Tribune,-93.16679780000001,44.9572492 +37478,The Black and White Clothing Co.,-93.2250894,45.5712714 +37479,Karma Creek,-93.2252404,45.5711135 +37480,Zany Boutique,-93.1667858,44.9573301 +37481,Penni Custom Music and D.J.,-93.22516390000001,45.571269900000004 +37482,Dollar Tree,-92.9798116,45.8197617 +37483,Dollar General,-92.98230360000001,45.3988462 +37484,Family Dollar,-92.9814453,45.510993400000004 +37485,Speedway,-93.23625750000001,45.309810500000005 +37486,Star of the North Academy,-93.231077,45.319004400000004 +37487,Speedway,-93.2366152,45.309757600000005 +37488,Dollar Tree,-92.58461820000001,44.570700800000004 +37489,Dollar Tree,-92.85343370000001,44.7335689 +37490,Family Dollar,-92.2647263,44.449688900000005 +37491,Optimal Life Chiropractic,-92.95134,44.964911400000005 +37492,Church of St Raphael,-93.3752353,45.0540967 +37493,Dollar Tree,-93.5488024,45.298560900000005 +37494,Family Dollar,-94.354949,45.9768823 +37495,Family Dollar,-94.2027338,46.3576399 +37496,Dollar Tree,-94.1792884,46.3632725 +37497,Family Dollar,-93.9573082,46.482702200000006 +37498,Dollar General,-95.5347613,44.8063148 +37499,Cinnabon,-92.46468030000001,44.0217833 +37500,Salute! Wine Bar,-92.46469640000001,44.022356200000004 +37501,SaladWorks (Subway level),-92.4649083,44.0223523 +37502,Jerk King,-92.4637496,44.0223967 +37503,Family Dollar,-95.0516441,45.121140600000004 +37504,Dollar Tree,-93.8781981,45.188773100000006 +37505,Extra Space Storage,-93.36664,45.056308 +37506,Dollar General,-93.92069280000001,45.065426800000004 +37507,Dollar General,-94.0542753,44.962277500000006 +37508,Dollar General,-93.74591840000001,45.0933111 +37509,Dollar General,-96.4211332,46.660895800000006 +37510,Dollar Tree,-95.38400410000001,45.861191700000006 +37511,Dollar Tree,-96.10821650000001,46.2853726 +37512,Edward Jones,-93.22587560000001,45.5729276 +37513,Guardian Angels Elim Home Care,-93.2263211,45.571423800000005 +37514,Family Based Therapy Associates,-93.22631750000001,45.5713707 +37515,Cambridge Pine City Orthodontics,-93.2258821,45.5730202 +37516,Designer Development Inc.,-93.2263156,45.5713151 +37517,Minnesota Mediation Services,-93.2263138,45.5712556 +37518,B's Homecare Inc.,-93.22588850000001,45.5731218 +37519,Spalon Elite,-93.22656900000001,45.5735237 +37520,Ken Evers Tax Services,-93.22645960000001,45.5735237 +37521,Winkley Orthotics & Prosthetics,-93.22588850000001,45.573228 +37522,River of Life Church,-93.2263473,45.5735237 +37523,Pipestone Realty,-96.3179353,44.0013352 +37524,Sunshine Printing,-93.2262379,45.573528 +37525,School District #911 Office,-93.2206841,45.579062500000006 +37526,Community Education,-93.22093240000001,45.5790232 +37527,Early Years Academy Child Care,-93.21911180000001,45.5806942 +37528,East Central Veterinarians,-93.2185695,45.5806927 +37529,Lakeland Estates,-95.0215593,45.121749 +37530,Bunker Hills Campground,-93.2777325,45.2104639 +37531,Quiet Nook Lumber,-95.5238319,47.7170398 +37532,Quiet Nook Cabins,-95.528118,47.7098783 +37533,Clearwaters Life Center - Gonvick Site,-95.5098648,47.7367348 +37534,2 Loons Letters & Threads,-95.51031950000001,47.7367817 +37535,Hollister,-92.47889570000001,44.0047463 +37536,Clearwater County Nursing Service,-95.51230170000001,47.736884100000005 +37537,Gonvick LINK Site,-95.5117826,47.7361657 +37538,Gonvick City Hall,-95.511786,47.736251900000006 +37539,Victoria's Secret,-92.4797755,44.0037585 +37540,Richard's Publishing,-95.51304060000001,47.737687300000005 +37541,Charleys Philly Steaks,-92.4810844,44.0041463 +37542,Buckle,-92.48009730000001,44.003745 +37543,Benedict's,-92.46236710000001,44.023104000000004 +37544,CP3 - Eileen Fisher,-92.4632923,44.022745400000005 +37545,Counterpoint,-92.4633113,44.0226568 +37546,Dry Goods,-92.4801054,44.003851100000006 +37547,Summerland,-94.1029706,45.5823845 +37548,Forever 21,-92.4797728,44.0041444 +37549,Kay Jewelers,-92.4796896,44.0047 +37550,Plymouth Heights Pet Suites,-93.3974822,45.044561800000004 +37551,Riddle's Jewelry,-92.47982640000001,44.0043894 +37552,Roger & Hollands,-92.4801939,44.004497400000005 +37553,Cowboy Jack's Saloon,-94.1583318,45.5608895 +37554,claire's,-92.48004900000001,44.0051379 +37555,J.Jill,-92.47970570000001,44.0032067 +37556,Zumiez,-92.47848730000001,44.0046015 +37557,Champs Sports,-92.47975670000001,44.0035868 +37558,Hot Topic,-92.4805312,44.0038124 +37559,Pink,-92.4797801,44.0039281 +37560,Kung Fu Reflexology,-92.4804862,44.003492300000005 +37561,Gramma Ginna's (In Scheel's),-92.4793707,44.005530900000004 +37562,Torrid,-92.48013750000001,44.0035559 +37563,T-Mobile,-92.47865970000001,44.004229300000006 +37564,KMSP-TV Fox 9,-93.1718221,44.980652600000006 +37565,Visionworks,-92.47853040000001,44.0041073 +37566,Ball Park Cafe,-93.1703006,44.9805117 +37567,Serenity Couture Salon Spa,-92.47817470000001,44.0039645 +37568,Treasure Island | The Garden,-93.1702631,44.980923600000004 +37569,1919 Root Beer,-93.170353,44.9809666 +37570,AT&T,-93.32880890000001,44.8109954 +37571,Medical Aid East,-93.167775,44.983698700000005 +37572,Starbucks,-94.20858790000001,45.5566667 +37573,Jimmy John's,-93.3291561,44.811795200000006 +37574,Chipotle,-93.329161,44.8111285 +37575,Ulta Beauty,-94.20805130000001,45.5552159 +37576,Bronco Stadium,-93.42521140000001,48.5933636 +37577,Borderland Humane Society Holding Facility,-93.44309100000001,48.5846449 +37578,County Market Gas Station,-93.44019870000001,48.5881552 +37579,County Market,-93.44084190000001,48.5878626 +37580,County Market Liquor,-93.44074710000001,48.5874863 +37581,Riverfront Bar And Grill,-93.4364525,48.5926745 +37582,Dollar Tree,-93.4411647,48.5886317 +37583,"Evolve U Fitness & Wellness,LLC",-93.43886780000001,48.588327500000005 +37584,Border State Bank,-93.4341826,48.5924125 +37585,SPUR,-93.43782490000001,48.589013 +37586,SPUR,-93.4380685,48.589133800000006 +37587,First Baptist Church,-93.4432579,48.5908609 +37588,Tractor Supply Company,-93.4384989,48.5899408 +37589,Hardee's,-93.4371524,48.589884000000005 +37590,West Falls Estates,-93.4453529,48.589011400000004 +37591,Timber Pins,-93.43747590000001,48.5912627 +37592,J2M Lake Ware I-Falls,-93.4370109,48.5906017 +37593,Rainy Hall,-93.43487400000001,48.589652300000004 +37594,Ron Hall Memorial Landing,-93.4462864,48.5921839 +37595,Shorewood Dental,-93.4364633,48.5905544 +37596,Kelly Plumbing & Heating,-93.18191010000001,44.9342057 +37597,Joseph's Grille,-93.0879082,44.9387076 +37598,Becker,-93.87574860000001,45.3924389 +37599,Dunn House,-93.30614510000001,45.154483500000005 +37600,Specialty Minerals Inc.,-93.40513510000001,48.604247400000006 +37601,Good Samaritan Society - Home Care (International Falls),-93.4329639,48.58669930000001 +37602,Essentia Health-International Falls Pharmacy,-93.4373245,48.5865001 +37603,"Ann Yapel, PharmD",-93.43769420000001,48.5863269 +37604,Riverside Court,-93.42130320000001,48.601282000000005 +37605,Arrowhead Transit,-93.4181887,48.6026347 +37606,Woodland Apartments,-93.4187423,48.6024289 +37607,Border Country Outfitters,-93.4177949,48.6018648 +37608,Verizon Authorized Retailer,-93.4208466,48.5994508 +37609,Northern Exposure Hair & Nails,-93.4207002,48.5995367 +37610,Salon 437,-93.4205714,48.5996165 +37611,The Library Bistro-Dining-Pub,-93.42090040000001,48.598489400000005 +37612,Super One,-93.4195237,48.5989969 +37613,Top Ten Video,-93.41871400000001,48.5998631 +37614,Meyers Glass & Sporting Goods,-93.4178754,48.6003204 +37615,Forestland Sales & Services,-93.41645000000001,48.6005193 +37616,Faith United Church of Christ,-93.4146527,48.60042180000001 +37617,US Border Patrol,-93.3883179,48.6024436 +37618,Koochiching County Community Services,-93.41455780000001,48.600915500000006 +37619,Backus Community Center,-93.4135648,48.6010867 +37620,Oak Leaf Park Campground,-94.16145920000001,44.758198 +37621,Replenish Yoga & Wellness,-93.4135401,48.601308800000005 +37622,Hill of Many Timbers Overlook,-91.38588010000001,43.933587800000005 +37623,East Overlook,-91.379253,43.9385209 +37624,North Overlook,-91.3934181,43.949697300000004 +37625,South Overlook,-91.3904409,43.946779500000005 +37626,Lot 5,-94.3225214,45.5603288 +37627,Mosaic on a Stick,-93.1667206,44.9599641 +37628,Kerry Park Arena,-93.4084636,48.592520500000006 +37629,Jug Liquor Store,-93.4043226,48.5937532 +37630,American Freight,-93.1826127,44.9623763 +37631,Outdoorsman's Headquarters,-93.4047445,48.593694600000006 +37632,Penmarallter Campground,-91.729602,46.995129000000006 +37633,Love From Minnesota / Patti's Ice Cream,-93.1743622,45.015332300000004 +37634,Grand Portage Lodge Casino-Campground,-89.69248870000001,47.9556449 +37635,Northland Community & Technical College,-95.7613262,48.8468371 +37636,Little Free Library,-94.519323,45.132398800000004 +37637,Cenex,-92.45831410000001,43.9968517 +37638,Casey's General Store,-93.62327520000001,44.7647546 +37639,Cobra Helicopter,-93.4989958,44.8020554 +37640,Mrs. Whitney Statue,-95.7846415,44.450253200000006 +37641,Casey's General Store,-94.22592150000001,46.3543481 +37642,NAPA Auto Parts,-94.24558420000001,46.3657119 +37643,Black Bear Lodge & Saloon,-94.2454187,46.367018200000004 +37644,Lion's Park,-95.3194993,46.389645 +37645,The Mustang Statue,-95.7573098,44.451324 +37646,Moose Lake State Park Campground,-92.73203330000001,46.4302998 +37647,Sucker Lake Dispersed Camp site,-93.392464,47.799942200000004 +37648,Erskine Lake Dispersed Camp site,-93.3807326,47.8037008 +37649,Tracy Tornado Memorial,-95.6191891,44.238705200000005 +37650,B a s s L a k e C o u n t y P a r k West C a m p g r o u n d,-93.4058686,47.7894293 +37651,B a s s L a k e C o u n t y P a r k NE C a m p g r o u n d,-93.4014621,47.793552500000004 +37652,Gunn Park Pavilion,-93.5295169,47.2938361 +37653,Band Shell,-92.46546760000001,46.718555300000006 +37654,MCAD MFA Studios and Gallery,-93.2760255,44.9600178 +37655,American Legion Hall,-92.9404459,46.018556800000006 +37656,Sport Clips,-93.13254810000001,44.731348100000005 +37657,Suzie's Kitchen,-93.1449207,44.7312067 +37658,Jersey Mike's Subs,-93.1324311,44.7313525 +37659,Rosemount Clock Tower,-93.13387540000001,44.7314433 +37660,Lakes Tailor and Cleaners,-93.14491340000001,44.731038700000006 +37661,YUMI,-93.1168932,44.946401800000004 +37662,Papa Murphy's,-93.1449288,44.730848200000004 +37663,Bench,-91.38495110000001,43.935378 +37664,Rosemount Eye Clinic,-93.1443766,44.7300539 +37665,Map,-91.3852829,43.9368299 +37666,Summer Water,-91.38525840000001,43.9388565 +37667,Impress Nails,-93.1447404,44.730105900000005 +37668,Map,-91.3840131,43.9400089 +37669,Dakota County Physical Therapy,-93.14491120000001,44.7301001 +37670,Map,-91.383633,43.940217000000004 +37671,Bench,-91.3886985,43.941941400000005 +37672,Las Tortillas,-93.14506970000001,44.730105900000005 +37673,Summer Water,-91.3911527,43.940704000000004 +37674,Pit toilet,-91.3912143,43.940692000000006 +37675,Map,-91.39873130000001,43.9458214 +37676,Map,-91.3914817,43.941050600000004 +37677,Kerns Vally Overlook,-91.39212110000001,43.937035300000005 +37678,Cart in Sites,-91.3911578,43.9405604 +37679,Map,-91.39424550000001,43.943780100000005 +37680,Map,-91.3959255,43.9455414 +37681,Map,-91.4008074,43.943846 +37682,Map,-91.3932669,43.9488737 +37683,Map,-91.40162790000001,43.9442272 +37684,Map,-91.4031281,43.941143100000005 +37685,ChargePoint,-92.96147300000001,44.9643704 +37686,ChargePoint,-92.96015480000001,44.964249300000006 +37687,Map,-91.4037766,43.940962400000004 +37688,ChargePoint,-93.21586860000001,44.9185309 +37689,Map,-91.4032349,43.944658700000005 +37690,Map,-91.4064283,43.9462696 +37691,Uncle Hugo's Science Fiction & Uncle Edgar's Mystery Bookstore,-93.2628729,44.9500748 +37692,Map,-91.40748280000001,43.948418000000004 +37693,Bench,-91.41102210000001,43.954319500000004 +37694,King's Bluff Overlook,-91.40940020000001,43.9576617 +37695,Bench,-91.4094293,43.9576423 +37696,Map,-91.4083768,43.939539200000006 +37697,Map,-91.39985100000001,43.9437833 +37698,Bingley's Teas,-93.2755029,44.955744800000005 +37699,Map,-91.40001760000001,43.9445089 +37700,Map,-91.3971874,43.9444479 +37701,Brickmania,-93.2484019,45.0056159 +37702,Map,-91.3931685,43.9480522 +37703,Comic Book College,-93.27820120000001,44.9184508 +37704,Great River Bluff's Picnic Ground,-91.39417900000001,43.9479236 +37705,Lloyd's Pharmacy,-93.16685740000001,44.9627616 +37706,Dragon Statue,-96.76005140000001,46.866824400000006 +37707,Star Ocean Wholesale Foods,-93.15098400000001,44.9673029 +37708,Spirit Mountain,-92.21844700000001,46.7148745 +37709,Flying Pig Thrift,-93.16677960000001,44.963008300000006 +37710,Northland Arboretum,-94.23022990000001,46.362863000000004 +37711,Sandy Point Park,-94.74040760000001,45.329048400000005 +37712,Brown Parik,-95.1086212,43.527012000000006 +37713,Carlson Fixtures,-93.3784574,45.1196811 +37714,Robertson Park,-95.0995511,43.5292278 +37715,Kilen Woods State Park Campground,-95.06569640000001,43.728726 +37716,Sandy Point Park,-95.2356685,43.7160595 +37717,Community Point Park,-95.2103395,43.7067217 +37718,Spark's Park,-95.1759832,43.68455 +37719,Thistledew Campground and Day-Use Area,-93.2390067,47.799827900000004 +37720,Obie Knutson Park,-95.0545378,43.838174300000006 +37721,Glendalough State Park Cart-in Campgrounds,-95.66933030000001,46.3248654 +37722,Joe & The Juice,-93.20984940000001,44.8846615 +37723,Zona Cocina,-93.2148715,44.883481 +37724,MSUM Shelter (11th Street),-96.762938,46.866547800000006 +37725,MSUM 14th Street Shelter,-96.75730850000001,46.8667735 +37726,Glendalough State Park Canoe Campsite,-95.6567686,46.3228172 +37727,Maplewood State Park Campground,-95.9411457,46.524520800000005 +37728,The Church of Jesus Christ of Latter-day Saints,-93.4202015,48.5882087 +37729,John Marshall High School EB,-92.48466570000001,44.0360755 +37730,Talcot County Park Campground,-95.46046390000001,43.865164400000005 +37731,D'amico and Sons,-93.1628108,45.0060361 +37732,Great Clips,-93.32871100000001,44.8110038 +37733,Voyageur Restaurant,-93.40404260000001,48.593504700000004 +37734,Dollar General,-93.402603,48.5948816 +37735,TruStar Federal Credit Union,-93.40858370000001,48.601198600000004 +37736,Falls Laundromat,-93.4033679,48.5921437 +37737,Green-Larsen Mortuary Inc,-93.4078642,48.601421300000005 +37738,Edward Jones - Financial Advisor: Erik G Strand,-93.40693870000001,48.6015091 +37739,Veterans of Foreign Wars,-93.40311820000001,48.5912865 +37740,Gearhart's Floral and Gifts,-93.407667,48.601915500000004 +37741,VIP Salon,-93.4029527,48.5903736 +37742,"ShermoenJaksa Law, PLLC",-93.4079401,48.601933 +37743,John Cann Agency Inc American Family Insurance,-93.4064551,48.601443800000006 +37744,Sandy's Place,-93.40296020000001,48.5905141 +37745,Prime Cuts,-93.40651220000001,48.601826900000006 +37746,Minnesota Energy Resources,-93.406419,48.602454800000004 +37747,Slumberland Furniture - International Falls,-93.40207640000001,48.5915528 +37748,Island View Realty,-93.4060738,48.602582700000006 +37749,Salvation Army,-93.402775,48.5928102 +37750,Wells Fargo,-93.40556550000001,48.602439700000005 +37751,"Craig A Swenson - Ameriprise Financial Services, Inc.",-93.40581590000001,48.60253 +37752,Gateway Assembly Church,-93.4025773,48.5925444 +37753,Falls Chiropractic | Dr. Michael Carney,-93.4063311,48.60186 +37754,Ferrellgas,-93.4032562,48.595108 +37755,No Place Like Home Again,-93.40566100000001,48.594931700000004 +37756,Zion Lutheran Church,-93.407824,48.599966200000004 +37757,St Thomas Aquinas Catholic Church,-93.4124834,48.601002 +37758,Rainy Lakes Auto Sales,-93.4041667,48.5973246 +37759,Saint Thomas Aquinas Catholic Church,-93.4125466,48.6014464 +37760,Holy Trinity Episcopal Church,-93.41244760000001,48.602011000000005 +37761,Northern Lumber Yard Inc,-93.40409770000001,48.5988504 +37762,Molpus Timberlands Management,-93.4115974,48.602012800000004 +37763,Snap Fitness,-93.40338480000001,48.5990581 +37764,Lakes Gas Co,-93.402004,48.598531300000005 +37765,King Solutions,-93.5043639,45.1550874 +37766,King Solutions Fulfillment Center,-93.5059416,45.154670100000004 +37767,Wherley Motors,-93.404426,48.6003635 +37768,Truck Parking,-94.1479257,45.4938968 +37769,Auto Value International Falls,-93.4032045,48.600027100000005 +37770,International Falls Farm And Garden,-93.4024909,48.599968800000006 +37771,Sportsmens Service,-93.40398210000001,48.600784100000006 +37772,Freedom Valu Center,-93.4042423,48.601296700000006 +37773,Bootlegger's Fuel And Liquor,-93.4031695,48.6013889 +37774,Falls Lumber Company Inc,-93.4024131,48.6012825 +37775,Border Bar Pizza Parlor,-93.4034055,48.6009206 +37776,Sammy's Pizza Restaurant & Tavern - International Falls,-93.4033402,48.602508300000004 +37777,Border Cuts,-93.4024651,48.6024874 +37778,Elks Lodge,-93.4027808,48.6023353 +37779,"International Falls, Ranier and Rainy Lake Convention and Visitors Bureau",-93.4018922,48.60255 +37780,Duty Free Americas - International Falls,-93.40243240000001,48.6031423 +37781,Border Bob's,-93.4024136,48.6035272 +37782,Borderland Jewelry,-93.4043484,48.6030178 +37783,City Drug Store,-93.4040829,48.6029611 +37784,Hideaway,-93.4042965,48.6029053 +37785,Pick Me Flowers,-93.4042897,48.6028621 +37786,Escape The Room,-93.27405540000001,44.974215900000004 +37787,Consultant Connections,-93.4045514,48.602981400000004 +37788,Border Boost,-93.4045559,48.6028621 +37789,Phone Swap,-93.164833,44.992077900000005 +37790,Toppers Pizza,-93.16492480000001,44.9920781 +37791,Eleven Seventy-One Boutique,-93.4049686,48.602902300000004 +37792,Young Spa,-93.16499660000001,44.9920782 +37793,American Family Insurance,-93.16512800000001,44.992078500000005 +37794,Smith Sports,-93.4049615,48.603170500000004 +37795,Falcon Heights Dental,-93.1653057,44.9920789 +37796,Jackson Hewitt,-93.1653634,44.992079100000005 +37797,Koochiching Masonic Lodge #270,-93.4057446,48.602923000000004 +37798,Curves,-93.16543510000001,44.992079200000006 +37799,Golden Tailor,-93.16549610000001,44.9920794 +37800,Viking Bar & Lounge,-93.40574760000001,48.6029987 +37801,Eighty Eight Notes School of Music,-93.16556990000001,44.9920795 +37802,Falls License Bureau,-93.40596930000001,48.602908000000006 +37803,Snap Fitness,-93.1656926,44.992063900000005 +37804,Charles Casanova - State Farm Insurance Agent,-93.40585770000001,48.6030504 +37805,Amp Salon,-93.4061288,48.602967 +37806,Kwik Trip,-91.4386176,43.9237966 +37807,Northland Sales & Service,-93.40695450000001,48.602893300000005 +37808,Orton's Cenex,-93.4076835,48.6031532 +37809,Orton's Cenex,-93.4076708,48.602992900000004 +37810,Randy's Tire & Auto Repair,-93.407385,48.6030973 +37811,Lucachick Dental Office,-93.40692580000001,48.602538200000005 +37812,IAMAW Woodworkers Union,-93.40711920000001,48.602402700000006 +37813,KGHS,-93.4077565,48.6025457 +37814,International Falls Fire Station,-93.408799,48.6022498 +37815,Scoreboard,-92.4862743,44.0333258 +37816,White Angel,-93.2782401,44.9561129 +37817,The Gathering,-93.1254375,44.738652900000005 +37818,Big Stone County Toqua Park,-96.4429044,45.55438 +37819,Receiving,-93.48191,45.1357477 +37820,Panchero's Mexican Grill,-93.2664795,45.071321000000005 +37821,Caribou Coffee,-93.2668127,45.0713148 +37822,Einstein Bros. Bagels,-93.26673670000001,45.0713148 +37823,ALDI,-93.14919230000001,44.992608700000005 +37824,Minnesota Perinatal Physicians,-92.9332543,44.924714200000004 +37825,Lake Hanska Park,-94.5553742,44.127569300000005 +37826,Rothenburg Campground,-94.974022,44.2366539 +37827,Old Cottage Grove Community Park,-92.8793895,44.840299 +37828,Durango Bakery,-93.24757310000001,45.012815200000006 +37829,Costa Blanca Bistro,-93.24757170000001,45.012765900000005 +37830,El Taco Riendo,-93.2475744,45.0126483 +37831,Minnesota West Community & Technical College Wind Energy Training Tower,-96.28438320000001,44.715081500000004 +37832,ALDI,-93.0438002,44.8542501 +37833,Buffalo River State Park,-96.47144340000001,46.8648023 +37834,Noodles & Company,-93.13265910000001,44.7313677 +37835,Camden State Park Campground,-95.92470780000001,44.3658353 +37836,Lac qui Parle State Park,-95.88759230000001,45.020867800000005 +37837,Perch Lake Park Campgrounds,-94.4722753,43.7993989 +37838,St Paul Southern Electric Railway,-93.0294497,44.7761518 +37839,Grove City Park Campground,-94.6813115,45.1552628 +37840,Larson Implement Farm Equipment,-93.12000780000001,45.558614500000004 +37841,Fury’s Island County Park,-95.4938085,43.791704700000004 +37842,Maka-Oicu County Park,-95.50318680000001,43.8062636 +37843,61 Barber,-92.94184720000001,44.8185445 +37844,Riverton Community Housing,-93.23688920000001,44.981787600000004 +37845,American Family Insurance,-92.93857790000001,44.815829400000005 +37846,Snap Fitness,-92.9284648,44.816050700000005 +37847,American Donor Services,-92.9284598,44.8156211 +37848,The Health Place-Massage Therapy,-92.93825550000001,44.8156655 +37849,Gloss Salon,-92.9417456,44.8184897 +37850,State Farm,-92.9381596,44.8156192 +37851,USA Nails,-92.9416968,44.8184522 +37852,American Family Insurance,-92.96042150000001,44.836857300000005 +37853,Bieter Eye Center,-92.93802020000001,44.8155573 +37854,Coldwell Banker,-92.96004500000001,44.836884500000004 +37855,East Suburban Resource Center,-92.9377675,44.815201900000005 +37856,Edward Jones,-92.9376106,44.8151401 +37857,Domino's,-93.19349960000001,45.0583559 +37858,Kiekoffer Chiropractor,-92.9373753,44.815053500000005 +37859,5th Ave Salon and Spa,-93.1934039,45.057984700000006 +37860,Nourish Family Wellness,-93.19369060000001,45.058337200000004 +37861,Freedom Equity Group,-92.93744070000001,44.8149979 +37862,United States Post Office,-93.19383570000001,45.058314700000004 +37863,Gentle Dentistry,-92.9296877,44.8155723 +37864,Silver Lake Dental,-93.1935809,45.0590647 +37865,Farmers Insurance,-93.19332610000001,45.0588397 +37866,M Tailor,-92.92966890000001,44.8157378 +37867,Everhart Law,-93.1933154,45.058679700000006 +37868,Minuteman Press,-93.1937649,45.058407200000005 +37869,GNC,-92.9296716,44.815911 +37870,Sanco Enterprises,-93.1934322,45.058694700000004 +37871,Cory Olson Mortgage,-93.1946159,45.0580957 +37872,DMV,-93.1926737,45.063311500000005 +37873,Eagle's Nest Playground,-93.19148100000001,45.066026300000004 +37874,Ameriprise Financial,-93.19283060000001,45.0649347 +37875,Thomas Hardel Family Dentistry,-93.19289500000001,45.0647566 +37876,Servion Group,-93.19460930000001,45.058277600000004 +37877,Jim's Barber Shop,-93.1928843,45.0646543 +37878,Thrivent Financial,-93.19292180000001,45.0644573 +37879,Ameriprise Financial,-93.19458940000001,45.0585388 +37880,Chops Hair,-93.19289500000001,45.0641277 +37881,NB Police,-93.19255170000001,45.062502200000004 +37882,Standard Spring,-93.1919991,45.0522093 +37883,Pho 400,-93.1988175,45.0563749 +37884,Right Choice Movers,-93.1919591,45.0519264 +37885,Mirage Bar and Grill,-93.1988175,45.056488800000004 +37886,Hedburg Moving Solutions,-93.19196910000001,45.0517425 +37887,Ericksen Ellison Associates,-93.19090800000001,45.052237500000004 +37888,MN Fastpitch Academy,-93.2001159,45.045262400000006 +37889,Hypertherm,-93.18978680000001,45.0524992 +37890,Just Screen It,-93.20010930000001,45.045159700000006 +37891,Konecranes,-93.19966020000001,45.0453277 +37892,OnTrac International,-93.18962330000001,45.0514595 +37893,CU Auto,-93.199647,45.0450944 +37894,Gifford Fitness,-93.19914510000001,45.045262400000006 +37895,Printer Sales Service,-93.1903025,45.050712000000004 +37896,Solomons Bakery and Delivery,-93.1986828,45.045225 +37897,Roto-Rooter Plumbing,-93.19073700000001,45.0507537 +37898,Brighton Unique Auto Inc,-93.19862330000001,45.045015 +37899,Toyoda Americas CNC Machine Tools,-93.1971324,45.041046900000005 +37900,Fraisa USA,-93.1964059,45.0408789 +37901,EESCO New Brighton,-93.1943784,45.040659500000004 +37902,Grimco Inc,-93.1929716,45.0406502 +37903,Apira Healthcare,-93.19396230000001,45.0396282 +37904,Cardionomic,-93.19315660000001,45.0398009 +37905,H Brooks Company,-93.19381920000001,45.0420716 +37906,Carnival Carmaled Apples,-93.1938518,45.041589 +37907,Wilson Wolf Corporation,-93.1923517,45.0508636 +37908,Brings,-93.19319320000001,45.0418418 +37909,Stern Drywall,-93.19176700000001,45.0508712 +37910,Torgerson Print Finishing,-93.19874610000001,45.051379000000004 +37911,FBG Service Corporation,-93.19853690000001,45.0516784 +37912,Dudley Tap,-95.73557190000001,44.4427686 +37913,Thief River Falls Scenic Tourist Park,-96.1867345,48.1096063 +37914,Wedge Hill Group Camp,-92.771586,45.2224268 +37915,Sailors and Soldiers Memorial Campground,-95.130392,44.2046392 +37916,Knapp Memorial Park,-95.2822019,45.718122400000006 +37917,Sportsman's Park,-96.2810613,47.8916313 +37918,Anderson Lake,-94.85455200000001,44.496148100000006 +37919,Riverside Park,-96.2752176,47.8874149 +37920,Lake Allie Park Campground,-94.56506850000001,44.805865600000004 +37921,Birch Coulee County Park,-94.9730675,44.576538 +37922,Mack Lake County Park,-94.7898454,44.4623999 +37923,Park Office,-92.0465648,44.0532807 +37924,Skalbekken County Park,-95.41786160000001,44.735511100000004 +37925,Siebenaler Ridge,-91.98890940000001,44.1713773 +37926,VikcsburgCounty Park Campground8,-95.22897640000001,44.6572381 +37927,Milan Junction,-95.91970060000001,45.209875000000004 +37928,JK's Table,-93.3519725,44.867385500000005 +37929,Blue Mound State Park Tipi and Cart-In Campground,-96.18764200000001,43.715635400000004 +37930,Garvin CP - Upper Campground,-95.74596170000001,44.2634296 +37931,Garvin CP- Lower Campground,-95.740874,44.2723257 +37932,Horse Camp,-95.7457717,44.260559300000004 +37933,Sheridian Tap,-95.27016040000001,44.4860235 +37934,Today's Fireplace & Spa,-95.77856050000001,44.432679400000005 +37935,St. James Municipal CG,-94.6391421,43.9744466 +37936,Voss Park Campground,-94.8036378,43.9633606 +37937,AP Design,-95.7783016,44.4328288 +37938,Coon Rapids,-93.3023898,45.1728923 +37939,Mercy,-93.36274850000001,45.1797169 +37940,Pheasant Ridge,-93.3560027,45.183081 +37941,Wedgewood,-93.3570174,45.1938079 +37942,Thompson Heights,-93.32715470000001,45.1757798 +37943,Summer Chase,-93.3078945,45.1697525 +37944,Northdale,-93.28295220000001,45.1703205 +37945,Woodcrest,-93.2864546,45.1553905 +37946,Parkside,-93.2780249,45.140515300000004 +37947,Sherbrook,-93.30174960000001,45.185889800000005 +37948,Springbrook,-93.2824054,45.1216516 +37949,Elizabeth Court,-93.32274170000001,45.1907158 +37950,Pleasure Creek,-93.2899168,45.129058300000004 +37951,Hollows,-93.2970947,45.1480921 +37952,Riverdale,-93.35042030000001,45.2092314 +37953,Woodale,-93.30194270000001,45.1503449 +37954,Oaks,-93.321038,45.208889400000004 +37955,Riverview,-93.3325147,45.1623499 +37956,Burl Oaks,-93.2746566,45.192172 +37957,CVS Pharmacy,-93.2368785,44.9491566 +37958,Starbucks,-93.0246468,45.0061514 +37959,Sumo & Smoh,-93.1570592,44.988877900000006 +37960,FIT Lab,-93.15687410000001,44.9889955 +37961,Starbucks,-93.23693270000001,44.9500699 +37962,The Pondy Restaurant & Bar,-92.47570470000001,44.206297 +37963,Joe's Auto Care,-92.4773375,44.029362500000005 +37964,Kragnes Switch,-96.74581260000001,46.976743600000006 +37965,Nathan Hale,-93.1167825,44.942256900000004 +37966,G&J Body Shop,-92.4772004,44.0287501 +37967,Russell Tap,-95.9365681,44.3120959 +37968,Spiral Brewery,-92.8518588,44.744542300000006 +37969,Amiret Tap,-95.7542081,44.311860800000005 +37970,Garvin Tap,-95.79596140000001,44.312061400000005 +37971,Alton's Rock,-93.0753292,44.8639682 +37972,Waschke Family GM Center,-93.403722,48.580314 +37973,Fisherman,-93.40113550000001,48.577090600000005 +37974,Chocolate Moose Restaurant Company,-93.4017919,48.5775501 +37975,Averill Switch,-96.6108476,46.9768625 +37976,Pleasant Hill Baptist Church,-93.4004908,48.574750300000005 +37977,Crown Royal Stoves,-93.40361850000001,48.574841600000006 +37978,Greentech Manufacturing Inc.,-93.40365010000001,48.575340100000005 +37979,Berean Baptist Church,-93.4035242,48.5764274 +37980,Borderland Auto Repair Etc,-93.4022127,48.5814357 +37981,Studio 53 Fabric and Gifts,-93.4031557,48.5833923 +37982,Shannon's Inc,-93.3991594,48.584966 +37983,The Rambler,-93.4021749,48.585343 +37984,Cheryl Miller Insurance,-93.40218630000001,48.5859759 +37985,Soundnorth,-93.40301620000001,48.5866946 +37986,Pattys Its A Girl Thing,-93.40298080000001,48.587107200000005 +37987,Buffalo River Switch,-96.2997778,46.9774772 +37988,Little Free Library,-93.36314610000001,45.177867500000005 +37989,Southside Medical Clinic,-93.26998300000001,44.925457300000005 +37990,Southside Vision Clinic,-93.26979940000001,44.925558900000006 +37991,Comprehensive Behavioral Health,-93.2697962,44.9254588 +37992,Above and Beyond,-93.389966,45.200467200000006 +37993,Anoka Kindness Rock Garden,-93.3901701,45.2003031 +37994,Richard Keith Sorenson,-93.38994140000001,45.200493200000004 +37995,Maudal's Truck Service,-96.5027884,45.9814668 +37996,Johnson Park,-92.9784061,45.5427503 +37997,Lake Sarah Tap,-95.65296230000001,44.167277500000004 +37998,Moose Mountain,-91.9879782,46.8652784 +37999,Dunn Brothers Coffee,-92.84185070000001,45.040213900000005 +38000,Yahweh Church of God in Christ,-93.2706747,44.934054100000004 +38001,Kente Circle,-93.2704997,44.934061 +38002,Moe Cutz Barber Shop,-93.2700186,44.9340592 +38003,Kingdom Hall-Jehovah's Witness,-93.40449530000001,48.5906803 +38004,Granite Digital Realty Llc,-93.40619260000001,48.5917898 +38005,Arnold's Campground & RV Park,-93.40217870000001,48.5835457 +38006,Freedom Valu Center,-93.402316,48.587929200000005 +38007,NAPA Auto Parts,-95.7959397,44.453743100000004 +38008,Hanson's Outpost Inc,-93.40203260000001,48.587307300000006 +38009,"Shannon Arnold, United Country/Voyage North Realty & Auctions",-93.40222800000001,48.588472100000004 +38010,BP,-93.40227270000001,48.5893857 +38011,Moonlight Rock Range,-93.34822240000001,48.589800800000006 +38012,Einstein Bros. Bagels,-95.7619999,44.450036000000004 +38013,Caribou Coffee,-95.76191010000001,44.4499651 +38014,Northern Star Coop,-93.3743153,48.5767387 +38015,Kootasca Community Action,-93.39743770000001,48.5804065 +38016,Friends Garbage Services,-93.39458760000001,48.571390900000004 +38017,Farm Bureau Financial Services,-93.39605200000001,48.581377200000006 +38018,Calumet,-93.37543810000001,48.5665398 +38019,South Falls Apartments,-93.395054,48.582122600000005 +38020,Fairview Horizon Apartments,-93.39697550000001,48.5848006 +38021,International Falls Water Shop,-93.3976169,48.5866485 +38022,Gas Pumps,-93.17101690000001,47.3701719 +38023,Latvala Oil Co.,-93.168332,47.3806778 +38024,voyageurs outfitters,-93.29956490000001,48.6093665 +38025,Diesel Pumps,-93.17149160000001,47.3700539 +38026,Camp Idlewood Resort,-93.2992275,48.610196300000005 +38027,Almost Lindys Swill & Grill,-93.2956824,48.6089502 +38028,Red Sucker Island,-93.1895099,48.627220900000005 +38029,Bohman Landing Rainy Lake,-93.28960230000001,48.608715600000004 +38030,Rainy Lake RV,-93.2880813,48.606848600000006 +38031,Rainy Lake Labrador Retrievers,-93.2908032,48.603801000000004 +38032,Northernaire Houseboats of Rainy Lake,-93.2641201,48.613747200000006 +38033,Ready. Set. Dance! DJ Services,-93.38850020000001,48.588995800000006 +38034,Paradise Outfitters,-93.2644947,48.615785300000006 +38035,Review Islands,-93.2048463,48.619109200000004 +38036,Bald Rock Point,-93.23199000000001,48.607710000000004 +38037,North Country Collision,-93.39096330000001,48.587814300000005 +38038,Grassy Narrows,-93.23496800000001,48.609617 +38039,Diebold Law Firm,-95.7639699,44.445763500000005 +38040,Saint Joan of Arc Parish Center,-93.27253490000001,44.9205144 +38041,Dilworth Switch,-96.61104610000001,46.8957916 +38042,Evangelical Covenant Church,-93.39754260000001,48.588487 +38043,Midwest United Insurance,-95.7570141,44.448283 +38044,St Croix NSR -Old Railroad Bridge Landing,-92.87275600000001,45.702502 +38045,Samuelson County Park,-93.09917270000001,47.9486046 +38046,Minnesota Department of Natural Resources,-93.3714803,48.603100500000004 +38047,Voyageurs National Park,-93.3770808,48.603356000000005 +38048,James Oberstar Riverfront Complex,-93.37590730000001,48.602107600000004 +38049,Badiuk Equipment Inc,-93.36662220000001,48.604003000000006 +38050,Lofgren Memorial Park Campground,-93.5625534,48.399079500000006 +38051,Korner Kwik Stop,-93.3565944,48.6062127 +38052,Bowstring State Forest-- Cottonwood Lake,-93.69810430000001,47.42784 +38053,Bowstring State F -orest Moose Lake,-93.7131483,47.400046800000005 +38054,Cenex,-93.3565786,48.606355900000004 +38055,West Seelye Bay Campground,-94.1016101,47.5234095 +38056,Sjoblom Landscape & Nursery,-93.35653780000001,48.607292400000006 +38057,North Deer Lake Campground,-94.1021039,47.517422200000006 +38058,Middle Pigeon Lake Campground,-94.1656707,47.586545400000006 +38059,Top Notch Insurance with Progressive of International Falls,-93.3569652,48.6071028 +38060,Freds Marine Center,-93.3482709,48.6142471 +38061,Seretha Lake Access,-94.10223520000001,48.0085935 +38062,Sturgeon River State Forest Landing,-93.883713,48.2122125 +38063,Pine Island SF - Benn Lynn Landing,-93.8861052,48.250681300000004 +38064,United States Post Office,-93.3483063,48.614060900000005 +38065,Keuffner's Landing,-93.8170111,48.3384141 +38066,Ranier Municipal Liquor Store,-93.3482207,48.613728200000004 +38067,Ranier Community Building,-93.34906640000001,48.6132435 +38068,Six Mile Lake Campground,-94.1247694,47.311256300000004 +38069,Pine Tree City Park Campground,-94.5868702,47.7333635 +38070,Voyageurs Outfitters,-93.348449,48.6120766 +38071,Ranier Roost,-93.3452111,48.61142 +38072,"Cantilever Hotel, Trademark Collection by Wyndham",-93.3482244,48.6147718 +38073,Red Lake State Forest,-94.5092757,48.1654664 +38074,Williams City Park Campground,-94.9573273,48.7721195 +38075,Rainy Lake Grill,-93.348675,48.6149464 +38076,Roseau City Park Campground,-95.74991410000001,48.8362519 +38077,"Cantilever Distillery + Restaurant, Cocktails & Tastings",-93.34800390000001,48.6150664 +38078,Durgin Memorial Park,-96.01736790000001,48.7824741 +38079,Woody's Fairly Reliable Guide Service,-93.3485287,48.615473400000006 +38080,American Legion Park Campground,-96.194032,48.6936686 +38081,Loony's Pub,-93.34809750000001,48.615585900000006 +38082,Winona County Public Defender,-91.6395287,44.0535064 +38083,Ranier Public Access,-93.3481201,48.616018800000006 +38084,Tara's Wharf Ice Cream Shop,-93.34856140000001,48.6159048 +38085,The Lake House,-93.34693460000001,48.6153564 +38086,Old Crossing Treaty Park,-96.418621,47.8693223 +38087,Chippewa County Park Campground,-95.5864403,45.9932329 +38088,Glacial Lakes SP - Horse Camp,-95.52116450000001,45.534260200000006 +38089,Appleton Municipal Campground - Mill Pond Park,-96.02010440000001,45.204269100000005 +38090,Niemackl Lake Park,-96.0745643,45.7702736 +38091,Clarissa City Park Campground,-94.95130200000001,46.131226100000006 +38092,Pomme De Terre City Park Campground,-95.8819098,45.572812500000005 +38093,Glacial Lakes SP - Baby Lake,-95.49617520000001,45.530163800000004 +38094,Kohl's,-95.03968680000001,45.1049243 +38095,Glacial Lakes SP - Hill TC,-95.5234793,45.5329598 +38096,Faribault County Fairgrounds,-94.1003039,43.6500489 +38097,Rockville CP - Canoe Camp,-94.3511969,45.4725866 +38098,Rock River City Park,-96.14038210000001,43.871467900000006 +38099,Woods Lake County Park,-94.1110879,43.5349252 +38100,Bright Lake County Park,-94.58203660000001,43.550973600000006 +38101,Marilyn DeBates Memorial Park,-96.39380770000001,43.8489159 +38102,Robertson County Park,-95.0998428,43.5230407 +38103,Lime Lake County Park,-95.6632402,43.9451497 +38104,Magnolia City Campground,-96.08206580000001,43.6462597 +38105,Seven Mile Lake County Park,-95.60120330000001,43.8602505 +38106,Everett Park,-94.66880250000001,43.676018600000006 +38107,Swift Lake Park,-95.6044456,44.2464695 +38108,Rapidan Dam County Park,-94.1123893,44.0988659 +38109,Swanky Sweet Pea,-93.34272560000001,48.61359 +38110,Sundquist Park at West Lake Sarah,-95.77883560000001,44.1530408 +38111,Kettner's Landing - DNR,-94.7756355,44.446030300000004 +38112,The Lakeview RV Sites and Cabins,-93.34285270000001,48.6158553 +38113,Mack Lake County Park,-94.7899694,44.4623609 +38114,Civil War Statue,-95.79444260000001,44.4505649 +38115,Vicksburg County Park,-95.23265980000001,44.6575847 +38116,Skalbekken County Park Campground,-95.4182579,44.7359122 +38117,Insty-Prints Winona,-91.6377279,44.053539300000004 +38118,Minnesota Machinery Museum,-95.6197616,44.6918688 +38119,33,-93.34507810000001,44.7029756 +38120,Minnesota Machinery Museum Campground,-95.6193406,44.691516500000006 +38121,Lion's RV Park,-95.8064961,44.7971852 +38122,Maynard Lions Park,-95.46438780000001,44.902300000000004 +38123,Boyd City Park,-95.8963217,44.851311200000005 +38124,J F Jacobson City Park,-96.1953608,45.0073828 +38125,Ogard Point,-93.3291516,48.614976000000006 +38126,Backcountry Campgrounds - Grand Portage,-89.8279122,48.0036452 +38127,Rainy Lake Marine,-93.30419180000001,48.613911200000004 +38128,Simply Vintage,-93.10192110000001,44.919398400000006 +38129,Bubbles & Ecouture,-93.10192090000001,44.919425700000005 +38130,Paradise Press Equipment,-93.1021989,44.9181176 +38131,The Hair Shoppe,-93.10192950000001,44.918166 +38132,Smith Liquors,-93.1020438,44.9167471 +38133,Chin Chin,-93.102047,44.9166553 +38134,Thomas Lake Park (West Entrance),-93.1772756,44.79417 +38135,Blackhoof River WMA #2,-92.4642628,46.5274094 +38136,Browns Valley City Park,-96.8404491,45.5975848 +38137,Floodwood Municipal County Campground,-92.9109195,46.9304009 +38138,American Legion Park,-93.30026640000001,47.1373589 +38139,Pug Hole Wayside Park,-93.5917893,47.4111872 +38140,Bagley City Park Campground,-95.4006983,47.527386500000006 +38141,Traverse County. Park Campground,-96.78267360000001,45.6665246 +38142,Pine River Bike CG - DNR,-94.38723270000001,46.706059700000004 +38143,Mississippi River 83rd Ave N Boat Ramp,-93.2805515,45.1049663 +38144,Way Cool Cooking School,-93.48832320000001,44.863609600000004 +38145,El Nuovo Morelos,-93.100254,44.9159395 +38146,Sift Gluten Free,-93.25216640000001,44.9198461 +38147,Medina Community Center,-93.52567180000001,45.0392675 +38148,No.1 New China,-93.1005167,44.9159388 +38149,Oxendale's Market (formerly R.C. Dicks),-93.1009459,44.9159352 +38150,Innovations Salon,-93.1014159,44.9156269 +38151,Snap Fitness,-93.10141490000001,44.915694200000004 +38152,Domino's Pizza,-93.10141300000001,44.9158187 +38153,AT&T,-95.3859882,45.8482038 +38154,Minnepau Veterinary Clinic,-93.19801190000001,44.968923100000005 +38155,Fairy Hollow,-93.4834151,45.0901392 +38156,Little Free Library,-93.45956930000001,45.115663700000006 +38157,Sprint,-95.3859836,45.8484111 +38158,Dryweed Island,-93.12063420000001,48.610582300000004 +38159,Lyle Mine Island,-93.11672990000001,48.6193916 +38160,Tilson Bay Rainy Lake Public Water Access,-93.234294,48.5988112 +38161,Springer Point,-93.1456187,48.6015613 +38162,Dove Point,-93.1557806,48.5949649 +38163,Spring Lodge Resort,-93.21407160000001,48.5989196 +38164,Camp Kooch-i-ching,-93.2180398,48.604011500000006 +38165,Ogichi Daa Kwe,-93.2182751,48.6008135 +38166,Lynd Tap,-95.8978544,44.4870512 +38167,Broadway Dental Care,-92.462714,44.0329898 +38168,Seegert's Marine,-93.2110399,48.5982174 +38169,Bishop Management,-92.4627306,44.032943 +38170,Holy Spirit Catholic Church & Grade School,-92.53902400000001,44.076441900000006 +38171,RainyDaze Guide Service,-93.2349375,48.601602400000004 +38172,Maple View Park,-93.29691600000001,45.273594900000006 +38173,Black Peak,-95.42524150000001,46.2653077 +38174,Rainy Lake Visitor Center Public Boat Access,-93.1614935,48.583791500000004 +38175,Mount Nebo,-95.10735260000001,46.356276300000005 +38176,Black Bay,-93.1318191,48.556776400000004 +38177,Rhino Roofing,-92.17220800000001,46.8335718 +38178,Sha Sha Point,-93.15997060000001,48.5925634 +38179,Thunderbird Lodge,-93.1863249,48.599148500000005 +38180,Rainy Lake Houseboats,-93.18788160000001,48.600549300000004 +38181,Rainy Lake Vacation Homes,-93.1895387,48.600395600000006 +38182,Valley Bike & Ski,-93.22226400000001,44.7336426 +38183,Camping Bike Site Only,-93.68425040000001,44.8693861 +38184,St. Maximilian Kolbe Catholic School,-93.78832890000001,45.038231800000005 +38185,St. Peter's Church (St. Max Kolbe Parish),-93.7883235,45.038734100000006 +38186,St. Joseph's Church (St. Max Kolbe Parish),-93.7895563,45.044599700000006 +38187,Franklin St. Fishing Pier,-91.63497890000001,44.0389757 +38188,Huff Street Fishing Pier,-91.6501535,44.0403466 +38189,Baby Bean,-91.6697532,44.046671800000006 +38190,Dacota Street Fishing Pier,-91.6555879,44.0431594 +38191,Michele's Paw Spa,-93.10391340000001,45.0285711 +38192,Cost Cutters,-91.66984240000001,44.0475488 +38193,Little Venetian,-93.1040694,45.0285766 +38194,Dollar Tree,-93.1042939,45.028575100000005 +38195,Allemanstratt Wilderness Park,-92.83151670000001,45.403917500000006 +38196,Library Park,-93.9579588,43.928523600000005 +38197,Ojiketa Regional Park,-92.8876549,45.3460011 +38198,Psinergy Natural Health & Holistic Wellness,-93.10381720000001,45.0263586 +38199,Grindstone Island,-93.171329,48.610040100000006 +38200,Psinergy Tech,-93.1037515,45.026411 +38201,Winona County Sheriff,-91.64098290000001,44.0529537 +38202,Neil Point,-93.1785483,48.605000100000005 +38203,Spectrum,-92.5016191,44.0626534 +38204,Minnesota Pioneer Park,-94.1102293,45.2554218 +38205,Bethlehem Lutheran Church,-96.07456930000001,46.280733700000006 +38206,Southside Barber Lounge,-93.26243290000001,44.9156361 +38207,Spirit River Nature Area,-93.24011420000001,45.565869500000005 +38208,Volunteers of America,-93.2302858,44.9482239 +38209,Metro by T-Mobile,-93.23073240000001,44.9482305 +38210,Minnehaha Animal Hospital,-93.2624387,44.9157108 +38211,Guzior Ambrecht Maher,-93.2325785,44.9485608 +38212,Zoupas Resort and Spa,-93.3307163,48.4864611 +38213,Integrated Staffing Solutions,-93.2329062,44.948268000000006 +38214,ACE Cash Express,-93.2330245,44.9482372 +38215,Glass Endeavours,-93.2326567,44.9469604 +38216,Drawing Co-Op,-93.2324555,44.946968000000005 +38217,Wilson Law Group,-93.2335633,44.9477454 +38218,Border Boatworks,-93.3324291,48.4888242 +38219,"Boker's, Inc.",-93.2344015,44.946458 +38220,Sweet Relief LLC,-93.33136680000001,48.4895903 +38221,George Floyd,-93.26213870000001,44.934243900000006 +38222,Nosh,-91.6333276,44.052272800000004 +38223,Lake Kabetogama Visitors Center,-93.0300302,48.445014900000004 +38224,Herseths Tomahawk Resort,-93.05002350000001,48.4474541 +38225,Pine Aire Resort,-93.03468620000001,48.4467416 +38226,Grand Meadow,-92.5751219,43.7015508 +38227,CP St. Paul Yard,-93.0311906,44.9336829 +38228,UP South St. Paul Yard,-93.04778280000001,44.908375500000005 +38229,The Rocky Ledge,-93.04692750000001,48.4459305 +38230,St. Anthony,-93.19752530000001,44.973262000000005 +38231,Snyder's Idlewild Resort,-93.0462588,48.446248700000005 +38232,Cenex,-92.78987810000001,44.2971571 +38233,Cusson Camp Co,-92.8450904,48.099764 +38234,Cenex,-92.7892994,44.297194000000005 +38235,C-Store,-92.7896209,44.2969628 +38236,Pierz City Park Campground,-94.09110190000001,45.9777381 +38237,Ash Lake Hideaway,-92.9163781,48.218417300000006 +38238,Cuyuna Mountain Bike Campground,-93.9267002,46.5147258 +38239,Greer Lake Campground,-94.04044160000001,46.631861400000005 +38240,Grand Lake Volunteer Fire Department,-92.8380965,48.102217200000005 +38241,Ron's Cabins,-92.9210623,48.2133223 +38242,Hawksridge Playground,-93.3297399,45.2961139 +38243,Blackpool,-94.1471841,45.321727100000004 +38244,Prarie Knoll Playground,-93.2815487,45.2373987 +38245,The American Bear Association Vince Schulte wildlife sanctuary visitor center and gift shop,-92.83288010000001,48.0368475 +38246,Nett Lake Pow Wow Grounds,-93.095962,48.114220100000004 +38247,Ferrellgas,-92.83284250000001,48.036616 +38248,KBFT 89.9FM Bois Forte Tribal Community Radio,-93.0956764,48.10928800000001 +38249,Nett Lake Heath Clinic,-93.09654540000001,48.1100295 +38250,Nett Lake Elementary School,-93.09492,48.1094707 +38251,Indian Education Office,-93.0956227,48.1096821 +38252,Bois Forte Human Services,-93.095673,48.111055900000004 +38253,Nett Lake Store,-93.0948979,48.110910800000006 +38254,Bois Forte Veteran's Memorial,-93.0961396,48.113877300000006 +38255,Nett Lake Baptist Church,-93.0997449,48.1089816 +38256,Bois Forte Tribal Government,-93.09653990000001,48.113321500000005 +38257,Kallio Apartments,-92.8287531,48.059333200000005 +38258,Bois Forte Department of Natural Resources,-93.0976905,48.1135491 +38259,Nett Lake Fire Hall,-93.09566910000001,48.112664900000006 +38260,Hanna Mining Company Train Cabose,-93.0772199,47.3992493 +38261,Nashwauk Campground,-93.16798290000001,47.384069700000005 +38262,Bois Forte Community Center,-93.0952719,48.1125746 +38263,Pidgeon Point,-89.4920745,48.0054096 +38264,Grand Portage Community Center,-89.6800565,47.9678927 +38265,Heritage Visitors Center - Grand Portage National Monument,-89.6866542,47.9607103 +38266,Trollskogen City Park,-91.64412800000001,43.5569545 +38267,Holy Rosary Catholic Church,-89.6829323,47.9662054 +38268,Grand Portage Health Services,-89.68038370000001,47.9668385 +38269,Grand Portage Museum,-89.68138090000001,47.966524500000006 +38270,Grand Portage Marina and RV Campground,-89.6902086,47.9559579 +38271,Dower Lake Recreation Area,-94.8493466,46.348810300000004 +38272,Hollow Rock Resort,-89.73812690000001,47.918215000000004 +38273,Hollow Rock,-89.73629740000001,47.9171598 +38274,Red Rock,-89.7571621,47.9041687 +38275,Horseshoe Bay Hiking Trailhead,-89.9372161,47.8512695 +38276,Runningen Furs,-89.97254720000001,47.8388544 +38277,Chicago Bay Marketplace-Bakery,-89.9669805,47.842189600000005 +38278,Devils Track Nordic Ski Shop,-90.3146691,47.7780239 +38279,"Doctor Asphalt, LLC",-93.0488067,45.0001143 +38280,Luttinens,-90.2540701,47.777734200000005 +38281,North Coast Towing & Repair,-90.25207490000001,47.775715500000004 +38282,Wind Cradle Retreat,-90.1610282,47.7935931 +38283,Camp Birchwood for Boys,-90.8906324,48.177398100000005 +38284,YMCA Day Camp Kici Yapi,-93.4288855,44.757485300000006 +38285,Gunflint Wilderness Camp,-90.89288930000001,48.175920000000005 +38286,Voyageur Canoe Outfitters,-90.8903787,48.1718989 +38287,Le Sueur Landing,-93.9184149,44.4634378 +38288,Peterson Veterinary Clinic,-97.02211510000001,47.9452477 +38289,Clear Lake Park,-93.70122210000001,44.4396573 +38290,Lancaster City Park,-96.7979851,48.86428 +38291,campsite1 - Birch,-91.39126830000001,48.0554168 +38292,Trails End Campground,-90.89791550000001,48.1581483 +38293,Cook County Minnesota,-90.8863817,48.1667021 +38294,Way of the Wilderness Canoe Outfitters,-90.8927802,48.161246500000004 +38295,Gunflint Trail Historical Society,-90.8808836,48.168820800000006 +38296,Chik-Wauk Museum and Nature Center,-90.88084810000001,48.1687067 +38297,Cross River Lodge,-90.7665805,48.0959286 +38298,CTE-Usda National Forest,-90.8697434,48.1554414 +38299,Seagull Outfitters & Cabins,-90.868408,48.1594277 +38300,BP,-92.9673788,45.2615581 +38301,Chipotle,-92.9982258,45.278302000000004 +38302,O'Reilly Auto Parts,-92.9828049,45.2735989 +38303,Ron's Warehouse,-95.3573606,45.888412800000005 +38304,Christie's Classic Autos,-92.34547020000001,44.003215000000004 +38305,Level iii,-95.5734743,46.5934485 +38306,NE Moose Bar & Grill,-93.25287390000001,44.994827400000005 +38307,Spring Street Tavern,-93.2519822,44.9948745 +38308,Billy's Corner Bar,-95.8048086,46.657074400000006 +38309,1894,-95.5797124,46.597058200000006 +38310,Perham Meat Locker,-95.5742726,46.5891389 +38311,Vergas Hardware,-95.80456930000001,46.656735000000005 +38312,Sally Beauty,-94.37633260000001,44.8682573 +38313,Papa Murphy's,-94.3763328,44.8683484 +38314,Hanson's Plumbing & Heating,-95.8043739,46.656250500000006 +38315,O'Reilly Auto Parts,-94.3762739,44.8667724 +38316,Arby's,-94.3763971,44.8695194 +38317,Happy Panda,-94.37664360000001,44.8703841 +38318,Spanky's Stone Hearth,-95.7647151,46.6889338 +38319,Subway,-94.37608900000001,44.870388500000004 +38320,Kawabonga,-95.5737314,46.602522300000004 +38321,Pizza Hut,-94.3765697,44.8703754 +38322,Great Clips,-94.376354,44.8703972 +38323,Silvermoon Lounge & Restaurant,-95.5893518,46.6034978 +38324,Fantastic Sams,-94.3772105,44.8730349 +38325,Dunhams,-94.37892980000001,44.875641900000005 +38326,Ashley Furniture,-94.37835670000001,44.868977900000004 +38327,King's Wok,-94.3737782,44.877707300000004 +38328,McCormick's,-94.37638480000001,44.874157200000006 +38329,Pizza Ranch,-94.37842450000001,44.8700872 +38330,El Loro,-94.3771859,44.874227100000006 +38331,Jimmy John's,-94.3764464,44.8760436 +38332,PetSmart,-94.37842450000001,44.8698077 +38333,Sport Clips,-94.376428,44.8758253 +38334,Qdoba,-94.3763323,44.868148100000006 +38335,Zella's,-94.36954490000001,44.8919623 +38336,Dairy Queen,-94.369662,44.8932894 +38337,Wendy's,-93.3986318,45.2237068 +38338,Below Zero,-94.3681461,44.892477500000005 +38339,Dunn Bros.,-94.3699172,44.89367 +38340,Caribou Coffee,-94.3788001,44.877226900000004 +38341,Tokyo Grill,-94.3942136,44.893413 +38342,Speedway,-94.3955514,44.893162200000006 +38343,River’s Bend Bar & Grill,-93.3969242,45.2262848 +38344,Jimmy's Pizza,-94.39056120000001,44.895348500000004 +38345,Connections Church,-93.4336071,45.2206532 +38346,Dollar Tree,-93.3973254,45.224062200000006 +38347,Gunflint Northwoods Outfitters,-90.74974850000001,48.084994900000005 +38348,Subway,-93.39655420000001,45.2254304 +38349,Heston's Lodge and Country Store,-90.7048723,48.090199500000004 +38350,Speedway,-93.3981632,45.225118300000005 +38351,Elm Creek Brewing,-93.39054130000001,45.162429700000004 +38352,$5 Pizza,-93.39609540000001,45.224549100000004 +38353,Energy Hub,-93.3965787,45.2255399 +38354,Rafter Apartments,-93.2555703,44.988742900000005 +38355,Cost Cutters,-93.25459830000001,44.9875327 +38356,Chuck & Don's Pet Food & Supplies,-93.2543655,44.987701400000006 +38357,Pizza Hut,-93.3766633,45.221253000000004 +38358,Aveda,-93.2536147,44.9879484 +38359,Almost Famous Body Piercing and Tattoos,-93.2541793,44.9880884 +38360,Laek Hendricks City Park,-96.43496710000001,44.506663700000004 +38361,Five Star Towing,-94.3646901,44.479409600000004 +38362,LKQ,-93.2994682,43.6684022 +38363,Avail Academy - Blain Campus,-93.24201500000001,45.1327459 +38364,Auto Parts Minneapolis,-93.29948390000001,43.667914800000005 +38365,Love's,-93.3153151,43.659781100000004 +38366,Avail Academy - Fridley Campus,-93.25271980000001,45.1012764 +38367,Becker Auto,-93.2495926,43.658952400000004 +38368,Hayward,-93.24381020000001,43.647049200000005 +38369,Raised Fist Sculpture,-93.2625007,44.9341609 +38370,Plummwe Park,-96.0390328,47.9100028 +38371,U-Haul,-93.3690632,45.056841500000004 +38372,Clearbrook City Park,-95.4278182,47.696981900000004 +38373,Fosston City Campground,-95.7551737,47.574049300000006 +38374,Spring Lake City Park,-95.6390769,47.5058555 +38375,U-Haul,-93.3690632,45.0571617 +38376,Chiropractic First,-92.51183060000001,44.044692600000005 +38377,U-Haul,-93.10630300000001,44.9777721 +38378,Bursch Travel,-92.4650146,44.0050831 +38379,Crossroads License Bureau,-92.46507220000001,44.0049374 +38380,Northern Tool & Equipment,-92.5032948,44.035009800000005 +38381,Great Clips,-92.4652657,44.003764200000006 +38382,Crossroads Laundromat,-92.4654629,44.0037724 +38383,Arrow Hardware & Paint,-92.46641120000001,44.0039634 +38384,OfficeMax,-92.466434,44.0055131 +38385,Spa 143,-92.4665061,44.0049511 +38386,Clearwater BWCA Outfitters,-90.3827457,48.0696081 +38387,Tangles Hair Extensions & More,-92.4665174,44.004749200000006 +38388,Slow Coast Spa,-92.4665288,44.0045882 +38389,Nupa Mediterranean,-92.4685149,44.005606900000004 +38390,Papa Murphy's,-92.46827900000001,44.0057416 +38391,FedEx Office Print & Ship,-92.46939230000001,44.0054388 +38392,Apollo Liquor,-92.46897120000001,44.0054457 +38393,Jade Repair,-92.5937763,44.143679500000005 +38394,Walgreens,-93.22678090000001,44.948143300000005 +38395,Bubbly Paws,-93.26244100000001,44.916555300000006 +38396,14 Hill,-93.2624418,44.9165086 +38397,Spa Sweet,-93.26244430000001,44.9163939 +38398,Rue 48 Salon,-93.26244430000001,44.9162868 +38399,Floral Art by Tim,-93.2624454,44.9163379 +38400,Pizza Biga,-93.2628267,44.916350900000005 +38401,Subway,-93.95729080000001,46.4821347 +38402,Holiday,-93.9002614,46.473829900000005 +38403,Crosby Post Office,-93.95659140000001,46.482682000000004 +38404,Kraemer Lake-Wildwood County Park,-94.36973880000001,45.553690100000004 +38405,Clearwater River Canoe Access,-94.15711130000001,45.3039481 +38406,Cuyuna Range Youth Center,-93.95740690000001,46.481735300000004 +38407,Lake Sylvia Wayside,-94.78916740000001,45.7462693 +38408,Crosby DMV - Motor vehicle and drivers license center,-93.95211230000001,46.481835200000006 +38409,Watercraft campsite,-94.75659130000001,45.6111337 +38410,Kruegers Auto Repair,-93.9521217,46.481260400000004 +38411,St. Regis Park,-94.17687120000001,45.7335961 +38412,Barstock Liquors,-93.9508677,46.4827455 +38413,Super One Foods,-93.9500635,46.4831019 +38414,Serpent East Boat Landing,-93.89864890000001,46.485222300000004 +38415,Cottingham County Park Campground,-94.7989096,46.4902059 +38416,Huntersville SF - Shell City Landing,-94.9511681,46.792499500000005 +38417,North Loop Galley,-93.27779000000001,44.988064400000006 +38418,Scott's Auto Works,-92.3896651,43.689053400000006 +38419,Valley Wash,-92.38854500000001,43.6894568 +38420,Valley Wash,-92.3886073,43.6896477 +38421,Red Cliff,-90.1876304,47.7775826 +38422,Scott's Auto Works,-92.3895471,43.6889138 +38423,BP,-92.3885643,43.689764000000004 +38424,Honeymoon Bluff,-90.41505810000001,48.0563835 +38425,Hutt Point,-90.08042470000001,47.8024636 +38426,Mt Maude,-89.7590005,47.9746553 +38427,Mt Sophie,-89.8354394,47.9524289 +38428,Point 2210,-90.2298444,47.9990322 +38429,Mt Josephine,-89.6587255,47.982710600000004 +38430,Farquhar Peak,-89.9210458,47.877507200000004 +38431,"Misquah Hills, highest Peak",-90.5213726,47.974871300000004 +38432,Misquah Hills,-90.5539576,47.9857018 +38433,Gull Rock Ridge,-91.35195250000001,47.222259 +38434,Height of Land Lookout,-95.5034512,47.2318882 +38435,Summit Chalet at Lutsen Mountains,-90.7271439,47.654419700000005 +38436,Murphy Mountain,-90.43390570000001,47.7575069 +38437,Pincushion Mountain,-90.2830924,47.7741319 +38438,Genola Park and Campground,-94.1147461,45.9577201 +38439,Peak 2266,-90.3722142,47.931133700000004 +38440,Lima Mountain,-90.40365410000001,47.987542100000006 +38441,Weather shelter,-94.52851390000001,45.6257686 +38442,Agassiz Environmental Learning Center,-96.2954406,47.529333 +38443,Holt Park,-96.19188790000001,48.292512200000004 +38444,Beltrami Island SF - Bemis Hill,-95.46070130000001,48.711631700000005 +38445,Land O'Lakes SF - Baker and White Oak Lake,-93.8827543,46.9038522 +38446,Verizon,-95.36926910000001,45.8897683 +38447,Land O'Lakes SF - Clint Converse,-93.9757974,46.8493536 +38448,Fisherman's Point CityCampground,-92.1699892,47.5057897 +38449,Ralph J. Klein City Park,-95.62273540000001,48.3024338 +38450,Search Beyond Adventure,-93.25212570000001,44.9194359 +38451,Tu Nails,-93.1660712,44.9436356 +38452,Cuyuna Country SRA - Portsmouth CG,-93.9727108,46.491491100000005 +38453,Snap Fitness,-93.1660629,44.9434769 +38454,TanWorks,-93.16605750000001,44.943423700000004 +38455,Great Clips,-93.16654510000001,44.939449200000006 +38456,Dunkin',-93.16728900000001,44.945640000000004 +38457,Red's Savoy Pizza,-93.1672729,44.9455508 +38458,Bundle Studios,-93.2632313,44.916031600000004 +38459,Pedego Electric Bikes,-93.2628334,44.915907100000005 +38460,R.A.MacSammy's Elbow Room,-93.2631827,44.9160296 +38461,Creekside Acupunture Clinic,-93.26282730000001,44.915235200000005 +38462,Family Enhancement Center,-93.26282730000001,44.9152919 +38463,Pine River Bike CG - DNR,-94.39187840000001,46.7094813 +38464,Windmill Travel Center,-92.697658,43.710579800000005 +38465,Windmill Travel Center,-92.6969581,43.710759700000004 +38466,Kalla Lily Salon and Spa,-93.5311636,45.044638600000006 +38467,Windmill Travel Center,-92.69765550000001,43.7107473 +38468,Verizon,-93.5310335,45.0446225 +38469,Crow Wing County Land Services,-94.20412300000001,46.355002600000006 +38470,Tennant Company HQ,-93.40877090000001,44.8578812 +38471,DT-69,-92.01566700000001,46.860017500000005 +38472,L-4,-92.010896,46.8501053 +38473,L-5,-92.0105868,46.852236100000006 +38474,L-3,-92.01089370000001,46.848746600000005 +38475,L-2,-92.0089262,46.846880500000005 +38476,Tennant Company Expo,-93.4123034,44.857470500000005 +38477,Cedar Hanson County Park Campground,-94.7350157,43.795735900000004 +38478,Council Ring,-95.1938233,47.2335179 +38479,Devil Track Lake Boat Ramp,-90.45216860000001,47.8302205 +38480,Academic Arts High,-93.08223050000001,44.8902244 +38481,Trax Liquors,-96.70471710000001,46.8768163 +38482,Jacque's,-92.80166410000001,43.804973000000004 +38483,Wayne's Auto,-92.80181010000001,43.8053958 +38484,Montiview Mountain Bike Challenge Course,-93.7663383,45.2824326 +38485,ALDI,-93.23598290000001,45.1703756 +38486,Costco Gasoline,-93.143175,44.859373000000005 +38487,Cheers of Waltham,-92.87692480000001,43.821852500000006 +38488,Waltham,-92.877066,43.821144100000005 +38489,Lee J Sackett Inc.,-92.8777788,43.820004000000004 +38490,Art & Science Academy Middle,-93.2320248,45.5041342 +38491,Middle Falls,-89.61550460000001,48.013472900000004 +38492,Ultimate Boat Wraps,-94.3533419,44.894189600000004 +38493,Crow River Signs,-94.3533381,44.894294900000006 +38494,Terrace Point,-90.4424496,47.7248448 +38495,Under Pressure Brewing,-93.39092480000001,44.9862459 +38496,Terrace Point,-90.44091300000001,47.7252473 +38497,Surdy Psychological Services,-93.9754169,44.1678384 +38498,White Sky,-90.6660502,47.707449700000005 +38499,The Edison at Spirit,-93.1704957,44.7162279 +38500,Rejuv Fitness,-94.22808140000001,45.5593742 +38501,Rejuv Medical,-94.22860390000001,45.5594381 +38502,The Edison at Rice Creek,-93.18720590000001,45.1175318 +38503,Pillsbury,-92.9016271,47.478190500000004 +38504,Rustic Oaks,-96.7828851,46.7148868 +38505,Original Castle Heights,-93.2386352,45.0548931 +38506,Glen,-92.89538,47.4720998 +38507,Saint Cloud,-94.14881940000001,45.5679673 +38508,New Ulm,-94.45348890000001,44.3129038 +38509,Luverne,-96.2090517,43.6517464 +38510,Lee Market,-92.448019,44.032327300000006 +38511,Chanhassen,-93.5672741,44.822506000000004 +38512,Itechra,-91.6332445,44.052405400000005 +38513,Black Beach Campground,-91.2492598,47.298914800000006 +38514,Sage Prairie Clinic,-93.1695809,44.8265844 +38515,hog creek trail launch,-91.0841367,47.8127611 +38516,Sage Prairie Treatment Center,-93.1694428,44.8264693 +38517,Integrated Pain Treatment Center,-93.16924030000001,44.8264731 +38518,Athens,-93.23552260000001,45.4537776 +38519,U.S. Coast Guard - Marine Safety Detachment St Paul.,-93.3523507,44.8574405 +38520,Superior Sea Villa,-90.7592113,47.6124669 +38521,Minnesota Goose Garden,-93.0679688,46.107278300000004 +38522,The Strand Waterfront Dining & Wine Bar,-90.7081332,47.636575900000004 +38523,Poplar River Pub,-90.70827290000001,47.6364977 +38524,Pike Mountain,-92.4392375,47.5652466 +38525,Disappointment Mountain,-91.33630190000001,47.996965200000005 +38526,Big Thunder Peak,-93.67693120000001,47.1225101 +38527,Tofte Charters,-90.9236443,47.5216105 +38528,Isanti County Family Services,-93.2347469,45.558444800000004 +38529,Therapeutic Services Agency,-93.2347469,45.5578572 +38530,Minnehaha Depot,-93.21128270000001,44.914215500000005 +38531,Davinci Academy,-93.2568332,45.218321200000005 +38532,Celebration Of Peace,-93.3419214,44.9366768 +38533,Bryn Mawr Market,-93.30894930000001,44.9736672 +38534,Cuppa Java,-93.3085269,44.9735188 +38535,Stevens House,-93.20991040000001,44.9139987 +38536,Anderson Hill Lookout,-93.93428,45.3220401 +38537,Michaels,-93.4255184,44.9722294 +38538,New Moon,-92.33589620000001,47.817919200000006 +38539,Father Hennepin Bluffs,-93.2503468,44.981157700000004 +38540,Nordstrom,-93.43588960000001,44.968516300000005 +38541,Caribou Coffee,-93.42171180000001,44.9735485 +38542,1,-92.5125596,44.07905 +38543,6,-92.5125611,44.0791711 +38544,4,-92.51255950000001,44.0791242 +38545,2,-92.5125606,44.0790744 +38546,Aaron's Playground (coming in Sept 2020),-92.9686125,45.0371528 +38547,7,-92.5125644,44.079196 +38548,Food Building,-93.2703319,45.0014842 +38549,5,-92.512563,44.0791479 +38550,Valvoline,-92.5126135,44.079322000000005 +38551,3,-92.512562,44.079097600000004 +38552,Crow Wing River - Alice B. Marsh,-94.7366633,46.382110700000005 +38553,Dux Ice Cream Coffee & more,-92.26389300000001,44.4483307 +38554,Crow Wing River - Peter Card,-94.75186670000001,46.3795007 +38555,Captain of the Port,-92.1068678,46.782844000000004 +38556,Fenstad's Resort,-91.09836460000001,47.4174912 +38557,Bushel & Peck,-92.31669720000001,44.4985657 +38558,OHA sports fields,-92.952571,45.048172900000004 +38559,Hansen's Harbor,-92.3151917,44.4985511 +38560,France 98,-93.32750440000001,44.8259076 +38561,Minnesota African American Heritage Museum,-93.3080623,44.9913663 +38562,Baddies Comedy Club,-93.08158730000001,44.9383445 +38563,Marathon,-93.29524930000001,44.999444600000004 +38564,Gold Room,-93.2737675,44.979067400000005 +38565,Juxtaposition Arts,-93.29429180000001,44.9995119 +38566,Breakfast Bar,-93.271949,44.9814741 +38567,Duende Dance Studio,-93.3536308,44.938255600000005 +38568,Cobble Minneapolis,-93.2714796,44.9847704 +38569,Milton's Vittles,-93.3603358,45.021420400000004 +38570,Mind's Eye Comics,-93.2742396,44.775824400000005 +38571,Gateway Trailside,-92.8802089,45.092609700000004 +38572,Houston White,-93.2992974,45.0355615 +38573,Talecris Plasma Resources,-96.7657082,46.8508456 +38574,Newroz Kebab,-96.7698788,46.851204 +38575,Details Salon,-96.76988250000001,46.8511396 +38576,Rehab Authority,-96.7698812,46.851073500000005 +38577,Good Day Spa,-96.76988,46.8510098 +38578,Papa Murphy's,-96.7698807,46.850944500000004 +38579,Allure Nails,-96.76987620000001,46.8508827 +38580,Aggregate Industries,-96.7655067,46.8508444 +38581,Great Clips,-96.7698771,46.8507898 +38582,H&R Block,-96.7652855,46.8508444 +38583,Brookdale Spirits,-96.76987620000001,46.8506742 +38584,Profile by Sanford,-96.7698771,46.850599 +38585,CSD Minnesota Relay,-96.76501090000001,46.8508493 +38586,Verizon,-96.76987620000001,46.850505500000004 +38587,Kelley Land and Cattle Company,-92.87655170000001,45.176717000000004 +38588,Midwest Community Residential Services,-96.7647841,46.8508505 +38589,Executive Remodeling,-93.35375490000001,44.9688789 +38590,Simple Blessings Bed and Breakfast,-92.2694596,44.4476785 +38591,Tent in Pavilion,-94.40360340000001,45.8216678 +38592,Hearing & Speech Center,-95.7600522,44.4477643 +38593,Maurices,-95.7606002,44.4477873 +38594,Southwest West Central Service Cooperative,-95.7624974,44.4474401 +38595,University of Minnesota Extension Service Regional Center,-95.75971220000001,44.4477564 +38596,Bruegger's Bagels,-93.34992910000001,44.966128000000005 +38597,U.S. Department of Agriculture Service Center,-95.7600469,44.4475081 +38598,Lyon Soil & Water Conservation District,-95.75970330000001,44.447500700000006 +38599,Jersey Mike's Subs,-93.5534363,45.1931406 +38600,Prose Nails,-93.5534387,45.1930788 +38601,Large Lakes Observatory,-92.0770404,46.8119146 +38602,Sundance Site,-96.3238532,44.0184982 +38603,Secret Blackstone Trailhead parking,-91.4979172,47.9857784 +38604,Holiday,-91.3000047,47.2586626 +38605,Secret Blackstone Trailhead,-91.49787160000001,47.985635200000004 +38606,Molly Falls,-93.1659771,44.349774200000006 +38607,Angry Catfish Bicycle Shop,-93.2305503,44.927096000000006 +38608,Island View,-93.1630325,48.5950028 +38609,Winona County DFL,-91.634245,44.051296400000005 +38610,Soldier Point,-92.91442400000001,48.590972300000004 +38611,Carma Coffee,-93.25938980000001,45.013060700000004 +38612,Windmill Rock,-92.7511418,48.5398809 +38613,Clock Tower of Peace,-93.24710660000001,45.041121000000004 +38614,Heritage Tower of Peace,-93.25525590000001,45.0382666 +38615,Long Slough,-92.85893220000001,48.4524978 +38616,Glik's,-95.7603692,44.447651300000004 +38617,Round Bear Island,-92.8664018,48.447422200000005 +38618,Chimney Rock,-92.0420794,44.054512900000006 +38619,Echo Point dock,-92.951099,44.509958100000006 +38620,Harry Oveson Fish Camp,-93.0110532,48.5961878 +38621,Coyote Point,-92.0487688,44.0536772 +38622,Jack Pine Bench,-93.01436310000001,48.5922709 +38623,Eagle Point,-92.05392760000001,44.0542632 +38624,Alder Creek,-93.02318220000001,48.5918593 +38625,Signal Point,-92.06214290000001,44.0543947 +38626,Arden Island,-93.03474250000001,48.5959767 +38627,Inspiration Point,-92.04625490000001,44.0466946 +38628,Diamond Island Central Day Use Area,-93.05743930000001,48.598756400000006 +38629,Rock Shelf,-93.1031442,48.6173781 +38630,Diamond Island South,-93.05331410000001,48.5965107 +38631,Whites Point,-93.0604005,48.596006900000006 +38632,Loon Bay,-93.0730176,48.5999022 +38633,Sunrise Point,-93.0904359,48.599792300000004 +38634,Dryweed Island North,-93.12574450000001,48.616714900000005 +38635,Mio Beach,-93.1005853,48.614189800000005 +38636,Breakwater Cove,-93.0957587,48.6140382 +38637,Tango Channel,-93.1406415,48.615888600000005 +38638,Breakwater Cove,-93.0958164,48.614278500000005 +38639,Harrison East Day Use Area,-93.13442950000001,48.613686200000004 +38640,Drywood Island Day Use Area,-93.0868578,48.615970100000006 +38641,Harrison Bay,-93.1357545,48.613682600000004 +38642,Makinen Point,-93.13760520000001,48.609064800000006 +38643,Channel View,-93.13615680000001,48.606706 +38644,Loon Cove,-93.1401479,48.608507900000006 +38645,Stones Point,-93.14895630000001,48.609809600000006 +38646,Finland Lookout Tower,-91.2321143,47.4562857 +38647,BeMobile Verizon,-96.08017880000001,46.2831296 +38648,SouthPoint Financial Credit Union,-94.0390907,44.179217400000006 +38649,Thorpe Lookout Tower,-94.8541141,47.096481600000004 +38650,Lennar Watermark Colonial,-93.0354058,45.1680459 +38651,Shifa Restaurant,-93.219502,44.9481946 +38652,Disa Point,-91.588875,43.6448434 +38653,Shagawa Lake Boat Access,-91.8806684,47.9045409 +38654,4363 Victor Path,-93.0172216,45.159649 +38655,Iconic Nails,-93.02396270000001,45.1646361 +38656,Jersey Mike's Subs,-93.02404650000001,45.1646896 +38657,Campanelle,-93.02426650000001,45.164697100000005 +38658,Dunkin',-93.0238588,45.1646404 +38659,Lower Afton Gate,-93.0010464,44.9339237 +38660,McKnight Gate,-93.0043469,44.935176500000004 +38661,Upper Afton Gate,-93.001535,44.939801800000005 +38662,Sanford Medical Center Bemidji Emergency Room,-94.8985679,47.503584000000004 +38663,Skip Auto Repair,-94.9180479,47.496425800000004 +38664,Beltrami County Highway Department,-94.9293463,47.4935197 +38665,Trump Shop,-92.4409924,44.010178800000006 +38666,KSMN-TV Pioneer PBS,-95.94744180000001,43.897600000000004 +38667,Valley View,-91.5735813,43.6314371 +38668,Smolich Island,-92.15862770000001,47.5270206 +38669,Viewpoint,-91.5716534,43.6363757 +38670,Hole-In-Rock,-91.5729479,43.638752800000006 +38671,Bench,-91.5745071,43.6360594 +38672,Big Spring,-91.5755683,43.639992 +38673,Bench,-91.57558370000001,43.6399788 +38674,Lucky Seven General Store,-92.146268,47.519471200000005 +38675,Bench,-91.5762335,43.640024700000005 +38676,Camper Cabin,-91.57647130000001,43.639698300000006 +38677,Bench,-91.5773326,43.640379100000004 +38678,Viewpoint,-91.5822749,43.6413157 +38679,Faith Lutheran Church Lutheran church,-92.1383715,47.520278600000005 +38680,Viewpoint,-91.582335,43.6426001 +38681,Summer Water,-91.58233840000001,43.6431483 +38682,Hoyt Lakes Fire Station,-92.1395006,47.520390600000006 +38683,Summer Water,-91.5833504,43.643132200000004 +38684,Map,-91.5790676,43.643444 +38685,East Range Police Department,-92.1394528,47.520203200000005 +38686,Viewpoint,-91.58580470000001,43.642091400000005 +38687,Queen of Peace Rectory,-92.13391580000001,47.5197328 +38688,Viewpoint,-91.5764115,43.6453975 +38689,Viewpoint,-91.58256680000001,43.650550200000005 +38690,Trinity United Methodist Church,-92.1338595,47.519102700000005 +38691,Bench,-91.58218260000001,43.6501261 +38692,Hoyt Lakes Sewage Disposal,-92.13761930000001,47.5118012 +38693,Bench,-91.5835375,43.6522221 +38694,Bench,-91.5860248,43.657434900000005 +38695,Bench,-91.5857969,43.642059200000006 +38696,Little Spring,-91.5844028,43.642706000000004 +38697,Roseville Eye Associates,-93.1458626,44.9952266 +38698,Mesaba Drug and Marketplace,-92.1457979,47.520408200000006 +38699,Planet Fitness,-92.4443748,44.009380300000004 +38700,Cub Liquor,-92.44439890000001,44.0096562 +38701,Cub Pharmacy,-92.44458660000001,44.0098588 +38702,Swede Hollow Henge,-93.0731751,44.961610300000004 +38703,Nexlink,-92.52445150000001,47.4789388 +38704,North Star Lanes,-92.14658870000001,47.520146200000006 +38705,Haven Bar & Grill,-92.146088,47.5203086 +38706,Hoyt Lakes IGA,-92.14529370000001,47.5205132 +38707,Thrifty White Pharmacy,-92.14517830000001,47.520672600000005 +38708,BP,-92.5089406,43.5117805 +38709,Forsman's Window Treatment,-92.1442092,47.521061700000004 +38710,Vaughn's Restaurant,-92.1437076,47.5212048 +38711,Friendly Liquor Store,-92.14380680000001,47.521563400000005 +38712,Eclips Salon,-92.1437934,47.521396800000005 +38713,Veterans of Foreign Wars,-92.14475900000001,47.5218007 +38714,Arlington Animal Clinic,-94.0819623,44.6079415 +38715,1,-93.1663704,44.779710800000004 +38716,40,-93.1319639,44.787618 +38717,3,-93.1648966,44.779051 +38718,44,-93.13073200000001,44.787545 +38719,5,-93.1629887,44.7801035 +38720,50,-93.12990500000001,44.7863388 +38721,4,-93.1639009,44.778386600000005 +38722,52,-93.1294434,44.7869873 +38723,54,-93.12758170000001,44.7854387 +38724,2,-93.16617240000001,44.7774464 +38725,66,-93.1256007,44.785149600000004 +38726,65,-93.1257001,44.7845255 +38727,8,-93.1523475,44.779345 +38728,56,-93.12636110000001,44.7824627 +38729,9,-93.15197970000001,44.780653300000004 +38730,61,-93.12383220000001,44.7843493 +38731,64,-93.1233497,44.784246100000004 +38732,10,-93.15118890000001,44.778810400000005 +38733,62,-93.1236547,44.7839115 +38734,6,-93.15496630000001,44.7819629 +38735,63,-93.123261,44.7836523 +38736,53,-93.12858340000001,44.782442200000006 +38737,7,-93.1535503,44.7828651 +38738,55,-93.1269853,44.782724900000005 +38739,57,-93.1263595,44.7792873 +38740,12,-93.1509187,44.7820185 +38741,60,-93.1241007,44.7789135 +38742,11,-93.15094300000001,44.7870946 +38743,59,-93.1241205,44.7778082 +38744,51,-93.1296463,44.7798688 +38745,16,-93.1483697,44.786545700000005 +38746,13,-93.1486155,44.786263700000006 +38747,14,-93.1485717,44.7859865 +38748,19,-93.1468471,44.7886961 +38749,Heart of Henderson,-93.90712590000001,44.5281129 +38750,20,-93.14598260000001,44.7880483 +38751,21,-93.1456751,44.7867623 +38752,Henderson RoadHaus,-93.9076629,44.5283224 +38753,25,-93.1444833,44.786433 +38754,26,-93.14435870000001,44.7892984 +38755,Toody's Sweet Treats,-93.9067698,44.5281559 +38756,27,-93.1442014,44.789146 +38757,29,-93.1435733,44.785044000000006 +38758,Las Islas,-93.0409513,44.9010234 +38759,28,-93.14362890000001,44.784717400000005 +38760,Track and Football field,-92.56378740000001,43.707854100000006 +38761,24,-93.1448867,44.7842381 +38762,15,-93.1483733,44.782526700000005 +38763,Dollar General,-92.88665,46.6800623 +38764,18,-93.1471753,44.7799026 +38765,17,-93.14783150000001,44.7777364 +38766,SCULPT brow + body,-93.1406599,44.9402333 +38767,22,-93.14581740000001,44.776584400000004 +38768,23,-93.1456842,44.7763197 +38769,Big Lake Police Department,-93.73274660000001,45.335486 +38770,30,-93.1422237,44.7769544 +38771,Starbucks,-93.4491349,45.008333500000006 +38772,31,-93.14208470000001,44.7771344 +38773,Speedway,-93.1749583,44.7458031 +38774,35,-93.1353145,44.7785328 +38775,DaVita Dialysis,-93.17615280000001,44.744846800000005 +38776,38,-93.1326217,44.778524100000006 +38777,Subway,-93.1760928,44.743904400000005 +38778,Domino's,-93.1761194,44.7437704 +38779,33,-93.13613720000001,44.7820035 +38780,48,-93.1302189,44.780711700000005 +38781,49,-93.13022980000001,44.780917300000006 +38782,42,-93.13125380000001,44.7811359 +38783,45,-93.13020490000001,44.7813085 +38784,37,-93.1331686,44.782386800000005 +38785,39,-93.13214020000001,44.782088300000005 +38786,41,-93.13170810000001,44.7824898 +38787,46,-93.1309248,44.783743300000005 +38788,43,-93.1309634,44.7838209 +38789,The Svitak Family Forest Preserve,-93.48628380000001,45.074660200000004 +38790,47,-93.1303879,44.785037700000004 +38791,32,-93.13935880000001,44.785248700000004 +38792,34,-93.13542650000001,44.7852395 +38793,Little Free Library,-93.32087150000001,45.1307125 +38794,36,-93.1350067,44.785404 +38795,Jay Cooke,-92.0873095,46.795121900000005 +38796,Shady Ridge,-93.4280731,45.020952900000005 +38797,Oak,-93.0576321,44.9997959 +38798,Bruce Street Entrance,-95.77648830000001,44.4484325 +38799,Spring Lake Overlook,-92.93609330000001,44.7596295 +38800,Hospital Entrance,-95.77684,44.4477977 +38801,Charles Street Entrance,-95.77656970000001,44.4487881 +38802,Map,-92.0473056,44.0468649 +38803,Sit In Diner,-96.28005130000001,46.4801024 +38804,Map,-92.046875,44.050634300000006 +38805,Table,-92.04747420000001,44.0531335 +38806,Map,-92.0553247,44.0504503 +38807,Map,-92.056016,44.0535006 +38808,Assumption Church,-96.42057120000001,46.6561825 +38809,Map,-92.0625164,44.054424000000004 +38810,Subway,-96.42047170000001,46.659207800000004 +38811,Map,-92.06120410000001,44.0565264 +38812,Map,-92.06200480000001,44.055731400000006 +38813,Map,-92.06084940000001,44.055473400000004 +38814,Map,-92.05138810000001,44.0565076 +38815,Dairy Queen,-96.41948640000001,46.6592885 +38816,Map,-92.04714870000001,44.0531279 +38817,Bench,-92.0459177,44.0466947 +38818,Vietnam War Memorial,-94.1643686,45.556599500000004 +38819,Bench,-92.0463594,44.0476698 +38820,Bench,-92.04910190000001,44.0512062 +38821,Bench,-92.04984250000001,44.050218400000006 +38822,Domino's,-95.77660580000001,44.450920100000005 +38823,Bench,-92.05185250000001,44.0499019 +38824,Beatty Portage Landing,-92.29535340000001,48.2782251 +38825,Bench,-92.0563503,44.0522131 +38826,Bench,-92.05437660000001,44.054140000000004 +38827,Birch Lake Elementary School,-93.0334634,45.082035100000006 +38828,Bench,-92.0601135,44.052903400000005 +38829,Christ the King Lutheran Church,-93.0314584,45.082385200000004 +38830,Bench,-92.06195100000001,44.0565878 +38831,Bench,-92.0606096,44.0557584 +38832,Inspiration Point at Twin Oaks,-95.42370070000001,46.196842200000006 +38833,Kortes Bar & Grill,-94.6189832,43.6602132 +38834,Inukshuk,-95.4300623,46.197728500000004 +38835,Blue Cross and Blue Shield of Minnesota | Aurora,-92.2557163,47.5322484 +38836,Mesabi East School District 2711,-92.2413709,47.53137 +38837,Aurora-Hoyt Senior High School,-92.2402206,47.531903 +38838,Holy Rosary Church,-92.23848260000001,47.531897 +38839,D1 Athletics,-92.2380425,47.5321992 +38840,United Methodist Church-Aurora,-92.23474370000001,47.5311752 +38841,Scheuring Speed Sports,-92.251739,47.5316879 +38842,Irongate Apartments & Townhomes,-92.23040060000001,47.531919200000004 +38843,Family Dollar,-92.2511018,47.530873400000004 +38844,Lucky Seven General Store,-92.23857500000001,47.5301671 +38845,Straight Thru Archery,-92.2372512,47.530432000000005 +38846,Embarrass Vermillion Federal Credit Union,-92.2486286,47.5307146 +38847,The Bar,-92.23663880000001,47.530264 +38848,Big Guy's Bar,-92.2366197,47.530165000000004 +38849,Ziemer-Moeglein-Shatava Funeral,-92.2458982,47.5304498 +38850,Dicks Headshop Aurora mn,-92.23638960000001,47.5300895 +38851,Bradach Lumber & Fuel Inc,-92.2423615,47.5302773 +38852,z'Up North Realty,-92.2372127,47.529745000000005 +38853,Palo Mutual Fire Insurance,-92.23661720000001,47.529686100000006 +38854,Duluth Timber Co,-92.2418574,47.5296941 +38855,Cutting Edge Hair Salon,-92.2365982,47.52945810000001 +38856,Aurora Drug & Variety,-92.2373,47.5291252 +38857,American Legion Hall,-92.23710270000001,47.528830600000006 +38858,Rudy's Bar & Grill,-92.2364541,47.5288972 +38859,The Copper Nickel,-92.23708380000001,47.528648800000006 +38860,Carquest Auto Parts - Carquest of Aurora,-92.2377388,47.5242541 +38861,American Family Insurance,-92.2370648,47.5285233 +38862,Ridge Inn Mini Storage,-92.23494310000001,47.524573800000006 +38863,The Hive Coffee And Bakeshop,-92.23706100000001,47.528415700000004 +38864,Dino's,-92.23641620000001,47.528466900000005 +38865,Our Savior's Lutheran Church,-92.2325979,47.523684200000005 +38866,Roger's Online Corporation,-92.2363593,47.5285566 +38867,Norshor Agency Aurora,-92.2364465,47.5286897 +38868,Carefree Living - Aurora,-92.230671,47.524481300000005 +38869,Aurora Community Senior Center,-92.2371256,47.5279837 +38870,A&W,-92.23805420000001,47.525589800000006 +38871,Ultimate Body & Frame,-92.2392701,47.5268529 +38872,Redeemer Lutheran Church,-92.24742470000001,47.527783 +38873,Dollar General,-92.23816450000001,47.520357000000004 +38874,Sport Stop,-92.23696580000001,47.5167963 +38875,Restaurant on Ruth Street,-93.0150244,44.9588017 +38876,Oasis Cafe,-92.80115980000001,45.0499603 +38877,Holiday Stationstores,-92.23805870000001,47.5168358 +38878,Linda's Cafe,-93.55588150000001,45.2007838 +38879,Assembly of God Church,-92.23439950000001,47.516881500000004 +38880,First Baptist Church,-92.23508600000001,47.5166162 +38881,David,-93.2346814,44.978021500000004 +38882,"Krista Rouse, PharmD",-92.22911730000001,47.5178908 +38883,Saint Joseph,-93.0999305,44.9493358 +38884,La Source,-93.0971277,44.944874600000006 +38885,Monument to the Living,-93.10357900000001,44.9517832 +38886,Special Forces in Laos Memorial,-93.1034449,44.9522023 +38887,Gold Star Table,-93.1033883,44.951964600000004 +38888,Angleworm Trail,-91.92949270000001,48.063315900000006 +38889,Skygate,-93.09443730000001,44.9458646 +38890,Backpack #5,-93.2832987,43.643155400000005 +38891,Hogback Lupus Trail Loop,-91.10407230000001,47.6416392 +38892,Backpack #4,-93.28412700000001,43.6418472 +38893,Backpack #3,-93.28471830000001,43.641359 +38894,Backpack #2,-93.29046720000001,43.6353463 +38895,Backpack #1,-93.2953617,43.633886100000005 +38896,Central Lakes Cycle,-96.0408582,46.2722685 +38897,Little Free Library,-93.4381319,45.030126800000005 +38898,Kandiyohi County Jail,-95.01368930000001,45.146069000000004 +38899,Navy F-14 Tomcat,-95.13229270000001,45.1142807 +38900,Professionails & Wax,-95.7609539,44.447790000000005 +38901,Speedway,-93.4206879,43.687992200000004 +38902,Taco John's,-93.34627710000001,45.385902800000004 +38903,Eagle Mountain Trail,-90.54534810000001,47.863356 +38904,U-Haul,-95.7742477,44.435120500000004 +38905,Brule Lake Trail,-90.6482819,47.9202464 +38906,Pioneer Campsite,-91.9476612,44.3190462 +38907,Mt Aral,-94.31245750000001,45.3463306 +38908,Little Free Library,-93.2999748,45.1231451 +38909,Hurrle Peak,-94.1925121,45.389087 +38910,Kwik Trip,-94.0601213,45.4099486 +38911,Blooming Business,-91.62988580000001,43.560975400000004 +38912,Kwik Trip,-94.05991610000001,45.4102583 +38913,Kwik Trip,-94.0605804,45.4101754 +38914,Bob's Bay,-94.1587942,45.3060483 +38915,Spark,-92.4785784,44.0038774 +38916,Plato's Closet,-92.5150071,44.0765971 +38917,China King,-92.51557790000001,44.0770271 +38918,America's Best Contacts & Eyeglasses,-92.5162409,44.0776422 +38919,Powwow Trailhead,-91.3064772,47.8011902 +38920,Huntington Learning Center,-92.5160757,44.077485 +38921,Bikes by Bob,-94.51910020000001,45.1248662 +38922,Hunt Brothers Pizza,-92.5280494,44.1497109 +38923,Litchfield Coffee Company,-94.51910000000001,45.1249027 +38924,Nicollet Cabin,-95.2334459,47.1788241 +38925,Schram Haus Brewery,-93.61172640000001,44.7838658 +38926,Hunt Brothers Pizza (in Shell),-92.4580598,44.0596297 +38927,Wooden Hill Brewing Company,-93.358828,44.8676064 +38928,Swing Barrel Brewing Company,-96.7669542,46.8752085 +38929,Loon Liquors,-93.1797392,44.4512541 +38930,Backpack Parking,-93.30387950000001,43.6355093 +38931,Badger Hill Brewing,-93.4607445,44.7940227 +38932,Mineral Springs Brewery,-93.2292494,44.085278300000006 +38933,Rustic Roots,-92.7763851,45.2425082 +38934,St. Paul Brewing,-93.0718437,44.9623757 +38935,Dampfwerk Distilling,-93.3603076,44.9332493 +38936,The Grocer's Table,-93.511189,44.9695496 +38937,Sakana Sushi & Asian Bistro,-93.51211930000001,44.9695138 +38938,NineTwentyFive,-93.50571550000001,44.968248300000006 +38939,Holiday,-92.4256505,46.7023254 +38940,Little Free Library,-93.2708767,45.090487700000004 +38941,Shay's Restaurant & Lounge,-95.7577267,44.449679200000006 +38942,Kwik Trip,-92.42414520000001,46.702226200000005 +38943,Apollo Wine & Spirits,-92.4974524,44.0643982 +38944,The UPS Store,-92.4961911,44.0641167 +38945,Fiesta Cafe,-92.46217530000001,44.0402931 +38946,ELEVATE SalonSpa,-92.49877590000001,44.067241900000006 +38947,Farrell's eXtreme Bodyshaping,-92.49877280000001,44.067464300000005 +38948,Allstate,-92.46338250000001,44.0401414 +38949,RC Nails,-92.46361160000001,44.040145300000006 +38950,Okome House,-93.21237020000001,44.9216837 +38951,myBemidji,-94.87991600000001,47.4683937 +38952,The Afrocentric Spectrum,-93.1962754,44.9636944 +38953,Love,-93.19743270000001,44.9690329 +38954,Untitled,-93.1955319,44.969697000000004 +38955,Urban Forest,-93.197788,44.965256600000004 +38956,Untitled,-93.1954913,44.970471100000005 +38957,Untitled,-93.1944804,44.9692072 +38958,Mitakuye Oyasin,-93.1915692,44.964538000000005 +38959,Maritime Law,-93.193448,44.968248700000004 +38960,Untitled,-93.1887346,44.967078 +38961,Crisis,-93.19223290000001,44.9667617 +38962,Under the Same Sun,-93.2002887,44.9665053 +38963,The Midway,-93.1896013,44.9649736 +38964,Allora,-93.1978009,44.963042200000004 +38965,ArtCrop,-93.1958896,44.9643633 +38966,Working Together,-93.18933100000001,44.960993 +38967,Wonderland,-93.195722,44.9643555 +38968,WestRock Recycling,-93.1911881,44.959071 +38969,Bird Enterprise Zone,-93.1963826,44.9645056 +38970,The Bigger Picture Project,-93.1887923,44.960668500000004 +38971,Untitled garage doors,-93.1824739,44.964413500000006 +38972,Manley Tire & Oil Service,-96.4315356,43.590302900000005 +38973,U-Haul,-96.43069440000001,43.5900978 +38974,Untitled,-93.1819583,44.9668421 +38975,Untitled garage doors,-93.18266650000001,44.9659562 +38976,Unique Wood Floors,-93.41599740000001,44.9168151 +38977,Weaving the Traditions,-93.18203550000001,44.966074000000006 +38978,From the Cracks of the Concrete,-93.2057936,44.966713500000004 +38979,Countryside Auto Sales,-92.9487074,43.6390894 +38980,McCormicks Outdoor Seating,-94.3763371,44.873998900000004 +38981,Black Sheep Barber Studio,-93.3520773,45.178288200000004 +38982,Ely Winton Rod & Gun Club,-91.8050869,47.9275591 +38983,HD Winton Roadhouse Inc.,-91.80020540000001,47.927212100000006 +38984,Packsack Canoe Trips & Log Cabins,-91.79596400000001,47.933172600000006 +38985,Veterans On the Lake Resort,-91.78991590000001,47.927559900000006 +38986,Kawishiwi Lodge & Outfitters,-91.78745860000001,47.9259919 +38987,Old Mill,-93.8412917,43.847169300000004 +38988,Log Cabin Hideaways - 'just one portage away from the BWCA,-91.78564030000001,47.9256213 +38989,South Train Station,-93.4544898,44.797934500000004 +38990,Northeast Quadrant,-93.16162250000001,44.995610500000005 +38991,Evergreen East Park,-92.9356892,44.932247800000006 +38992,Evergreen West Park,-92.9485073,44.9342939 +38993,Thunder Canyon,-93.46241690000001,44.800278500000005 +38994,Bait Box Gas,-94.1111602,46.6837123 +38995,Snelling West,-93.1691419,44.994200600000006 +38996,Northome,-93.1614492,44.9902263 +38997,Lincoln Depot,-94.1404763,45.558886400000006 +38998,Como,-93.16155520000001,44.9844017 +38999,Boat ramp,-92.20376230000001,47.8444207 +39000,Caribou Coffee,-93.4541542,44.7986189 +39001,Noble Parkway Mobil,-93.33485750000001,45.127248200000004 +39002,Midway Stage,-93.454659,44.7984427 +39003,Soudan Mine Historical Marker,-92.24264450000001,47.8194316 +39004,Domino's,-96.74755640000001,46.872089700000004 +39005,Breitung Monument,-92.2390232,47.8137757 +39006,Seven Sisters Island,-92.2491512,47.843938200000004 +39007,Sparrow Island/Wilson Island,-92.22478410000001,47.847824 +39008,Sundeen Island,-92.21777940000001,47.8570804 +39009,Raging Rapids,-93.4609307,44.799637700000005 +39010,Exxon of Shoreview,-93.1464967,45.0577826 +39011,Lakes 1 Stop,-93.0353379,45.163258500000005 +39012,Tom's Mobil,-93.1062301,44.9993725 +39013,Dark Sky Location 001,-93.8225001,46.0056248 +39014,Bobby & Steve's Auto World,-93.27760040000001,44.897670500000004 +39015,Casey's General Store,-93.6018628,45.4428527 +39016,Attitudes,-93.4542062,44.798999300000006 +39017,nelson nursery,-93.6086717,45.442986600000005 +39018,Subway,-93.58501860000001,45.442474700000005 +39019,Breakers Plunge,-93.45823890000001,44.7995425 +39020,Breakers Pipeline,-93.45821640000001,44.7994755 +39021,Ripple Rapids,-93.4605317,44.799396300000005 +39022,Plaza Shopper,-93.45405930000001,44.798657500000004 +39023,Sweet!,-93.4541075,44.798879400000004 +39024,The Snooty Fox Tea Shop,-92.07912420000001,46.8011623 +39025,Minnehaha Grocery,-93.1770645,44.962763 +39026,Kasson Fire Department,-92.7465322,44.029829500000005 +39027,Coca-Cola Refresh Station,-93.4601578,44.799600700000006 +39028,Strippers,-93.1719013,44.9464046 +39029,Taste of Thailand,-93.171114,44.946687000000004 +39030,Renegade Lockers,-93.4607522,44.8004436 +39031,Coon Rapids Dam,-93.3136011,45.1424018 +39032,Snowbank Trailhead,-91.46577090000001,47.968077900000004 +39033,Electro Solar,-93.22786620000001,45.150307000000005 +39034,Kekekabic Trailhead,-91.46546810000001,47.967793900000004 +39035,Columbia Heights District and Family Center,-93.23892910000001,45.055263000000004 +39036,Hylander Center,-93.2400703,45.056451900000006 +39037,Love Creamery,-92.12197230000001,46.768526300000005 +39038,Sally Beauty,-93.1625296,45.0060407 +39039,Genisys Credit Union,-93.1626114,45.006036900000005 +39040,Tuesday Morning,-93.1634241,45.0050356 +39041,Painting With a Twist,-93.16465260000001,45.005477400000004 +39042,Frost River Trading Co.,-92.12208410000001,46.7684475 +39043,Marshalls,-93.16364680000001,45.005576100000006 +39044,Michaels,-93.16473040000001,45.0047018 +39045,Barnes & Noble,-93.1647116,45.004047500000006 +39046,Burlington,-93.16286090000001,45.0038484 +39047,OMC Whiskey Bar,-92.12228180000001,46.768704500000005 +39048,Duluth Tap Exchange,-92.1222135,46.7687548 +39049,North Shore Federal Credit Union,-92.12177890000001,46.768672300000006 +39050,Full Circle Yoga,-92.1223451,46.768737400000006 +39051,Damage Boardshop,-92.12182720000001,46.7686365 +39052,Corktown Deli & Brews,-92.1218942,46.768584100000005 +39053,Minit Mart,-92.1218097,46.7693695 +39054,5th Street Malt Shoppe,-91.669368,47.025419 +39055,Moosecellaneous,-91.671356,47.0257804 +39056,George Washington Pines Trailhead,-90.29915550000001,47.8208993 +39057,Northern Lights Trailhead,-90.25708030000001,47.903676000000004 +39058,O'Reilly Auto Parts,-91.61944550000001,44.027912400000005 +39059,Vision Pro Optical,-92.45769100000001,46.7105492 +39060,Eighteen Lake Trailhead,-91.344232,47.643552 +39061,Flathorn Lake Trailhead,-91.4576988,47.6578281 +39062,Lima Mountain Trailhead,-90.39252520000001,47.9779111 +39063,Nu Luxe Salon,-92.4576833,46.7104858 +39064,Anytime Fitness,-92.4575138,46.7098583 +39065,Vintage Italian Pizza - West Duluth,-92.15025610000001,46.752618600000005 +39066,Southgate Family Pizzeria,-92.4575554,46.7096978 +39067,AT&T,-92.4562348,46.7011113 +39068,Edward Jones,-92.45899560000001,46.704170500000004 +39069,Papa Murphy's,-92.45818700000001,46.703929300000006 +39070,Great Clips,-92.4581897,46.7039964 +39071,Verizon Authorized Retailer - Victra,-92.4581883,46.704059 +39072,Dollar Tree,-92.459001,46.7043407 +39073,Maurices,-92.45899700000001,46.7039369 +39074,Subway,-92.45253810000001,46.703113900000005 +39075,Cost Cutters,-92.452335,46.703655100000006 +39076,Broadway Bar & Pizza,-93.30630810000001,45.109292100000005 +39077,Jackson Hewitt,-93.30684520000001,45.1093003 +39078,Walmart Auto Care Center,-92.45166950000001,46.7041115 +39079,Tozer Chiropractic,-93.3074184,45.109326700000004 +39080,Walmart Pharmacy,-92.45242370000001,46.703768800000006 +39081,Express Pros,-93.30753050000001,45.10933 +39082,Walmart Liquor Store,-92.4524063,46.7025784 +39083,Walmart Garden Center,-92.45250010000001,46.7040718 +39084,Onion River Road Trailhead,-90.7721052,47.6599901 +39085,Walmart Vision Center,-92.45253190000001,46.703409300000004 +39086,Chanhassen Family Dentistry,-93.5543361,44.856576000000004 +39087,Kwik Trip Car Wash,-92.4548487,46.7061867 +39088,Super One Liquor,-92.4636497,46.7115803 +39089,Caribou Coffee,-93.3054055,45.1106696 +39090,MedExpress,-92.46280030000001,46.711320400000005 +39091,Kumon,-93.3052888,45.1107469 +39092,Lemon Grass,-93.3047059,45.111820300000005 +39093,Great Clips,-93.3050891,45.110879100000005 +39094,Red Nails,-93.3049896,45.110945 +39095,Fat Nat's,-93.3049108,45.110997100000006 +39096,Golden Lion,-93.30515360000001,45.111823400000006 +39097,Little Caesars,-93.3048249,45.111054 +39098,China Experience,-92.4802916,44.0039977 +39099,Kim Anh,-93.3034427,45.1117872 +39100,Fair Foods - Mini Donuts,-92.48031300000001,44.0041736 +39101,North Memorial Clinic,-93.30967620000001,45.110354400000006 +39102,Luce Line Brewing,-93.443381,44.9963254 +39103,Park Dental Edinbrook,-93.30930470000001,45.110355600000005 +39104,G. Patrick Lilja Training Center,-93.30907,45.1103563 +39105,State Farm,-93.3075506,45.1096002 +39106,Sunnyside Health Care Center,-92.4610887,46.7311269 +39107,Furniture Express,-92.46315080000001,46.711444300000004 +39108,Little Caesars,-92.4629505,46.711382 +39109,Cost Cutters,-92.46392110000001,46.711533 +39110,AutoZone,-92.4633137,46.7114928 +39111,The Medicine Shoppe Pharmacy,-92.46308280000001,46.7324689 +39112,Body Connection Massage,-92.463999,46.711480800000004 +39113,White Drug Pharmacy,-92.46417070000001,46.712074 +39114,New Ulm Body Shop,-94.47828990000001,44.3299133 +39115,B&B Market Catering and Quality Meats,-92.4676424,46.7126656 +39116,Prairie Family Counseling,-94.4378355,44.2956437 +39117,L&M Fleet Supply,-92.45801010000001,46.711700500000006 +39118,The Bookkeeping Center,-94.47475410000001,44.328725600000006 +39119,Prairie Edge Casino,-95.5273944,44.7633651 +39120,Hazel Switch,-96.0552241,48.022719800000004 +39121,New Horizons Christian Preschool,-92.45244000000001,46.712808100000004 +39122,Cloquet Skate Park,-92.4487639,46.714512500000005 +39123,Athletic Park Ice Rink,-92.4485775,46.714869300000004 +39124,Parkway Pizza,-93.14683210000001,44.9988666 +39125,MD Wellness,-93.3075484,45.109419100000004 +39126,True Foundation Counseling Services,-93.3075402,45.109790700000005 +39127,"Partners in Pediatrics, Ltd",-93.30753320000001,45.1098896 +39128,Britton Peak Trailhead,-90.861771,47.598741700000005 +39129,Ghent Tap,-96.03962960000001,44.4950616 +39130,Papa John's,-93.3399186,45.1095886 +39131,Speedy Market,-93.33983210000001,45.109524 +39132,Speedy Market,-93.33969800000001,45.109365600000004 +39133,Iona Child Care Center,-93.3406279,45.109941600000006 +39134,Brookside of Edinburgh,-93.33233700000001,45.1096633 +39135,Anytime Fitness,-93.3403079,45.1098798 +39136,Vapor Tobacco,-93.34038220000001,45.109935400000005 +39137,PrideStaff,-93.34018010000001,45.1097842 +39138,Park East Chiropractic,-93.34012150000001,45.1097404 +39139,Dr. Luke's Dental,-93.32961560000001,45.1099065 +39140,Mandarin ...,-93.3400486,45.1096859 +39141,Souriyathay Audult Daycare,-93.3399876,45.1096403 +39142,Snow Dump,-92.46054500000001,44.029628300000006 +39143,Farmers Insurance,-93.3295047,45.1099272 +39144,American Family Insurance,-93.3293984,45.1099152 +39145,Cullens Ice Cream,-93.361423,45.1524501 +39146,Edinburgh USA,-93.32826920000001,45.109115 +39147,Unique Cuts,-93.3614239,45.1523472 +39148,GNC,-93.39003690000001,45.1612792 +39149,Anytime Fitness,-93.390021,45.161494600000005 +39150,Chanticlear Pizza,-93.3900254,45.1614353 +39151,Sharp Vision,-93.39003170000001,45.161349200000004 +39152,Enjoy China,-93.3900454,45.1611635 +39153,Jimmy John's,-93.3906977,45.161740200000004 +39154,Block Advisors,-93.3906132,45.1617394 +39155,Style Nails,-93.3904107,45.1617374 +39156,Campsite 22,-91.1109495,47.475298900000006 +39157,Campsite 21,-91.11100850000001,47.4759788 +39158,The UPS Store,-93.3903195,45.1617365 +39159,Campsite 20,-91.1112741,47.4764211 +39160,Karate,-93.3905046,45.1617383 +39161,Campsite 19,-91.11649360000001,47.473167800000006 +39162,Campsite 18,-91.11782670000001,47.4711961 +39163,beWoolen,-93.39004030000001,45.1612334 +39164,Campsite 6,-91.0966909,47.4761492 +39165,M & H,-92.11311110000001,46.7743392 +39166,Campsite 4,-91.1022136,47.4833858 +39167,Campsite 3,-91.104134,47.484491500000004 +39168,Campsite 7,-91.09755720000001,47.478960900000004 +39169,Campsite 9,-91.0908946,47.4736564 +39170,Campsite 8,-91.092799,47.473871200000005 +39171,Campsite 10,-91.08814000000001,47.4700557 +39172,Campsite 11,-91.089178,47.464549000000005 +39173,Campsite 12,-91.0884458,47.4631763 +39174,Campsite 13,-91.0858414,47.4617981 +39175,Campsite 14,-91.08354940000001,47.458981900000005 +39176,Campsite 15,-91.08224990000001,47.453017 +39177,Campsite 16,-91.0810536,47.450619200000006 +39178,Costco Business Center,-93.2158184,45.0007381 +39179,Campsite 2,-91.10780600000001,47.4881691 +39180,Campsite 1,-91.10811170000001,47.4942732 +39181,Mucci's Italian,-93.13330020000001,44.926763400000006 +39182,Brunson's Pub,-93.0733797,44.9700877 +39183,Centro,-93.2514462,45.002740800000005 +39184,Tyler Tap,-96.18510140000001,44.3130353 +39185,Free Little Library,-93.4386707,45.0897182 +39186,Toasted,-93.12408690000001,44.968756600000006 +39187,Lake Benton Tap,-96.2513911,44.3283714 +39188,Rainbow Child Development Center,-93.12535960000001,44.9698761 +39189,Domino's,-92.4503737,46.721469500000005 +39190,Cloquet Medicine Shoppe -- Cloquet Ave,-92.4505984,46.721473200000005 +39191,Park Avenue Pool,-92.4507736,46.7213713 +39192,Get Pressed,-93.1595175,44.992169600000004 +39193,Park Avenue Fitness & Therapy Center,-92.4511045,46.721465900000005 +39194,Daughtery Applicance Sales & Service,-92.45166370000001,46.721521700000004 +39195,Cloquet Mail Station,-92.4519008,46.721516900000005 +39196,Sara's Vac Shack,-92.4520566,46.721530200000004 +39197,WKLK Radio,-92.4521167,46.7215338 +39198,Hamline Family Dental,-93.15696000000001,44.992132600000005 +39199,Angel Nails and Hair Salon,-92.4511063,46.7218189 +39200,Pet Supplies Plus,-93.1489174,44.992605000000005 +39201,Northland Health Filtration,-92.4509134,46.7218311 +39202,Mainstream Boutique,-92.4497437,46.721530200000004 +39203,Cuba Hill Lookout,-94.4891668,47.3423877 +39204,Community Printing Inc.,-92.4497065,46.72129 +39205,Knit & Bolt,-93.2369659,45.0196637 +39206,Northeast Tailor Shop,-93.23696600000001,45.019592100000004 +39207,Meleyen's Sports Barber Shop,-93.30290260000001,45.1116065 +39208,RE/MAX,-93.3024328,45.1115775 +39209,Hong Cong Nails Supply,-93.3030353,45.1116509 +39210,MN Muslims Community Center,-93.3026279,45.1115316 +39211,Crazy Cajun,-93.30315300000001,45.111690200000005 +39212,Thai Fusion,-93.32000090000001,45.1084929 +39213,Infinite Beauty,-93.30323600000001,45.111718 +39214,Tacos El Paraiso,-93.30332100000001,45.1117465 +39215,Vermilion Gorge Trailhead,-92.4906778,48.2699903 +39216,Echo Bay Trailhead,-93.0744942,48.4651525 +39217,B13 Peary Lake,-92.7695089,48.5236534 +39218,Owl Optical,-93.3151108,44.923912200000004 +39219,B6 Ek Lake,-92.8371468,48.468562600000006 +39220,B14 Quarter Line Lake,-92.84913630000001,48.476354900000004 +39221,B7 Jorgen Lake,-92.8501126,48.482636600000006 +39222,B3 Brown Lake,-92.7883494,48.5132143 +39223,B8 Little Shoepack Lake,-92.8745583,48.4886367 +39224,B5 Cruiser Lake,-92.80209710000001,48.499363800000005 +39225,Cruiser Lake Trailhead,-92.75148650000001,48.5267661 +39226,B1 Agnes Lake,-92.8144352,48.468318100000005 +39227,Cruiser Lake Trailhead,-92.82184210000001,48.46585940000001 +39228,Iron Range Historical Society,-92.4109576,47.5120172 +39229,Como Planetarium,-93.1332515,44.9782869 +39230,Cloquet Bar & Lounge,-92.4538661,46.721446300000004 +39231,Buskala Jewelry & Gifts Too,-92.45298840000001,46.7214766 +39232,Tranquility Salon & Day Spa,-92.44575280000001,46.7211878 +39233,The Jack,-92.4527743,46.7214985 +39234,Department of Motor Vehicles,-92.4521567,46.722445900000004 +39235,Bluestone Oral & Maxillofacial Surgery,-92.4454831,46.721307800000005 +39236,Korman Law Office,-92.45231600000001,46.7212837 +39237,Arrowhead Water Services,-92.4516347,46.7212959 +39238,Split Rock Trading & Wealth Management,-92.4453582,46.7213009 +39239,Necessities Salon & Spa,-92.4500527,46.721251300000006 +39240,Avada Hearing Care,-92.450097,46.7214058 +39241,MJC Investment Advisors,-92.4453127,46.7213007 +39242,Nexus-Kindred Family Healing,-92.45008890000001,46.7215244 +39243,Dave's Cloquet Mattress & Furniture,-92.4507305,46.721832400000004 +39244,Cailin Deas Hair Salon,-92.45325120000001,46.7218132 +39245,Northern Business Products,-92.45335850000001,46.7218196 +39246,Northern Minnesota Eye Care,-92.4534515,46.721824000000005 +39247,Sewing Unlimited,-92.4541636,46.721816600000004 +39248,Forever Bare Permanent Hair Removal,-92.4542387,46.7218074 +39249,Farmers Insurance,-92.45304730000001,46.721821500000004 +39250,Lakeshore Tobacco Vapor,-92.45430850000001,46.7218138 +39251,T & J's Gun N Pawn,-92.4531439,46.721815 +39252,Carlton County Abstract & Title,-92.4548757,46.721825800000005 +39253,United Way of Carlton County,-92.4551423,46.721804600000006 +39254,Rudy Gassert Yetka & Pritchett Law Firm,-92.4550722,46.7218041 +39255,Miracle-Ear,-92.4551208,46.7218025 +39256,"LCS Coaches, Inc.",-92.4508502,46.7229814 +39257,Keith M. Carlson Law Firm,-92.45516780000001,46.7218041 +39258,DJ's Charter Service & Casino Tours,-92.450899,46.7229814 +39259,Benson Chropractic Clinic,-92.455207,46.721805700000004 +39260,Edward Jones -- Brett R. Loeb,-92.4552486,46.7218073 +39261,LVLS House of Hoodies,-92.4802473,44.004348900000004 +39262,The Fix,-92.48052410000001,44.003709900000004 +39263,"Compensation Consultants, Ltd",-92.4552925,46.721809900000004 +39264,Carter Law Office,-92.4632254,46.722609500000004 +39265,Berg Custom Builders Inc,-92.4553719,46.721859 +39266,"Muckala & Werhan, PLLC",-92.4643513,46.7228274 +39267,North Shore Mortgage,-92.4554166,46.7218601 +39268,Mary,-92.4897018,44.066071900000004 +39269,HealthStar Home Health,-92.4555668,46.7219652 +39270,Joseph,-92.48972230000001,44.066067100000005 +39271,Cross,-92.4898654,44.0659835 +39272,Austin Drivers Livense Examination Center,-92.95871430000001,43.6704954 +39273,Youth Memorial,-96.011283,47.817922 +39274,Lakeview Resort,-93.5632396,44.226089200000004 +39275,Little Free Library,-93.136893,44.9854281 +39276,Little Free Library,-93.13501280000001,44.9825352 +39277,Little Free Library,-93.13501280000001,44.9825068 +39278,Kamp Dels,-93.55486300000001,44.226908 +39279,Little Free Library,-93.1368836,44.9854155 +39280,Denny's,-93.5663456,44.2182813 +39281,Little Free Library,-93.13325060000001,44.9818475 +39282,Janesville UMC,-93.7157286,44.1186948 +39283,Faith Lutheran,-93.69791330000001,44.1184907 +39284,Prairie Dog Hunting Supply,-93.5662276,44.218548500000004 +39285,Saint Ann,-93.7115014,44.117054200000005 +39286,Nusbaum's Meat & Deli,-93.5663322,44.2183986 +39287,Scotts Campground,-93.56355070000001,44.220368900000004 +39288,Janesville Hardware,-93.7075781,44.1167413 +39289,Cannon Gate Park,-93.5688025,44.2213762 +39290,The Hair Lounge,-93.7073627,44.116515 +39291,Davis' Marketplace,-93.5681802,44.2190041 +39292,Berg's Pharmacy,-93.56622220000001,44.2186408 +39293,Walgreens,-92.56120770000001,47.5135194 +39294,Ron's Hardware Hank,-93.5669544,44.218929100000004 +39295,Beaver Pond Overlook Trailhead,-92.8459445,48.422892700000006 +39296,Blind Ash Bay Trailhead,-92.8503245,48.4341463 +39297,Blind Ash Bay Trailhead,-92.8502528,48.431943100000005 +39298,Kab-Ash Trailhead,-92.84618520000001,48.4223538 +39299,Rough-Cut Bar and Grill,-93.654745,45.8227999 +39300,Kab-Ash Trailhead,-92.8457346,48.4224009 +39301,A Bag Lady,-93.23728890000001,45.0203423 +39302,Kab-Ash Trailhead,-92.7949785,48.411917900000006 +39303,Kab-Ash Trailhead,-92.9213548,48.389950500000005 +39304,Little Free Library,-93.1311294,44.9871575 +39305,Little Free Library,-93.1335085,44.9883443 +39306,Little Free Library,-93.13428470000001,44.9883376 +39307,Little Free Library,-93.13418510000001,44.9873089 +39308,Sullivan Bay Trailhead,-92.8454207,48.425245000000004 +39309,Kab-Ash Trailhead,-93.0327724,48.421094000000004 +39310,Locator Lake Trailhead,-93.0330151,48.5244967 +39311,Picnic area,-93.5255805,44.2249654 +39312,Fish cleaning,-93.53672490000001,44.220816500000005 +39313,Office,-93.53176110000001,44.2190147 +39314,Stub Lake Trailhead,-91.718891,47.9513018 +39315,Locator Lake Trailhead,-93.0112866,48.5395843 +39316,Little Free Library,-93.1287497,44.978564000000006 +39317,Wood Lake - EP 26,-91.6040133,47.9587026 +39318,Little Free Library,-93.1289971,44.9785716 +39319,Little Free Library,-93.1289684,44.9798841 +39320,Grand Marais Switch,-96.96453290000001,47.9489655 +39321,Unity Wellnes Path,-93.2564796,45.107793900000004 +39322,Little Free Library,-93.137343,44.983543100000006 +39323,Medweganoonind Library,-95.00923970000001,47.880175 +39324,Goodridge Switch,-95.8196154,48.164958600000006 +39325,Hendrum Switch,-96.7756985,47.295269100000006 +39326,Little Free Library,-93.13014980000001,44.9857309 +39327,Little Free Library,-93.12742940000001,44.981495300000006 +39328,Little Free Library,-93.1280617,44.990969400000004 +39329,Little Free Library,-93.1412615,45.000404100000004 +39330,Little Free Library,-93.1367273,44.9800309 +39331,Tabor Switch,-96.8694895,47.949037700000005 +39332,Euclid Switch,-96.6561448,47.948998200000005 +39333,Huot Switch,-96.3737172,47.8621446 +39334,Portage Township,-92.52477110000001,48.1227521 +39335,Canoe Launch,-92.8913938,45.442466800000005 +39336,Little Free Library,-93.1382198,44.98731 +39337,Little Free Library,-93.13283120000001,44.979500200000004 +39338,Little Free Library,-93.13863620000001,44.988388 +39339,Vermilion River Tavern,-92.5231184,48.12299590000001 +39340,Anderson's Canoe Outfitters,-92.4868297,48.2468864 +39341,Vermilion River Greens,-92.5243911,48.12236660000001 +39342,Ludlows Island,-92.5560375,47.9006534 +39343,Muskego Point,-92.55098410000001,47.9026957 +39344,Headquarters RV Park,-92.47406930000001,48.2340013 +39345,Trail's End Resort,-92.5024114,48.180336000000004 +39346,Voyageur Tackle,-92.51169320000001,48.180997500000004 +39347,Facowie Lodge,-92.51307600000001,48.1751773 +39348,Lake Vermilion Fire Brigade,-92.5357666,47.8912551 +39349,Echo Trail Tavern,-92.5144408,48.1733552 +39350,Life of Riley Resort,-92.5448142,47.9657399 +39351,"The Island, Black Bay, Lake Vermilion",-92.5800526,47.9605042 +39352,Vintage Vermilion Cabins and Retreat,-92.58771580000001,47.9638405 +39353,Josante Shores,-92.5062492,47.903604300000005 +39354,Goodwill Island,-92.5841451,47.935154700000005 +39355,Damberg's Island on Vermilion,-92.59305400000001,47.9361193 +39356,Timbuktu Marina,-92.4737163,47.9106711 +39357,Turtle Island,-92.6015235,47.9311528 +39358,Camp Vermilion,-92.6260134,47.910558300000005 +39359,Center Island,-92.6121308,47.921622400000004 +39360,Ludlow's Island Resort,-92.55618050000001,47.9002514 +39361,Pehrson Lodge Resort on Lake Vermilion,-92.6589781,47.925569200000005 +39362,Muskego Point Resort,-92.55258760000001,47.898660500000005 +39363,Tesla Destination Charger,-92.555715,47.8982971 +39364,Polley's Resort,-92.55297420000001,47.8990287 +39365,Vermilion Cabins,-92.5518301,47.897338100000006 +39366,28 Av S,-93.23188900000001,44.8980322 +39367,Ormonds Island,-92.65727500000001,47.93286620000001 +39368,Liberty Ridge Elementary School Site 2,-92.8769348,44.9098008 +39369,Schmidts Island,-92.64127330000001,47.933909 +39370,Windom Ambulance Service,-95.1193324,43.86629 +39371,Taylors Island,-92.632703,47.9329076 +39372,Hibbing Point,-92.65220000000001,47.9429402 +39373,Piccard Island,-92.65510570000001,47.940866 +39374,Max Mini Store,-94.1267596,47.612413100000005 +39375,The Hill Motel,-94.1354991,47.6219405 +39376,Ackleys Point,-92.56942450000001,47.9046176 +39377,T and N Inn Lodging and Campground,-94.1348095,47.6323663 +39378,The Landing,-92.6626155,47.948998200000005 +39379,St Catherine's Catholic Church,-94.1376233,47.633999100000004 +39380,Food Distribution Center - Squaw Lake Mobile Pantry,-94.13720090000001,47.6329694 +39381,Kawishiwi Falls Trailhead,-91.75578610000001,47.932658800000006 +39382,Squaw Lake Community Center,-94.13731630000001,47.633036000000004 +39383,Bright Star Resort,-94.1725401,47.6361651 +39384,Trattoria Mucci,-93.2908354,44.9482161 +39385,Jenpachi,-92.45200000000001,44.056717000000006 +39386,Mount Krystosek,-93.56545820000001,44.231461700000004 +39387,ALDI,-93.21972620000001,44.728524400000005 +39388,Smashburgerh,-93.2155633,44.727743700000005 +39389,Pederson Hovila Agency,-93.6543161,47.7434663 +39390,Bigfork Public School,-93.65017080000001,47.7453106 +39391,Two Rivers Cenex,-93.65354110000001,47.7465959 +39392,Seward Pharmacy,-93.24013360000001,44.9481443 +39393,Bigfork Veterinary Clinic,-93.65374200000001,47.7463804 +39394,Gilbertson-Latterell Insurance,-93.6540293,47.745771600000005 +39395,The Shop - Gordy Kinn,-93.65420400000001,47.7454021 +39396,Park Recreation,-93.6542582,47.7451554 +39397,Little Free Library,-93.1255191,44.9844966 +39398,Timber Rose Floral & Gifts,-93.6546665,47.744263200000006 +39399,Bigfork Food Shelf,-93.65486770000001,47.7440323 +39400,Pizza Parlor,-93.6540514,47.7439253 +39401,Mariner Mountain,-91.2998951,47.2882611 +39402,Saint Cloud,-94.14871620000001,45.5680429 +39403,Detroit Lakes,-95.8458605,46.8199861 +39404,Staples,-94.7953901,46.3542683 +39405,Mill Valley Market,-93.3262313,44.991589700000006 +39406,Together We Grow,-93.2526661,44.9486262 +39407,Supermercado La Mexicana,-93.25278920000001,44.948551300000005 +39408,The Loppet Foundation,-93.32630110000001,44.991637100000005 +39409,Chateau LeVeaux On Lake Superior,-90.7872737,47.599436700000005 +39410,Kegs Bar,-94.0463618,44.9643943 +39411,Five Star Auto Service,-93.1672968,44.9615195 +39412,Christensen Switch,-96.1347573,46.8364957 +39413,Hawley Rural Switch,-96.282464,46.8336868 +39414,South Junior School Baseball Field,-94.1642769,45.5457904 +39415,Large Old Oak,-94.8438004,43.9300799 +39416,Gundersen Health Winona Pharmacy,-91.6668638,44.046018700000005 +39417,58,-93.12503980000001,44.7831672 +39418,Highway 76 Spring,-91.542888,43.689019200000004 +39419,Stevens Creek Landing,-92.84885200000001,45.729503900000005 +39420,Ada Switch,-96.54358160000001,47.295655700000005 +39421,Goodwill - Brooklyn Park Outlet,-93.3778561,45.082244900000006 +39422,KWCM-TV (Appleton) (381 m),-95.99985860000001,45.167441600000004 +39423,Massage & Healing by Mary and Friends,-93.23730230000001,45.020070000000004 +39424,Holiday,-92.5068938,44.080523400000004 +39425,Holiday,-92.5225903,44.0571653 +39426,Ginger Cafe,-93.3965814,45.2256603 +39427,Woodbury,-92.9339449,44.919896 +39428,Lindström Bakery Incorporated,-92.8468526,45.3900449 +39429,Caribou Coffee,-93.3979965,45.2254969 +39430,Papa Murphy's,-93.3980181,45.2256093 +39431,Great Clips,-93.3980755,45.2257185 +39432,Ramsey Smoke Shop,-93.3981011,45.2257831 +39433,National Karate,-93.39815730000001,45.225860100000006 +39434,Jimmy John's,-93.3982654,45.226069 +39435,Flagship Bank,-93.39885600000001,45.227265300000006 +39436,Swedish Inn,-92.8492437,45.390061100000004 +39437,Lindstrom Fire Department,-92.8441248,45.389644800000006 +39438,Lindstrom Municipal Liquors,-92.84579380000001,45.390032500000004 +39439,Domino's,-92.8447739,45.389611300000006 +39440,Lindstrom Motors Auto Service,-92.8453788,45.3900568 +39441,Holiday Car Wash,-92.8446727,45.390132200000004 +39442,Trinity Lutheran Church,-92.84264180000001,45.3889835 +39443,Holiday,-92.8443919,45.39014 +39444,Suburban Imaging,-93.2358131,45.1852044 +39445,Redbox,-92.84443250000001,45.390320300000006 +39446,Mister Car Wash,-93.0803508,44.954563300000004 +39447,Dovetail Cafe and Marketplace,-92.12263390000001,46.768429000000005 +39448,Duluth Folk School,-92.12266550000001,46.7684137 +39449,Media Entrance,-93.2564358,44.972537800000005 +39450,LifeWorks Group LLC,-92.8181105,45.0489176 +39451,Legacy Gate,-93.2589282,44.973894200000004 +39452,Polaris Gate,-93.2586665,44.9747086 +39453,Ox Cart Crossing,-94.3400314,46.283710400000004 +39454,Chippewa Lookout,-94.3328465,46.2789572 +39455,Ecolab Gate,-93.25696210000001,44.974521 +39456,Verizon Gate,-93.256191,44.9727277 +39457,Claddagh Senior Living & Memory Care,-91.50414930000001,43.638644500000005 +39458,Target Field - Platform 2,-93.27862010000001,44.9834772 +39459,Kwik Trip,-91.50262790000001,43.640567600000004 +39460,CVS Pharmacy,-93.97707100000001,44.166148500000006 +39461,For Whom ...,-93.28904870000001,44.9716533 +39462,Ace Hardware,-92.83982830000001,45.0416497 +39463,CCRM Fertility Minneapolis,-93.3271335,44.884250300000005 +39464,Black Vessel for a Saint,-93.2893487,44.9710205 +39465,"Wind Chime (after ""Dream"")",-93.289223,44.9712929 +39466,Hahn/Cock,-93.28873220000001,44.970878500000005 +39467,LOVE,-93.28877,44.9706137 +39468,Empire,-93.2887161,44.9697698 +39469,Shodo Shima Stone Study,-93.2883723,44.970678500000005 +39470,The Spinner,-93.2905468,44.970068500000004 +39471,La soledad,-93.2884901,44.969640000000005 +39472,Front of Snowman,-93.2886744,44.969500800000006 +39473,Hephaestus,-93.28841820000001,44.9695467 +39474,Gate 1,-96.7617881,46.8981731 +39475,Level Head,-93.28894290000001,44.9694973 +39476,Spalon Montage Woodbury,-92.938423,44.9357574 +39477,September Room (Room with Two Reclining Figures and Composition with Long Verticals),-93.288742,44.9693115 +39478,Concetto Spaziale “Natura”,-93.28849670000001,44.9692827 +39479,Meraki Hair Lounge,-93.29114000000001,44.9797202 +39480,X,-93.28910040000001,44.9687092 +39481,Salute to Painting,-93.28861520000001,44.9687283 +39482,Tombstone for Phùng Vo,-93.28977520000001,44.967842700000006 +39483,Octopus,-93.28898140000001,44.9677091 +39484,Gate,-91.46067710000001,43.8617849 +39485,Brother Justus Whiskey Company,-93.2609833,45.0291663 +39486,Bog Walker,-93.28913560000001,44.968420800000004 +39487,Brickhouse,-93.008882,45.0848239 +39488,"Arcs from four corners, with alternating bands of white and brown stone. The floor is bordered and divided horizontally and vertically by a black stone band",-93.28884550000001,44.968608700000004 +39489,EyeStyles Optical and Boutique,-92.9843187,44.9653731 +39490,Geometric Mouse - Scale A,-93.2886917,44.9686266 +39491,Three x Four x Three,-93.2885462,44.968636100000005 +39492,"Two-Part Chairs, Obtuse Angle (A Pair)",-93.2885232,44.968560000000004 +39493,09_33 C-TC College Park,-92.91181490000001,44.8189142 +39494,Morgan Lake Portage (EP 45),-90.40978650000001,48.0012879 +39495,Nature of the North,-96.7669717,46.8753394 +39496,Goldenrod St Nw,-93.27618140000001,45.186525100000004 +39497,Saint Paul Park,-92.99805160000001,44.847917 +39498,Klein Acres,-95.83156810000001,44.4256876 +39499,Olson & Penn,-93.30802080000001,44.9845984 +39500,Olson & Humboldt,-93.29803960000001,44.9845454 +39501,7th Street & Olson,-93.2836913,44.984323 +39502,Penn & Plymouth,-93.30823450000001,44.9915455 +39503,The Ponds,-93.63865030000001,45.052590800000004 +39504,Whispering Meadows,-93.6310447,45.0529517 +39505,Independence Beach,-93.6394717,45.0317688 +39506,Independence Estates,-93.64084530000001,45.0360754 +39507,The Enclave at Medina,-93.5304042,45.0361272 +39508,Galapagos Bar and Grill,-93.22108220000001,44.9485447 +39509,Medina Highlands,-93.52383520000001,45.047101600000005 +39510,The Enclave at Brockton,-93.5247686,45.0340043 +39511,Creekside Hills,-93.520178,45.047167900000005 +39512,The Enclave of Elm Creek,-93.5195858,45.0558819 +39513,Summer's Edge South,-93.5209224,45.030611300000004 +39514,Greenway West,-93.5151732,45.0588107 +39515,Summer's Edge,-93.52005170000001,45.034189100000006 +39516,Greenway North,-93.5145035,45.062369600000004 +39517,Copper Creek,-93.52039280000001,45.0356448 +39518,Villas at Copper Creek,-93.521461,45.038366 +39519,The Preserve at Meadow Ridge,-93.5106847,45.0614718 +39520,The Fields at Meadow Ridge,-93.5117227,45.0642633 +39521,Arbor Grove,-93.5190195,45.037677800000004 +39522,Fieldstone Woods,-93.5199291,45.0684814 +39523,Cedar Hollow,-93.51641190000001,45.035204 +39524,Fieldstone,-93.51245610000001,45.0720728 +39525,Bonaire,-93.5085464,45.068101600000006 +39526,Schmidt's Gardens,-93.5139839,45.0344269 +39527,Sunset Ridge Farms,-93.50005270000001,45.0683591 +39528,Whistling Pines,-93.4997519,45.066280000000006 +39529,Rose Garden,-93.5116007,45.0335484 +39530,The Pines at Elm Creek,-93.500718,45.063892 +39531,Cherry Hill Farm,-93.5290523,45.047778900000004 +39532,Edgewater Estates,-93.49932430000001,45.0710214 +39533,Elm Creek Crossing,-93.49789750000001,45.0748237 +39534,Wild Meadows,-93.5278825,45.053187 +39535,Creekside Estates,-93.49592460000001,45.077415300000006 +39536,Spring Brook,-93.5008423,45.0773458 +39537,Belle Terra,-93.5234484,45.049938000000004 +39538,Cedar Estates,-93.49423010000001,45.0803463 +39539,Cedarcrest,-93.49952610000001,45.0807049 +39540,Orchard of Plymouth,-93.5090981,45.027995700000005 +39541,Waterstone,-93.5046044,45.0811184 +39542,Gleason Farms,-93.5101272,45.0785046 +39543,Ravinia,-93.5283551,45.0726766 +39544,The Reserve at Medina,-93.5364873,45.061880200000004 +39545,Woodland Hill Preserve,-93.5395694,45.062936900000004 +39546,Cornerstone Commons,-93.5044153,45.025120300000005 +39547,Foxberry Farms,-93.54644680000001,45.0606669 +39548,Fields of Medina,-93.5529156,45.0536511 +39549,Plum Tree East,-93.5019245,45.038318200000006 +39550,Walnut Grove Pond,-93.5110636,45.026805100000004 +39551,Conor Meadows,-93.50282320000001,45.042613900000006 +39552,Elm Creek Highlands,-93.5034681,45.045213600000004 +39553,Cascades,-93.5162657,45.040044 +39554,Plum Tree,-93.51091170000001,45.039094600000006 +39555,Harvest Hills,-93.4984989,45.046259400000004 +39556,Aspen Hollow,-93.4946517,45.0549204 +39557,Serenity on the Greenway,-93.4896973,45.0559328 +39558,Timber Creek Crossing,-93.4944284,45.045788800000004 +39559,Odonnell Woods,-93.48886060000001,45.053748600000006 +39560,Kirkwood,-93.4884442,45.0494714 +39561,Spring Meadows,-93.4868254,45.0526828 +39562,Brynwood,-93.4843797,45.0564649 +39563,Waters Edge,-93.63110060000001,45.2069114 +39564,Creek Ridge of Plymouth,-93.483845,45.0514165 +39565,Terre Vista,-93.4880419,45.0598803 +39566,Dunkirk Gateway,-93.4938774,45.060802200000005 +39567,Elm Creek Place,-93.49625180000001,45.063194100000004 +39568,Taylor Creek,-93.47793440000001,45.0523815 +39569,Steeple Hill,-93.48900250000001,45.064567800000006 +39570,Taryn Hills,-93.47372700000001,45.0624789 +39571,The Townhomes of Rosemary Woods,-93.48091280000001,45.0674949 +39572,Rosemary Hills,-93.4742698,45.0675705 +39573,Rolling Hills North,-93.46943080000001,45.0707126 +39574,Highpointe Hills,-93.46943730000001,45.0672678 +39575,Camelot Villas,-93.45127160000001,45.062991000000004 +39576,Wood Crest of Plymouth,-93.4791994,45.0562568 +39577,Lake Camelot Estates,-93.4564026,45.0629119 +39578,Timber Bay Estates,-93.4647712,45.0707621 +39579,Hampton Hills,-93.47048670000001,45.050922400000005 +39580,Camelot Nine,-93.45692840000001,45.055718600000006 +39581,Glacier Vista,-93.46290370000001,45.054184400000004 +39582,Plymouth Preserve,-93.4762915,45.0496581 +39583,The Reserve,-93.45713760000001,45.0507037 +39584,Plymouth Reserve,-93.47920500000001,45.050344300000006 +39585,Camelot Overlook,-93.45395660000001,45.058182200000005 +39586,Seven Greens,-93.47926170000001,45.046593400000006 +39587,Edgewater,-93.5873124,45.2005756 +39588,Nanterre,-93.48498860000001,45.0443536 +39589,Silverthorne,-93.47466700000001,45.042851500000005 +39590,Rockford Glen,-93.5040381,45.0327615 +39591,Fox Creek West,-93.5796426,45.1972485 +39592,Roys River Edge,-93.5847382,45.2132328 +39593,Fox Creek North,-93.5756315,45.201187100000006 +39594,The Villas At Rivers Edge,-93.5873133,45.2076045 +39595,Norden Estates,-93.56558460000001,45.214052800000005 +39596,Fox Creek West,-93.56741410000001,45.194811800000004 +39597,Shadow Wood,-93.56043100000001,45.2139954 +39598,Oak Ridge West,-93.56489420000001,45.219548100000004 +39599,Rogers Sunset Acres,-93.5705384,45.1925241 +39600,Hampstead On The River,-93.5601864,45.2212176 +39601,Lyndhaven Meadows,-93.57817,45.1873463 +39602,Autumn Woods,-93.54718720000001,45.2328434 +39603,Wokson Hills,-93.54990310000001,45.236226200000004 +39604,Villas Of Lyndhaven Meadows,-93.57574550000001,45.186274000000004 +39605,Harvest Run,-93.54885920000001,45.239700000000006 +39606,Harvest Run East,-93.5441109,45.237995700000006 +39607,Prospect Pointe,-93.5393373,45.236278500000004 +39608,Riverpointe,-93.53957700000001,45.2352098 +39609,Riverplace,-93.53349200000001,45.2336219 +39610,Highlands of RIver Pointe,-93.5290262,45.2311248 +39611,Crow River Heights,-93.5242886,45.2256881 +39612,Thicket HIll,-93.5129053,45.2206854 +39613,Sunset Hill Estates,-93.52678750000001,45.211716 +39614,Mystic Ridge,-93.5782676,45.1904771 +39615,Cambria Farms,-93.52982220000001,45.2136426 +39616,Brockton Estates,-93.52467030000001,45.2107382 +39617,Kemmetmuellers Brookside Meadows,-93.55987110000001,45.1909526 +39618,Brockton Meadows,-93.52787230000001,45.207435700000005 +39619,Verstecker Acker,-93.56748920000001,45.185134100000006 +39620,Mallard Estates,-93.53758,45.206506100000006 +39621,Hassan Hills,-93.5381825,45.216739600000004 +39622,Ryan Meadows,-93.5635517,45.1860906 +39623,Pond View Estates,-93.5253637,45.216610200000005 +39624,Territorial View,-93.56664620000001,45.1803369 +39625,Dutch Knolls,-93.5586499,45.178989900000005 +39626,Sunset Ponds,-93.74855720000001,45.2856243 +39627,South Pointe,-93.54993470000001,45.1794111 +39628,Mill Run,-93.76280840000001,45.292098300000006 +39629,River Mill,-93.75610780000001,45.291833800000006 +39630,Augusta Prairie,-93.54517750000001,45.1802112 +39631,Northland Meadows,-93.73607990000001,45.3233382 +39632,Lemar Estates,-93.5422164,45.183185300000005 +39633,Sanford Select Acres,-93.7397047,45.3181906 +39634,King Estates,-93.54483800000001,45.1774183 +39635,Old Crow Wing,-94.3373404,46.2772926 +39636,Fletcher Hills,-93.5473585,45.1755836 +39637,North Ridge,-93.5712178,45.2072458 +39638,Mill Pond Dam,-94.9446523,45.3002266 +39639,Historical Plaque,-94.9448371,45.300130900000006 +39640,Sunnyside Estates,-93.5629827,45.2066972 +39641,Apple Ridge,-93.57431000000001,45.2113093 +39642,Ram Lake Portage Trailhead (EP 44),-90.442535,47.9547776 +39643,Heather Ridge Farm,-93.5723253,45.215411200000005 +39644,Thomas Hills,-93.5813499,45.2145924 +39645,Laurel Creek,-93.52896940000001,45.1615583 +39646,Patricks Bridge,-93.5047818,45.1250863 +39647,Delgany,-93.51758810000001,45.1333616 +39648,Hidden Meadows,-93.5066481,45.121731700000005 +39649,Pond Hollow,-93.5004476,45.1178127 +39650,The Enclave at Dunlavin Woods,-93.5206266,45.137274600000005 +39651,Willow Bend of Maple Grove,-93.5005029,45.1201759 +39652,Madeline Woods,-93.5141315,45.137396800000005 +39653,Cranberry Meadows,-93.4994971,45.124118100000004 +39654,Centennial Crossing,-93.4949241,45.1189982 +39655,Dunlavin Woods,-93.5141339,45.1359414 +39656,Chapel Wood,-93.48977980000001,45.121255600000005 +39657,Shadow Creek,-93.4767965,45.1078549 +39658,Bellwether,-93.5273545,45.138827600000006 +39659,Sandpiper Estates,-93.6156028,45.301731800000006 +39660,Copper Marsh,-93.50645580000001,45.118393600000005 +39661,Riverview Heights,-93.61814550000001,45.2971888 +39662,Gladstone,-93.51673330000001,45.1219696 +39663,The Village of Rush Creek,-93.5200274,45.1279624 +39664,Grandview Addition,-93.61230710000001,45.2957679 +39665,Country Crossings,-93.6085862,45.2990958 +39666,Meadowview Estates,-93.5151927,45.129117300000004 +39667,Heritage Landing,-93.60526390000001,45.2974194 +39668,The Meadows of Rush Creek,-93.5139106,45.127862300000004 +39669,Mississippi Oaks,-93.59967040000001,45.2979397 +39670,Orono Hills,-93.5938527,45.3008584 +39671,Possible smallcraft launch,-93.38263260000001,45.2499246 +39672,Orono Heights,-93.5915186,45.301832100000006 +39673,Orono Addition,-93.58858710000001,45.302503400000006 +39674,Palmers Addition,-93.60499270000001,45.295062 +39675,Heath's Addition,-93.5955205,45.3042475 +39676,Country Crossings,-93.6051954,45.300735 +39677,Sippi Heights,-93.62544170000001,45.2978863 +39678,Bower Trout Lake Portage Trailhead (EP 43),-90.44431630000001,47.9469639 +39679,Blue House,-93.19120930000001,44.7721004 +39680,Target Field,-93.2780297,44.9832595 +39681,Target Field,-93.2789496,44.9836132 +39682,Gold House,-93.1904741,44.7723832 +39683,Rose House,-93.19144080000001,44.7718727 +39684,Green House,-93.19086390000001,44.772290500000004 +39685,Oak Tree Arts,-93.19582600000001,44.9643345 +39686,Pine Cone Lodge Resort,-94.95199690000001,46.987851500000005 +39687,Palisade Head Historial Marker,-91.2166943,47.321384200000004 +39688,Manila Sizzling Wok and Grille,-93.13036890000001,44.9555396 +39689,Jimmy John's,-93.3133798,45.185468400000005 +39690,Caribou Coffee,-93.31311790000001,45.1853587 +39691,Family Dollar,-93.17037970000001,44.9027655 +39692,Beaver Island,-91.2585944,47.280288000000006 +39693,Five Star Cafe,-93.1704332,44.9026536 +39694,Boost Mobile,-93.17056810000001,44.9024869 +39695,Palisade Head,-91.2108779,47.3200614 +39696,T T Angels Nails,-93.1704892,44.9025927 +39697,Gitchee Gumee Tattoo,-92.13423560000001,46.800633600000005 +39698,The UPS Store,-92.1335401,46.800625800000006 +39699,Vikre Distillery and Cocktail Room,-92.09381450000001,46.780086600000004 +39700,EP 51 & 52,-90.8369857,48.0744677 +39701,Pure Barre,-92.46560760000001,44.0180432 +39702,Planet Fitness,-94.22192150000001,46.3580531 +39703,Parker's Lake Golf Center,-93.4801463,44.9924011 +39704,Ashley HomeStore,-94.2226112,46.358191500000004 +39705,Litchfield Wetland Management District Boardway Kiosk,-94.53124410000001,45.070344600000006 +39706,Harbor Freight Tools,-94.225835,46.357306 +39707,Dunham Sports,-94.2253498,46.357499700000005 +39708,Jo-Ann,-94.2237099,46.357579900000005 +39709,Moran Cove,-90.78938480000001,48.013281400000004 +39710,Tradehome Shoes,-94.2236177,46.3580697 +39711,Maurices,-94.2247083,46.3577238 +39712,rue21,-94.2246762,46.3573862 +39713,Saveafox,-93.3423411,44.429991300000005 +39714,Hardee's,-92.0648493,43.9544459 +39715,Quick Lane Tire & Auto Center,-93.16834030000001,45.0239361 +39716,Midway Ford,-93.1680941,45.024546400000006 +39717,Love's,-92.06420870000001,43.9541546 +39718,Spoils of Wear,-93.1663082,44.946425000000005 +39719,Swedberg Wood Products,-95.39846370000001,45.891984 +39720,Teeny Bee Boutique,-93.1661768,44.946442100000006 +39721,Rise Bagel Company,-93.276723,44.98608 +39722,Merriam Park Nails,-93.16605870000001,44.9464364 +39723,Tommie's Pizza,-93.1659327,44.9464516 +39724,InterActive Assist,-93.2491265,45.002685500000005 +39725,Veterans Memorial,-93.31596230000001,45.2469389 +39726,Jakeeno's,-93.2623389,44.937893300000006 +39727,McRae Recreation Center,-93.2611244,44.918401700000004 +39728,Pie & Mighty,-93.26234690000001,44.9379787 +39729,Rose Street Patisserie,-93.1672326,44.9464416 +39730,Preston Foods,-92.0823335,43.6705908 +39731,Whimsical Alternative Coalition Political Awareness Consortium,-93.1672434,44.9462252 +39732,Chipotle,-93.4197448,44.893963500000005 +39733,Spitfire Bar & Grill,-95.8206176,46.8063725 +39734,Trinity Lutheran Church-ELCA,-95.83468710000001,46.807035500000005 +39735,Ecumen Detroit Lakes,-95.83411670000001,46.805396900000005 +39736,"Ecumen - Lamplighter Manor, Detroit Lakes Assisted Living & Senior Housing",-95.83454970000001,46.8047948 +39737,Free little Library,-93.22848420000001,44.9221566 +39738,Howard Hansen Consulting,-95.82805370000001,46.804463500000004 +39739,Detroit Lakes United Methodist,-95.8296648,46.806139 +39740,Mobil,-95.8193214,46.806734000000006 +39741,St Luke's Episcopal Church,-95.8295288,46.8072053 +39742,Pelican River Apartments,-95.83121100000001,46.8094461 +39743,Casey's General Store,-95.8089746,46.7995749 +39744,Jiffy Lube,-95.81965140000001,46.806969 +39745,Artistry Hair Studio & Spa,-95.8199062,46.8070516 +39746,Le Roy Public Library,-92.5038488,43.5112466 +39747,Gate,-92.97886580000001,45.0370889 +39748,Sea Level,-93.38800640000001,44.9257111 +39749,Minnesota Freezer Warehouse Company,-92.95618130000001,43.6848825 +39750,Fastenal,-93.38857340000001,44.92551 +39751,Holiday Inn Detroit Lakes - Lakefront,-95.8171853,46.805629800000006 +39752,Metro Motorcars Inc.,-93.38925210000001,44.9255562 +39753,Ice House Restaurant,-95.81662200000001,46.805607800000004 +39754,Midas,-93.3937049,44.9249142 +39755,Jonny Rock Bikes,-93.3918836,44.9249281 +39756,O'Neill's Pizza Pub,-92.2519228,44.1302159 +39757,Goodwill,-93.3874615,44.9266657 +39758,Chase,-93.16682970000001,44.946270500000004 +39759,Shanghai Market,-93.38679830000001,44.926277500000005 +39760,Canoe Camp Sites,-93.01322130000001,45.823216900000006 +39761,Vively,-93.5012878,44.972276 +39762,Fortress Medical Systems,-93.41307570000001,44.923349200000004 +39763,The Owl and the Octopus,-93.5010738,44.972253800000004 +39764,TCF Bank,-93.50159210000001,44.971376500000005 +39765,Golden Veterinary Care,-93.5014397,44.9722969 +39766,Caribou Coffee,-93.5001665,44.972291600000005 +39767,Bill's Superette,-93.3564681,45.2258416 +39768,Chuck and Don's,-93.5009837,44.9722644 +39769,Sport Clips,-93.49991320000001,44.9719326 +39770,Paint Nail Bar,-93.5015151,44.9722682 +39771,Bob's Shoe Repair,-93.4999028,44.971721800000005 +39772,Old National Bank,-93.5024132,44.9719654 +39773,Schuler Shoes,-93.49988250000001,44.9715768 +39774,Party Safari,-93.4999191,44.9718645 +39775,Modern Roots,-93.5013612,44.9722561 +39776,The UPS Store,-93.499908,44.971791800000005 +39777,Bank of America,-93.5012112,44.9722559 +39778,Johnson / Turner Legal,-93.4999178,44.972030800000006 +39779,Aveda,-93.5017265,44.972272800000006 +39780,Noodles & Company,-93.5004772,44.971463500000006 +39781,Maverick Chiropractic,-93.5012957,44.9724291 +39782,Nicollet Baseball Park,-93.27825340000001,44.9394671 +39783,Bob Dylan Mural,-93.2720348,44.979154400000006 +39784,Plaza Morena Campestre Grill,-93.223364,44.1103007 +39785,Ace Hardware,-93.5720541,44.985804300000005 +39786,Primo Plates and Pours,-93.5721917,44.986859800000005 +39787,US Cleaners,-93.2162254,44.9179752 +39788,TAGS,-93.40874380000001,44.877573600000005 +39789,Gate D1,-93.4481418,44.8290213 +39790,Quarry Island,-93.1806463,44.867977700000004 +39791,Gate G,-93.462845,44.8324196 +39792,Marathon,-92.04690670000001,44.378126 +39793,Gate H,-93.4661643,44.8327856 +39794,Gate C,-93.4510841,44.8242841 +39795,Marathon,-92.04722860000001,44.3780608 +39796,Five Guys,-93.4418421,44.8599547 +39797,Cafe Zupas,-93.4420468,44.859271500000006 +39798,Rusty Taco,-93.44189820000001,44.8592724 +39799,AV8 Flight School,-93.4490954,44.8283542 +39800,ATP Flight School,-93.4638575,44.830537500000005 +39801,Flying Cloud ASOS,-93.4705117,44.832141500000006 +39802,Inflight Pilot Training,-93.4520655,44.829534200000005 +39803,Wings of the North Air Museum,-93.46527970000001,44.832587800000006 +39804,Flying Cloud VOR,-93.4426992,44.825356 +39805,Flying Cloud Localizer,-93.44934950000001,44.8260975 +39806,Modern Avionics Self-Serve,-93.4537631,44.822432500000005 +39807,Modern Avionics,-93.45304370000001,44.822593700000006 +39808,Bike Fix-It Station,-93.4371356,44.8987126 +39809,Gate B,-93.4528827,44.8225634 +39810,Leo's Malt Shop,-92.80568430000001,45.0559345 +39811,Integrated Wellness Complex,-91.6419745,44.0463899 +39812,Sunrise Donuts,-93.2893382,44.8396582 +39813,Art n Soul,-92.80595290000001,45.0556203 +39814,Stillwater Olive Oil Co.,-92.80570870000001,45.055998900000006 +39815,Foss Swim School - Home Office,-93.4069752,44.883929200000004 +39816,Sagitario,-93.2894084,44.8397744 +39817,van Wagenen,-93.4053586,44.884162800000006 +39818,FOSS North America,-93.40546330000001,44.883787700000006 +39819,yum! kitchen and bakery,-93.4201819,44.895176400000004 +39820,Prairie Chicken Statue,-96.28158420000001,46.481405900000006 +39821,Little Caesars,-93.44164590000001,44.8649512 +39822,SkinLab Tattoo & Piercing,-92.48034320000001,44.0319255 +39823,Flora North,-92.12286470000001,46.768242300000004 +39824,Lee's Pizza,-92.1242933,46.7671495 +39825,310 Pub,-92.095962,46.7837746 +39826,The Caddy Shack Indoor Golf & Pub,-92.12401440000001,46.76737 +39827,Tacos Tacos Tacos,-92.09685870000001,46.7881644 +39828,Duluth Coffee Company Cafe & Roastery,-92.0969408,46.7881038 +39829,Cloud 9,-92.09605660000001,46.7839441 +39830,Wasabi Japanese Cuisine Restaurant,-92.095737,46.7886418 +39831,Zero Hour Escape Rooms,-92.0995635,46.7875978 +39832,Canal Park Liquors,-92.0960134,46.7841736 +39833,Red Lobster,-92.096557,46.784119100000005 +39834,Tesla,-93.39937660000001,44.879765600000006 +39835,Crossfit Eden Prairie,-93.3986225,44.8786694 +39836,Famous Dave's,-92.0954968,46.782579600000005 +39837,DanceXchange,-93.39856320000001,44.8785502 +39838,Duluth Pack,-92.09433870000001,46.782572900000005 +39839,Mexico Lindo,-92.09078070000001,46.791888300000004 +39840,Smoke in the Pit,-93.26231580000001,44.9349567 +39841,Willy McCoy's,-93.3300262,44.809300300000004 +39842,Jerry's Do It Best Hardware,-93.3318988,44.812165300000004 +39843,Torey’s,-93.2264303,44.086155600000005 +39844,Gate J,-93.467663,44.824667700000006 +39845,Gate A,-93.45838420000001,44.820503900000006 +39846,Clay County Courthouse,-96.7627568,46.884039300000005 +39847,Southeast Birth Center Parking Ramp,-93.09303820000001,44.955862700000004 +39848,Regions Hospital Birth Center,-93.09313150000001,44.956208000000004 +39849,West Entrance,-93.0956525,44.9556282 +39850,Birth Center Entrance,-93.09291180000001,44.956344300000005 +39851,South Beach Apaprtments/Home,-94.8628851,47.463672 +39852,BP Shop,-93.094724,44.9520677 +39853,Red Lake Rosie Animal Rescue,-95.57801350000001,47.9875071 +39854,Creative Minds Daycare,-93.2671452,44.9339518 +39855,TDK - Hutchinson Technology,-94.35425690000001,44.8993612 +39856,Nazareth Lutheran Church,-95.6694073,47.956585600000004 +39857,Showers,-91.38547170000001,43.938659300000005 +39858,Holiday,-95.8407739,46.8156277 +39859,Holiday,-95.8407305,46.8154696 +39860,Resonetics,-94.35378340000001,44.898220300000006 +39861,Hole 8 Tee Box,-91.8812633,47.892407600000006 +39862,Dollar Tree,-92.67195570000001,44.280343300000006 +39863,Boat World,-93.2357412,45.3539833 +39864,Scoreboard Pizza,-93.2991734,45.0790633 +39865,Country Diner,-94.38260860000001,44.872052700000005 +39866,Bay Leaf Indian Cuisine,-93.417848,44.8881746 +39867,Dollar Tree,-93.2991788,45.078662 +39868,FedEx,-95.8490857,46.819761 +39869,Clocktown Liquor,-93.2174408,45.067832800000005 +39870,Silver Lake Smiles,-93.21764080000001,45.0678428 +39871,Jbs Custom Apparel,-95.85375760000001,46.820817700000006 +39872,Ly Mai Nail Care,-95.85152880000001,46.820271700000006 +39873,Noah Insurance Services,-95.8513023,46.8202499 +39874,"Ledgestone, Inc",-95.8507448,46.819905000000006 +39875,First Security Bank,-95.84921990000001,46.819884 +39876,Graystone Hotel,-95.84588930000001,46.8192248 +39877,Partygals,-95.84730850000001,46.8195448 +39878,Fruitful Designs,-95.84615910000001,46.8192693 +39879,E Walker Law PLLC,-95.8464577,46.8191987 +39880,New Hope Church,-95.8472158,46.819676 +39881,ClearPath Advisors,-95.84576080000001,46.819174200000006 +39882,Right at Home,-95.8456884,46.819121 +39883,Greg Hildenbrand - State Farm Insurance Agent;State Farm,-95.8470242,46.8195387 +39884,Northwestern Mutual,-95.8455811,46.819058600000005 +39885,State Farm;Nick Christenson - State Farm Insurance Agent,-95.84546850000001,46.8190035 +39886,Matthys Orthopaedic Center - Detroit Lakes,-95.8475305,46.819256200000005 +39887,Godfather's Pizza,-95.845439,46.8189191 +39888,Detroit Lakes Public Schools,-95.84703610000001,46.8192016 +39889,Midwest Minnesota Community Development Corporation,-95.8454926,46.818757600000005 +39890,Dunn Dan,-95.8468788,46.818947300000005 +39891,Chinese Dragon,-95.8465493,46.8184714 +39892,State House of representative,-95.8468804,46.818849 +39893,Washington Square Mall Cinema 5,-95.8458286,46.818435 +39894,Minnesota Pollution Control Office,-95.84698560000001,46.818761300000006 +39895,Don Pablo's Family Mexican Restaurant,-95.84663,46.8182832 +39896,Washington Square Mall,-95.8466892,46.818180700000006 +39897,Barber Jon's,-95.84752730000001,46.8188 +39898,Claire's,-95.8461053,46.8181777 +39899,Pizza Hut,-95.8467274,46.8180661 +39900,Dodd Timothy H,-95.847392,46.818751000000006 +39901,Mattson's Barber Shop,-95.845528,46.818161800000006 +39902,Detroit Lakes t shirt company,-95.8461087,46.8178971 +39903,Lakes Variety,-95.84786650000001,46.818524200000006 +39904,Glik's,-95.84626800000001,46.8178737 +39905,Maurices,-95.84651260000001,46.8180296 +39906,Lunde Supply,-95.84804620000001,46.8184453 +39907,La Barista,-95.845747,46.817483900000006 +39908,"Precision Printing of Minnesota, Inc.",-95.847955,46.818120400000005 +39909,Detroit Lakes Floral,-95.845562,46.817671600000004 +39910,Red Willow,-95.8456386,46.817796 +39911,Detroit Lakes Regional Chamber of Commerce / Detroit Lakes Tourism Bureau,-95.84989230000001,46.819235600000006 +39912,"Skirting the Rules: Clothing, Alterations, Tux Rental, and Gifts",-95.8457154,46.8178744 +39913,Emma Jean's Boutique,-95.8454686,46.8178616 +39914,Service Cleaners,-95.8484059,46.819305500000006 +39915,"Jack Chivers Realty Detroit Lakes, LLC",-95.84560490000001,46.818017000000005 +39916,Becker County Extension Office,-95.8484952,46.818890800000005 +39917,Edward Jones - Financial Advisor: Anna L Schmitz,-95.84548690000001,46.817931900000005 +39918,Achieve Therapy - Detroit Lakes,-95.84657340000001,46.817596900000005 +39919,Mainstream Boutique Detroit Lakes MN,-95.845116,46.8173727 +39920,"RAMSTAD, SKOYLES & WINTERS P.A.",-95.8463749,46.817402300000005 +39921,Detroit Lakes City Liquor Store,-95.84200030000001,46.817446600000004 +39922,Detroit Lakes Water Tower,-95.8518179,46.815886600000006 +39923,Vintage 'N' Vogue,-95.8450937,46.817443600000004 +39924,Bell Bank,-95.8471956,46.816104100000004 +39925,First Lutheran Church,-95.8472601,46.8166311 +39926,DL Bike Shop,-95.8450538,46.817502600000005 +39927,Wagoner Portrait Studio,-95.8472579,46.8169849 +39928,Reflexology & Wellness by Annette,-95.8450092,46.8176215 +39929,Congregational United Church of Christ,-95.8472552,46.817133500000004 +39930,Becker County - Department of Motor Vehicles,-95.8464007,46.816810100000005 +39931,MANNA Food Co-op,-95.8450809,46.817782 +39932,Becker County Parks & Recreation,-95.84642140000001,46.8165756 +39933,Minnesota Title & Closing Inc,-95.8450442,46.8178889 +39934,Becker County Jail,-95.84649160000001,46.816187000000006 +39935,Lakes Sport Shop,-95.845741,46.8163416 +39936,Roasted Pub and Eatery,-95.84493900000001,46.817985 +39937,Lakes Mortgage Group,-95.84566210000001,46.8164681 +39938,Beautiful Junque,-95.8456804,46.8165251 +39939,Price's Fine Jewelry,-95.8450299,46.818347300000006 +39940,Red Wing,-95.84561400000001,46.816433700000005 +39941,Beug's Ace Hardware Inc,-95.84486240000001,46.8184259 +39942,Beltone Hearing Aid Center,-95.8457977,46.8166559 +39943,Main Street Restaurant,-95.84558120000001,46.817081900000005 +39944,O'Reilly Auto Parts,-95.84419980000001,46.8182939 +39945,Toy Finders,-95.84594530000001,46.8170936 +39946,Ezpawn,-95.84576270000001,46.8162176 +39947,Brygge Taps & Tastes,-95.8438761,46.8182611 +39948,Sarpino's Pizzeria,-93.1789409,44.7912626 +39949,"High Point Networks, LLC",-95.84356840000001,46.816700000000004 +39950,Miguel's Mexican Restaurant,-95.84357630000001,46.818112000000006 +39951,Matthew Ask- Bremer Investment Services,-95.8436898,46.8170063 +39952,BeMobile Inc. - Verizon Authorized Retailer,-95.8437909,46.8181292 +39953,JCPenney,-95.84501700000001,46.8163131 +39954,ReLAKES Professional Massage,-95.84502280000001,46.8164895 +39955,AT&T,-95.84350180000001,46.8179828 +39956,Detroit Paint & Glass,-95.8451694,46.816562000000005 +39957,Great Clips,-95.8433371,46.817874800000006 +39958,THE NINES,-95.8450815,46.8166639 +39959,Red Pine Quilt Shop,-95.8450409,46.816782700000005 +39960,Caribou Coffee,-95.8432183,46.817795000000004 +39961,Richard Chelmo Hair By Design,-95.8450815,46.816893900000004 +39962,Best Pets,-95.84507020000001,46.816986500000006 +39963,CherryBerry,-95.84314610000001,46.817734800000004 +39964,ERA Northland Realty Co,-95.84501150000001,46.8171084 +39965,Jimmy John's,-95.8430627,46.8176422 +39966,Duck Lake County Park Access,-93.81651980000001,44.211504500000004 +39967,Sarpino's Pizzeria,-93.08239610000001,44.9092689 +39968,Kent Freeman Arena,-95.8549148,46.8074304 +39969,American Legion Campground,-95.85762790000001,46.804489800000006 +39970,River Grove - Marine Area School,-92.8151067,45.1656555 +39971,El Loro Mexican Restaurant,-95.8558211,46.8048179 +39972,Red Willow,-95.84597140000001,46.8115566 +39973,Detroit Lakes Mediation Services,-95.84684440000001,46.8110209 +39974,Railroad Crossing,-93.2276224,44.934069900000004 +39975,Pro Print,-95.84612910000001,46.811004100000005 +39976,Sanford Pharmacy Detroit Lakes,-95.84467310000001,46.809694900000004 +39977,Railroad Crossing,-93.2273485,44.934212 +39978,Jamba,-95.84052960000001,46.816580300000005 +39979,Housing Redevelopment AUTH-DL,-95.8448396,46.8130923 +39980,McDonald's,-95.8376873,46.815142 +39981,Detroit Lakes Public Utilities,-95.8382105,46.815043800000005 +39982,Park Manor Estates,-95.83784050000001,46.81450460000001 +39983,Paymasters,-95.83478070000001,46.813997500000006 +39984,Norseman Motors Inc.,-95.8370161,46.8148379 +39985,Burger King,-95.8351691,46.814112900000005 +39986,MAC'S Hardware,-95.83376310000001,46.813372 +39987,Papa Murphy's,-95.8399844,46.815462700000005 +39988,Taco John's,-95.841678,46.815440200000005 +39989,Auto Value,-95.8338389,46.813195500000006 +39990,The UPS Store,-95.84166180000001,46.816428800000004 +39991,"Apex Engineering Group, Inc.",-95.841531,46.8162498 +39992,Farmers Insurance - James Matter,-95.8341158,46.812876200000005 +39993,Dairy Queen,-95.8420286,46.8167344 +39994,Nereson Auto Body,-95.83400200000001,46.8126218 +39995,McKinley Nutrition,-95.8418755,46.816614300000005 +39996,Nash's,-95.8409154,46.816444100000005 +39997,Detroit Lakes Youth Soccer Association,-95.8342255,46.811885700000005 +39998,Coinstar,-95.84037310000001,46.8164506 +39999,MoneyGram,-95.84069210000001,46.8166165 +40000,"AmeriPride, an Aramark Company",-95.83426610000001,46.811333100000006 +40001,The Fluffy Puppy,-95.83264670000001,46.8128231 +40002,Food Distribution Center - The Refuge,-95.83442310000001,46.8180951 +40003,LINE-X and TRUCK GEAR,-95.8350346,46.8180841 +40004,Repurposed Pennies,-95.83251770000001,46.812786800000005 +40005,Lakeshirts,-95.83400160000001,46.816259200000005 +40006,Bwylde clothing,-95.83356140000001,46.815674200000004 +40007,My 2nd Home,-95.83237410000001,46.8127038 +40008,Sulaine's Antique Mall,-95.8320389,46.812560600000005 +40009,Kingdom Hall of Jehovah's Witnesses,-95.85454290000001,46.8330366 +40010,LM Computers,-95.8315883,46.8124101 +40011,Minnkota Recycling,-95.85600960000001,46.8309666 +40012,Outlet Recreation Detroit Lakes Marine,-95.83191000000001,46.8114447 +40013,Beverage Wholesalers Inc,-95.8567797,46.830648100000005 +40014,Casey & Jenny Gode,-95.85315940000001,46.8363607 +40015,David-Donehower Funeral & Cremation Service,-95.83072990000001,46.8118381 +40016,becker county jail,-95.8590085,46.8433404 +40017,Midwest Bank Detroit Lakes,-95.8297599,46.8116258 +40018,U Motors,-95.85912470000001,46.8402674 +40019,59 Trade Roads,-95.86208640000001,46.8413101 +40020,Quality Inn & Suites,-95.8287044,46.8112641 +40021,Green's Plumbing & Heating Inc,-95.86166530000001,46.840803900000004 +40022,"Sapphire Sushi, Hibachi & American Cuisine",-95.82747160000001,46.810544900000004 +40023,Beaudry Oil & Propane,-95.8628608,46.8425908 +40024,Lakes Processing Inc,-95.86341850000001,46.843698100000005 +40025,Gjerde Auto Sales,-95.82607750000001,46.809941200000004 +40026,Tri-State Transmission & Driveline,-95.8632309,46.8435937 +40027,Lakes Homes,-95.82551720000001,46.8095671 +40028,Foltz Trucking Inc,-95.863652,46.8487774 +40029,Farmers Insurance - David Hiney,-95.8252099,46.809398400000006 +40030,Fuhs & Sonstegard Ltd,-95.8243726,46.809269400000005 +40031,A-Z Pro Shop,-93.19500090000001,45.095134200000004 +40032,Dairy Queen,-93.2194781,45.086391400000004 +40033,Cadillac,-95.82309710000001,46.8084666 +40034,Budget Host Inn,-95.82367400000001,46.808985400000005 +40035,Nereson Chevrolet Cadillac Parts,-95.8229912,46.808668700000005 +40036,Hospice of the Red River Valley,-95.8205138,46.807495700000004 +40037,Mankato Curling Club,-93.97482600000001,44.1685937 +40038,Redbox,-95.82045880000001,46.8073964 +40039,Bike Shop,-95.8200214,46.8071628 +40040,Cook County Curling Club,-90.338209,47.7563181 +40041,Large Dog Park,-95.83179770000001,46.8159282 +40042,Arrow Electrical Supply,-95.8331576,46.8172505 +40043,Uncle Gill’z Cutz,-91.6395624,44.0530964 +40044,Little Free Library,-93.15084630000001,44.9882074 +40045,Tono Pizzeria + Cheesesteaks,-93.16726100000001,44.934126500000005 +40046,Ifoods Deli,-93.02562560000001,44.986839200000006 +40047,ROK Eatery,-93.123423,44.928856100000004 +40048,Up North Pizza Pub,-97.0243331,47.9298888 +40049,Sarpino's Pizzeria,-93.2534407,44.975799800000004 +40050,Nashville Coop,-93.16680240000001,44.932572300000004 +40051,Kwik Trip,-93.22433090000001,44.7896811 +40052,Kwik Trip,-93.2239323,44.789621100000005 +40053,Sarpino's Pizzeria,-93.1934792,45.035135000000004 +40054,Owamni,-93.2601516,44.9811898 +40055,Sarpino's Pizzeria,-92.9842589,44.9753684 +40056,Pizza Lucé,-93.2734592,44.9817217 +40057,Gate 2,-96.76230500000001,46.898696400000006 +40058,Gate 3,-96.7622886,46.900634100000005 +40059,Gate 6,-96.7595441,46.9046296 +40060,Caribou Coffee,-93.21636290000001,44.919041500000006 +40061,American Legion Hall,-92.6219219,47.5330512 +40062,Mac's Bar,-92.62243400000001,47.532608200000006 +40063,Costa Rica Ball Room,-93.4109413,44.9243019 +40064,Food Distribution Center - Arrowhead Community Economic Assistance Office,-92.6224529,47.532331600000006 +40065,Mountain Manor Apartment,-92.6219827,47.5288885 +40066,Expectancy,-92.61987180000001,47.5326408 +40067,Sonny's Ice Cream,-93.2879723,44.941181500000006 +40068,Duff's Barber Shop,-93.4113148,44.9241189 +40069,Hoagie's Family Restaurant,-93.4112456,44.924308100000005 +40070,Bongo's & Bud's,-93.41110180000001,44.9242998 +40071,Mainstreet Bar & Grill,-93.410914,44.9243006 +40072,Mill City Sound,-93.4107268,44.924302000000004 +40073,The Liquor Store & More,-93.4105639,44.9243042 +40074,Chisholm Disc Golf,-92.87186000000001,47.4815083 +40075,Veterans Memorial,-93.0066158,46.669472500000005 +40076,Visitor Center,-95.02643210000001,45.3154996 +40077,Holiday,-92.8634581,45.009777400000004 +40078,Mt Tom Observatory,-95.0325655,45.3261884 +40079,USPS,-93.24288390000001,44.9700654 +40080,USPS,-93.2428624,44.9700657 +40081,PetSmart,-92.9371962,44.939103100000004 +40082,CVS Pharmacy,-92.93492,44.9387106 +40083,Slidewire Electronics,-93.00859910000001,47.4143861 +40084,Savers,-92.93689570000001,44.936744600000004 +40085,Taco Bell,-92.93568040000001,44.9372643 +40086,Kelly Lake Community Center,-93.0092743,47.4181785 +40087,Kelly Lake Methodist Church,-93.00582370000001,47.418345300000006 +40088,Caribou Coffee,-93.307017,45.154733300000004 +40089,Napa Auto Parts,-93.10290970000001,45.028578 +40090,Rocky Creek Estates,-92.45252810000001,44.054284200000005 +40091,Havenwood of Burnsville,-93.2759616,44.7414372 +40092,Detroit Lakes Industrial Park,-95.8325035,46.8154587 +40093,Breezy Point,-95.65360170000001,44.124076900000006 +40094,Hole 1,-95.06832410000001,45.1383079 +40095,Small Dog Park,-95.831772,46.8165692 +40096,Dorset Candle Company,-94.95289290000001,46.956524 +40097,Hole 9,-95.0693875,45.1379486 +40098,Hole 8,-95.0696149,45.137379200000005 +40099,Hole 7,-95.06899030000001,45.137697800000005 +40100,Hole 6,-95.06804860000001,45.137022200000004 +40101,Hole 2,-95.0674401,45.137634600000005 +40102,Hole 3,-95.0657745,45.1373679 +40103,Hole 4,-95.06513070000001,45.1367172 +40104,Hole 5,-95.06631580000001,45.1372482 +40105,La Pasta Italian Eatery,-94.9525318,46.9573395 +40106,State Farm,-95.055048,46.9223428 +40107,Dorset Books and Candy Shack,-94.95290820000001,46.9574099 +40108,Knotty Bobbin,-94.9521182,46.9566364 +40109,Dorset House,-94.952939,46.9567361 +40110,Dorset General Store,-94.95253000000001,46.9574318 +40111,Minnesota Valley State Recreation Area - Carver Rapids Hike-In Campsite,-93.6240602,44.723789000000004 +40112,Johnson's On the Water,-94.95290010000001,46.955509500000005 +40113,StormKing,-93.28003380000001,44.9851614 +40114,Mainline Bar & Grill,-96.48492750000001,46.753596800000004 +40115,Ben & Sarah’s,-93.2179952,44.8989343 +40116,Louisville Swamp Boulder,-93.6037055,44.718881800000005 +40117,Atlatl Range,-95.057603,44.0909252 +40118,Pyramid Pizza & Grill,-93.2936885,44.959291300000004 +40119,Itasca Sports,-95.19765140000001,47.233606200000004 +40120,House Frame,-95.05817970000001,44.0896807 +40121,Garden,-95.0571175,44.0893686 +40122,Site 5,-95.0512247,44.0917055 +40123,Site 6,-95.051096,44.091651500000005 +40124,Site 2,-95.05290910000001,44.0921928 +40125,Site 7,-95.050978,44.0915879 +40126,Site 3,-95.0524398,44.092111900000006 +40127,Site 8,-95.0508841,44.0915456 +40128,Buffalo Rub,-95.0590648,44.0926301 +40129,Site 4,-95.0526677,44.0921408 +40130,Casey's General Store,-94.6186983,43.970499100000005 +40131,Hosanna Free Lutheran Church,-94.6203875,43.9717368 +40132,Casey's General Store,-94.6182799,43.9702685 +40133,Poppy Fun Fashion,-93.16727180000001,44.9338843 +40134,Karen's Korner Boutique,-96.0275546,46.6578444 +40135,CaJah Salon,-93.16727180000001,44.9340362 +40136,Cenex,-94.4197178,44.051068 +40137,Schneider's Landscape,-93.4817872,44.846808900000006 +40138,Lakeland General Store,-96.0267542,46.657932300000006 +40139,Dollar General,-94.4060111,44.051278700000005 +40140,Subway,-94.4035783,44.051234400000006 +40141,Casey's General Store,-94.4049275,44.050226200000004 +40142,Casey's General Store,-94.40494360000001,44.0504845 +40143,Alchemy 365,-93.18760250000001,44.919041500000006 +40144,Edina Realty,-93.187594,44.919491400000005 +40145,Stephanie's,-93.18759680000001,44.9192295 +40146,PARA Salon,-93.18759960000001,44.919339400000005 +40147,Agra Culture Kitchen,-93.1876022,44.9196145 +40148,Vivir,-93.2514381,45.0028414 +40149,Central Car Wash,-93.2476482,45.006448400000004 +40150,Wells Fargo Drive Thru,-93.30114250000001,44.947878800000005 +40151,Lunds & Byerlys,-93.24689980000001,44.917067100000004 +40152,11,-94.6377178,47.0341023 +40153,Wells Fargo,-95.04332330000001,45.1029506 +40154,Jupiter Moon Ice Cream,-94.3167926,45.564999900000004 +40155,12,-94.6478498,47.0325191 +40156,Cold Front,-93.15670060000001,44.9266543 +40157,Chrissy's Ice Cream Shop,-94.37479450000001,46.396587200000006 +40158,MN EIS Ice Cream & Sweets Shoppe,-94.459045,44.31372 +40159,Taste in Time,-95.5375315,44.8116647 +40160,Aerials 8 Flavors,-94.7039752,48.8367328 +40161,Muskie Waters Co.,-94.8418742,46.963719600000005 +40162,Starbucks,-93.15354880000001,44.9403658 +40163,The Wine Store at Kowalski's,-93.15351390000001,44.940451200000005 +40164,At Home Apartments,-93.1546773,44.940218800000004 +40165,"Community Title & Escrow, LLC",-93.1545191,44.940222600000006 +40166,Freeway Auto Body,-93.16727900000001,44.9481108 +40167,iLoan Home Mortgage,-93.16733,44.9477008 +40168,Publicity Signs,-93.1672281,44.947037300000005 +40169,A-1 Lock Service by Kee Wee,-93.16722270000001,44.9470022 +40170,Brow Chic,-93.16739530000001,44.9467067 +40171,Up Six Vintage,-93.1672187,44.9469623 +40172,Martha's Gardens,-93.1675843,44.9467105 +40173,The Naughty Greek,-93.1672149,44.946848 +40174,Everyday People Clothing Exchange,-93.167921,44.946714300000004 +40175,Tennis on Selby,-93.1680377,44.9467191 +40176,Waseca Recycling Center,-93.4956978,44.0084845 +40177,The Good Guys Pro Audio,-93.1468983,44.940186000000004 +40178,Campus Map,-96.76878590000001,46.8645027 +40179,D'Vine Massage Health & Wellness,-93.16526660000001,44.9403081 +40180,Complete Chiropractic Health,-93.16476060000001,44.939922300000006 +40181,Against the Current,-93.1703956,44.939961800000006 +40182,Discovery Chiropractic,-93.1652275,44.940321100000006 +40183,Zimmerman's Dry Goods,-93.1703488,44.9399626 +40184,Cupcake Bakery,-93.1798912,44.791144900000006 +40185,Mason Jar Kitchen,-93.17992930000001,44.7911774 +40186,Water,-92.31146530000001,43.9952045 +40187,Marc Heu Patisserie Paris,-93.11631050000001,44.955964800000004 +40188,Patisserie Margo,-93.3401061,44.892459200000005 +40189,Kuva Salon,-93.2981793,44.9450196 +40190,Pilates Underground,-93.2981737,44.944943800000004 +40191,Water,-92.310996,43.994671200000006 +40192,Water,-92.3099117,43.994566600000006 +40193,Water,-92.31052430000001,43.9952388 +40194,Water,-92.30906060000001,43.995194700000006 +40195,Highland Park Montessori School,-93.16560960000001,44.9410344 +40196,Grove House,-92.2210546,46.7411637 +40197,Grandma's House,-93.49393970000001,43.9747871 +40198,Red Rock Falls,-95.10493570000001,44.1215647 +40199,Cities Church,-93.1648184,44.9410078 +40200,Little Food Pantry,-93.3568238,45.1116661 +40201,The St. Paul Conservatory of Music,-93.16496860000001,44.9407876 +40202,PCs for People,-93.1630638,44.9488044 +40203,Waldheim Resort,-93.0536998,46.2079923 +40204,The Yoerg Brewing Company,-93.0723605,44.9569551 +40205,"Zimmerman, MN",-93.54554370000001,45.416617800000004 +40206,Swessinger WMA,-95.78256800000001,43.8050562 +40207,Chip's Clubhouse,-93.16680000000001,44.93319 +40208,Speedway,-92.47548780000001,47.169646 +40209,Speedway,-92.4750801,47.1696205 +40210,Listening House,-93.0743896,44.959185700000006 +40211,Kasper Siding,-93.23868420000001,44.2518994 +40212,Mathnasium,-93.167286,44.921852900000005 +40213,Now Bikes & Fitness,-93.15029670000001,45.050645 +40214,St. Paul Teachers' Retirement Fund Association,-93.1682217,44.9478141 +40215,Duty Free Americas Gastrak,-93.4025204,48.6029057 +40216,Queens Drive & Currell Boulevard,-92.9584052,44.925873300000006 +40217,Viverant,-93.1765103,44.9406503 +40218,Allen L Salon,-93.1775618,44.9399649 +40219,Dog Days Daycare & Boarding,-93.1748742,44.9399479 +40220,Queens Drive & Woodbury Theatre,-92.9571172,44.9277334 +40221,Queens Drive & Currell Boulevard,-92.95836990000001,44.9261874 +40222,Valley Creek Road & Valley Creek Plaza,-92.9631581,44.9249712 +40223,Weir Drive & Valley Creek Road,-92.97282630000001,44.9255535 +40224,Natura Farms,-92.8868017,45.225824900000006 +40225,Weir Drive & Valley Creek Mall,-92.9732247,44.923855700000004 +40226,Weir Drive & Woodwinds Health,-92.97702070000001,44.923360100000004 +40227,Pouliot Parkway & Century Circle,-92.9822661,44.923430700000004 +40228,Century Avenue & Parkwood Drive,-92.98435420000001,44.9256558 +40229,C Store,-92.92127930000001,47.4286278 +40230,Lower Afton Road & Century Avenue,-92.9853427,44.928451 +40231,Lower Afton Road & Century Avenue,-92.98481890000001,44.9278957 +40232,Pouliot Parkway & Century Circle,-92.98225880000001,44.923309100000004 +40233,Weir Drive & Woodwinds Health,-92.9768054,44.9232912 +40234,Weir Drive & Valley Creek Mall,-92.97321050000001,44.923704900000004 +40235,Valley Creek Road & Weir Drive,-92.97212280000001,44.9262111 +40236,Valley Creek Road & Valley Creek Plaza,-92.9629774,44.9246153 +40237,BP,-92.9214295,47.4285135 +40238,Woodbury Theatre Park & Ride,-92.9574054,44.928190300000004 +40239,Two Betty's Refill Station,-93.21473200000001,44.9485376 +40240,Bielenberg Drive & Nature Path,-92.9544374,44.9336204 +40241,Bielenberg Drive & Tamarack Road,-92.95445050000001,44.936087300000004 +40242,West River Dental Care,-93.21363720000001,44.948132 +40243,Ken's A-1 Auto,-92.9208636,47.428322900000005 +40244,Hibbing Park Hotel,-92.92409570000001,47.4274792 +40245,Ranger Chevrolet-Buick-GMC,-92.92146980000001,47.4277858 +40246,Grandma's in the Park,-92.92380870000001,47.427274100000005 +40247,Pizza Ranch,-92.92270740000001,47.420263600000006 +40248,Holiday,-92.92534020000001,47.4201314 +40249,Holiday Car Wash,-92.9251981,47.419971700000005 +40250,Taco John's,-92.92364780000001,47.4202403 +40251,Steak Escape,-92.9234761,47.420338300000004 +40252,Cenex,-92.88616880000001,47.489300300000004 +40253,Country Kitchen,-92.9235002,47.4198973 +40254,Korner Store,-92.88617950000001,47.489119 +40255,First National Bank,-92.8803484,47.4888399 +40256,Hardee's,-92.9251471,47.4195416 +40257,Freedom Valu Center,-92.88028940000001,47.489383600000004 +40258,NAPA Auto Parts,-92.925005,47.41911330000001 +40259,Hibbing Ford,-92.92517930000001,47.4184563 +40260,worlds largest bluebird,-96.0923104,47.658503 +40261,Slumberland,-92.9228351,47.4189609 +40262,Subway,-92.9227841,47.41946 +40263,Maplelag Resort,-95.77663670000001,47.0090336 +40264,Domino's,-92.9227465,47.4197685 +40265,Navarre,-93.6081149,44.934656200000006 +40266,Auto Value,-92.922672,47.4201351 +40267,Eagle Mountain,-90.7071997,47.664136400000004 +40268,Jes Wood Products,-95.780208,46.9960054 +40269,Hubbard United Methodist Church,-95.0084532,46.837171100000006 +40270,Moose Mountain,-90.7347635,47.651537700000006 +40271,Laurentian Snowmobile Trail,-92.5415298,47.581502500000006 +40272,Long Lake Theater & Event Center,-95.0108793,46.835523 +40273,Mei Wei,-93.1760478,44.6817165 +40274,The Hilltop Inn,-95.0108062,46.8407363 +40275,The Mug,-93.1758709,44.6821934 +40276,Subway,-93.1762532,44.682208 +40277,Superior National Forest: Laurentian Divide,-92.54359640000001,47.5779495 +40278,Laurentian Divide Recreation Area,-92.54357970000001,47.577198700000004 +40279,Laurentian Divide,-92.543481,47.5773018 +40280,Old Hudson Road & McKnight Road,-93.0058568,44.951170000000005 +40281,McKnight Road & Lower Afton Road,-93.00497320000001,44.933227900000006 +40282,Londin Lane & Sterling Street,-92.9936821,44.930505100000005 +40283,Lower Afton Road & Winthrop Street,-93.0096484,44.9330937 +40284,Londin Lane & Crestview Drive,-92.9976829,44.930461400000006 +40285,Londin Lane & Burlington Road,-93.01311940000001,44.931904 +40286,Londin Lane & Winthrop Street,-93.0099338,44.9308403 +40287,Londin Lane & Parkview Lane,-92.99957660000001,44.9303973 +40288,Londin Lane & McKnight Road,-93.0051222,44.9302009 +40289,Londin Lane & Dorland Road,-93.00157250000001,44.9302348 +40290,Londin Lane & McKnight Road,-93.00468620000001,44.930313700000006 +40291,Londin Lane & Crestview Drive,-92.99680520000001,44.9303126 +40292,Londin Lane & Sterling Street,-92.9929252,44.930383000000006 +40293,Londin Lane & Winthrop Street,-93.00955300000001,44.9307644 +40294,Londin Lane & Burlington Road,-93.01347700000001,44.931871300000005 +40295,Holiday,-91.850694,47.9028725 +40296,Lower Afton Road & Winthrop Street,-93.00994340000001,44.932945100000005 +40297,Short Stop,-91.839426,47.903600700000005 +40298,Lucky Seven,-91.8575114,47.902796800000004 +40299,McKnight Road & Lower Afton Road,-93.0046719,44.933233 +40300,Mahpiyata Island,-93.5718521,44.930124500000005 +40301,Zup's,-91.8433751,47.902121 +40302,The Blue Rooster Company,-94.8520809,46.9640104 +40303,Municipal Liquor Store,-94.8426218,46.9648478 +40304,Bethany Lutheran Church,-94.84423460000001,46.9638282 +40305,Our Lady of the Pines Catholic,-94.8444934,46.96448 +40306,Immaculate Conception Church,-94.84448110000001,46.9642824 +40307,CindyLou's,-94.84240550000001,46.9649863 +40308,Two Loon Candy,-94.8432703,46.9645261 +40309,Nevis Laundromat,-94.8425181,46.9645103 +40310,Northwoods Grocery & Cafe,-94.8419571,46.9648711 +40311,Amielia's Salon,-94.84236270000001,46.9644667 +40312,World's Largest Tiger Muskie,-94.84204720000001,46.964471100000004 +40313,Northwoods Cafe Nevis,-94.8419937,46.964993 +40314,Northwoods Press,-94.8430343,46.964788500000004 +40315,Nevis Apartments LLC,-94.8433725,46.9648897 +40316,Cliff Wold's Campground,-91.7666851,47.9282884 +40317,Church of Christ,-94.8419377,46.965854 +40318,Mason,-95.74404770000001,44.123830000000005 +40319,Chop n Pops Bakery,-94.84202250000001,46.965294 +40320,Kelley,-95.5546236,44.137690400000004 +40321,Fellowship Baptist Church,-94.8407926,46.9653342 +40322,Starbucks,-93.15491850000001,44.9533636 +40323,Conway Avenue & 14th Street,-92.9958529,44.9558539 +40324,Monastery Way & Maple Avenue,-92.98580670000001,44.993737200000005 +40325,Monastery Way & Benet Road,-92.9862403,44.994843800000005 +40326,CVS Pharmacy,-93.15557270000001,44.9530394 +40327,MinuteClinic,-93.15550160000001,44.9533117 +40328,Margaret Street & 12th Avenue,-92.99219550000001,45.016958200000005 +40329,Margaret Street & 15th Avenue,-92.99219070000001,45.0191846 +40330,17th Avenue & Charles Street,-92.98983980000001,45.0210627 +40331,Highway 120 & Joy Road,-92.98497110000001,45.031701000000005 +40332,Highway 120 & 50th Street,-92.9846864,45.0216672 +40333,Highway 120 & Hadley Avenue,-92.98464390000001,45.0316947 +40334,Benet Road & Monastery Way,-92.98621750000001,44.995062600000004 +40335,17th Avenue & Charles Street,-92.9894799,45.0212074 +40336,Monastery Way & Maple Avenue,-92.9860426,44.993820500000005 +40337,15th Street & Hadley Avenue,-92.96488760000001,44.9703698 +40338,Margaret Street & 14th Avenue,-92.9923844,45.0185119 +40339,Conway Avenue & 14th Street,-92.9960372,44.956072000000006 +40340,Margaret Street & 12th Avenue,-92.9923818,45.0167068 +40341,Conway Avenue & 5th Street,-92.9998638,44.956014100000004 +40342,95th Avenue Park & Ride,-93.18390050000001,45.145484200000006 +40343,Marquette Avenue & 5th Street,-93.2695499,44.9780729 +40344,Naples Street & 89th Avenue,-93.1844056,45.1315125 +40345,Park View Drive & Prairie Ridge Drive,-93.1768342,45.1214784 +40346,2nd Avenue & 5th Street,-93.26800300000001,44.9774132 +40347,Park View Drive & Naples Street,-93.1842546,45.121232500000005 +40348,Coral Sea Street & 84th Lane,-93.19870200000001,45.1230837 +40349,Highway 36 & Rice Street Park & Ride,-93.10345550000001,45.0065217 +40350,pumphouse,-92.0834313,47.7911105 +40351,Highway 61 & County Road C Park & Ride,-93.0529243,45.0197118 +40352,Highway 61 & Kohlman Avenue,-93.04898750000001,45.0234959 +40353,Stillwater Boulevard & Orleans Street,-92.83892940000001,45.0435761 +40354,Swimming beach,-92.07974870000001,47.7860334 +40355,St. Croix Valley Park & Ride,-92.83728570000001,45.0409554 +40356,Fish cleaning house,-92.08362100000001,47.7923965 +40357,Park office,-92.07863370000001,47.794548000000006 +40358,Park office,-92.07863370000001,47.794548000000006 +40359,pumphouse,-92.0834313,47.7911105 +40360,Swimming beach,-92.07974870000001,47.7860334 +40361,Fish cleaning house,-92.08362100000001,47.7923965 +40362,3rd Street & Chestnut Street,-92.8083101,45.0550039 +40363,27 Liquor,-92.13119520000001,46.760332700000006 +40364,Sibley Street & 4th Street,-93.087231,44.947853300000006 +40365,4th Street & Pine Street,-92.8084271,45.0518603 +40366,Cottage Grove Park & Ride,-92.95566960000001,44.824971600000005 +40367,6th Street & Cedar Street,-93.0923022,44.9479148 +40368,7th Street & Nicollet Mall,-93.2719821,44.9768831 +40369,Pillsbury Drive & Church Street,-93.23319880000001,44.976927 +40370,Kellogg Boulevard & Broadway Street,-93.0830822,44.948752600000006 +40371,Target,-93.35004780000001,45.1948008 +40372,First National Bank North,-94.50649820000001,46.820511700000004 +40373,Knotty Oar Marina,-93.4363223,44.718298000000004 +40374,Dumpster Cat Games,-93.2165686,44.923539600000005 +40375,Scamp Eveland's Inc,-94.50334120000001,46.824890700000005 +40376,Bicycle Alliance of Minnesota,-93.2239636,44.934587900000004 +40377,Backus Thrift Store,-94.5028917,46.823677700000005 +40378,Bayside Cabins and Resort,-94.51875240000001,46.8192521 +40379,Pascal Street & HarMar,-93.1626519,45.0077591 +40380,Commerce Street & Pascal Street,-93.16198770000001,45.0086187 +40381,The Bailey House,-94.5183087,46.8204913 +40382,Commerce Street & Hamline Avenue,-93.1582073,45.008916400000004 +40383,County Road B & Hamline Avenue,-93.15597310000001,45.006218800000006 +40384,Pine Mountaineer Senior Center,-94.5165199,46.8214988 +40385,Eldridge Avenue & Lexington Avenue,-93.1465888,45.0045705 +40386,Lexington Avenue & Shryer Avenue,-93.1465117,45.0020688 +40387,Willard's Saloon & Eatery,-94.51652290000001,46.82100620000001 +40388,Lexington Avenue & Roselawn Avenue,-93.1465015,44.9993774 +40389,Seventh Day Adventist Church,-94.515995,46.8204513 +40390,Lexington Avenue & Garden Avenue,-93.14653340000001,44.9957707 +40391,Lexington Avenue & Larpenteur Avenue,-93.14663250000001,44.9922352 +40392,B & L Automotive Services,-94.51621390000001,46.8200019 +40393,Hamline Avenue & California Avenue,-93.1567028,44.991019900000005 +40394,Hamline Avenue & Hoyt Avenue,-93.1567502,44.9883838 +40395,Backus Locker,-94.5165396,46.820712300000004 +40396,Hamline Avenue & Arlington Avenue,-93.15678030000001,44.9847314 +40397,Lakeside Baptist Church,-94.51241540000001,46.8212381 +40398,Hamline Avenue & Midway Parkway,-93.1568393,44.9813185 +40399,Hamline Avenue & Como Avenue,-93.1569048,44.977687800000005 +40400,Broom Jeffrey,-94.5104579,46.8199121 +40401,Lexington Parkway & Wynne Avenue,-93.14674640000001,44.975793 +40402,Lexington Parkway & Energy Park Drive,-93.1467449,44.970644300000004 +40403,Cass County Land Department,-94.51427260000001,46.8206945 +40404,Mountain View Resort,-94.51875050000001,46.82979 +40405,Lexington Parkway & Hubbard Avenue,-93.1467569,44.965856 +40406,Agate Blue Inc,-94.5178506,46.826849300000006 +40407,Lexington Parkway & Minnehaha Avenue,-93.14676180000001,44.963144 +40408,Sawyer Enterprises Truck,-94.5155888,46.8175328 +40409,Lexington Parkway & Thomas Avenue,-93.1467867,44.959513300000005 +40410,Lexington Parkway & Marshall Avenue,-93.1468224,44.9488691 +40411,Lexington Parkway & University Avenue,-93.14685220000001,44.9554166 +40412,Lexington Parkway & Central Avenue,-93.1468636,44.953292100000006 +40413,Lexington Parkway & Selby Avenue,-93.1468162,44.9468601 +40414,Lexington Parkway & Ashland Avenue,-93.14678980000001,44.944140600000004 +40415,Valvoline,-92.5111943,44.066150900000004 +40416,Lexington Parkway & Grand Avenue,-93.1467101,44.939792700000005 +40417,Lexington Parkway & Fairmount Avenue,-93.14670240000001,44.936924100000006 +40418,Lexington Parkway & Saint Clair Avenue,-93.1466989,44.9343232 +40419,Lexington Parkway & Jefferson Avenue,-93.1467125,44.930824 +40420,Montreal Avenue & Elway Street,-93.14605800000001,44.9124725 +40421,7th Street & Lexington Parkway,-93.1473632,44.913873 +40422,7th Street & Lexington Parkway,-93.1475254,44.9135135 +40423,Randolph Avenue & Lexington Parkway,-93.14687,44.9270219 +40424,Montreal Avenue & Elway Street,-93.1461556,44.9123734 +40425,Edgcumbe Road & Palace Avenue,-93.1499945,44.9286368 +40426,Jefferson Avenue & Edgcumbe Road,-93.14956880000001,44.9304452 +40427,Montreal Avenue & Montreal Circle,-93.1407867,44.914320000000004 +40428,Lexington Avenue & Roselawn Avenue,-93.14628830000001,44.999110200000004 +40429,Lexington Parkway & Jefferson Avenue,-93.1464873,44.9309348 +40430,Lexington Parkway & Saint Clair Avenue,-93.14647360000001,44.934037000000004 +40431,Lexington Parkway & Fairmount Avenue,-93.1464878,44.9366706 +40432,Lexington Parkway & Grand Avenue,-93.14649270000001,44.9403668 +40433,Lexington Parkway & Ashland Avenue,-93.1464708,44.943788600000005 +40434,Lexington Parkway & Selby Avenue,-93.14648720000001,44.9464423 +40435,Lexington Parkway & Marshall Avenue,-93.146478,44.948259300000004 +40436,Lexington Parkway & Central Avenue,-93.14642590000001,44.952890800000006 +40437,Lexington Parkway & University Avenue,-93.1464881,44.9561131 +40438,Lexington Parkway & Thomas Avenue,-93.1464711,44.9592468 +40439,Lexington Parkway & Minnehaha Avenue,-93.1464596,44.962825800000005 +40440,Lexington Avenue & Shryer Avenue,-93.1463001,45.0018234 +40441,Lexington Parkway & Hubbard Avenue,-93.14645180000001,44.9655568 +40442,Lexington Parkway & Front Avenue,-93.14643860000001,44.970618200000004 +40443,County Road B & Lexington Avenue,-93.14685680000001,45.0065029 +40444,Lexington Parkway & Wynne Avenue,-93.14650780000001,44.975537200000005 +40445,Blooming Grounds,-91.6427723,44.0543192 +40446,Como Avenue & Como Picnic Grounds,-93.15341190000001,44.9778448 +40447,Hamline Avenue & Midway Parkway,-93.1566665,44.9808977 +40448,Hamline Avenue & Arlington Avenue,-93.15660460000001,44.9844383 +40449,Hamline Avenue & Hoyt Avenue,-93.1565384,44.9880706 +40450,Hamline Avenue & California Avenue,-93.15648870000001,44.991160300000004 +40451,Lexington Avenue & Larpenteur Avenue,-93.1463446,44.992335100000005 +40452,Muddy,-91.6425945,44.054672800000006 +40453,Lexington Avenue & Garden Avenue,-93.1463121,44.995338600000004 +40454,Snelling Avenue & Highland Parkway,-93.166909,44.9200579 +40455,Davern Street & 7th Street,-93.1720253,44.9005829 +40456,Saint Paul Avenue & 7th Street,-93.16585470000001,44.9041342 +40457,Saint Paul Avenue & Saunders Avenue,-93.18547690000001,44.9136302 +40458,Snelling Avenue & Minnehaha Avenue,-93.1669172,44.963197900000004 +40459,Snelling Avenue & Hewitt Avenue,-93.1669043,44.9667291 +40460,Snelling Avenue & Spruce Tree Avenue,-93.1671831,44.955185400000005 +40461,Ford Parkway & Fairview Avenue,-93.1775575,44.918062500000005 +40462,Snelling Avenue & Como Avenue,-93.1664937,44.9777593 +40463,Saint Paul Avenue & 7th Street,-93.1660164,44.9040083 +40464,Davern Street & Munster Avenue,-93.17223630000001,44.8999454 +40465,Pascal Street & Almond Avenue,-93.1619752,44.9793827 +40466,2nd Avenue & 10th Street,-93.27202980000001,44.9725581 +40467,World's Largest Turkey,-95.71025660000001,46.7227497 +40468,Tower Foods,-93.15280440000001,44.9525437 +40469,Milan's Motors,-93.1316661,44.9560115 +40470,Washington Avenue & Marquette Avenue,-93.26611600000001,44.981028200000004 +40471,3rd Street & 1st Avenue,-93.27159280000001,44.982326 +40472,Maple Grove Transit Center,-93.437205,45.0914517 +40473,Marquette Avenue & 4th Street,-93.26835820000001,44.979489400000006 +40474,4th Street & Hennepin Avenue,-93.2716846,44.9805052 +40475,Thrifty Nifty,-93.1318207,44.956011200000006 +40476,Burger Bar,-93.01110080000001,45.0855231 +40477,Oklee Cafe,-95.8545823,47.839174500000006 +40478,Cenex,-95.8557011,47.839157400000005 +40479,Red Lake County Co-Op Oklee,-95.85558420000001,47.839151300000005 +40480,intercounty,-95.8546323,47.8397766 +40481,Oklee Quilting,-95.85467200000001,47.8400101 +40482,The Shack,-92.42728430000001,47.6322866 +40483,Frenchman's Pub,-93.25534010000001,44.8835994 +40484,The Shack,-92.42699730000001,47.632442100000006 +40485,Ford Parkway & Kenneth Street,-93.1846113,44.9180269 +40486,Gate A,-93.1685393,45.0126198 +40487,Gate B,-93.1681805,45.012652700000004 +40488,Ford Parkway & Finn Street,-93.1902981,44.918024700000004 +40489,Gate C,-93.16836930000001,45.0124969 +40490,Snelling Avenue & Hoyt Avenue,-93.1671773,44.987897700000005 +40491,46th Street & 46th Avenue,-93.20797200000001,44.9198431 +40492,Snelling Avenue & University Avenue,-93.167157,44.955020100000006 +40493,Ford Parkway & Fairview Avenue,-93.1768543,44.917873500000006 +40494,46th Street & Minnehaha Avenue,-93.2153366,44.9197974 +40495,46th Street & Minnehaha Avenue,-93.2150788,44.9195785 +40496,46th Street & 46th Avenue,-93.20800360000001,44.9196395 +40497,Hope Lutheran Church,-92.22384260000001,47.6581355 +40498,Ford Parkway & Woodlawn Avenue,-93.19605820000001,44.917802900000005 +40499,Ford Parkway & Finn Street,-93.1889986,44.9178274 +40500,Snelling Avenue & University Avenue,-93.16684880000001,44.955084500000005 +40501,Snelling Avenue & Nebraska Avenue,-93.16683970000001,44.9861042 +40502,BP,-92.36338810000001,47.7844891 +40503,Eclipse Digital,-93.54317200000001,45.185222800000005 +40504,Snap Fitness,-93.7478184,44.9022048 +40505,Mocha Monkey,-93.7485644,44.902606500000005 +40506,Grand Portage Bay,-89.6745942,47.960793100000004 +40507,diesel,-92.3638629,47.7842299 +40508,North Grand Portage,-89.60220310000001,47.9996511 +40509,The Y Store,-92.3632218,47.7841741 +40510,The Ledge,-92.36294550000001,47.7843687 +40511,Edward Jones,-94.3193603,45.567051500000005 +40512,Bello Cucina,-94.31764000000001,45.564961200000006 +40513,Capras Sporting Goods,-93.23433,45.126777700000005 +40514,Jolie Olie's Sweet Shoppe,-94.31789710000001,45.5650579 +40515,Schuler Shoes,-94.2076871,45.557824200000006 +40516,The Fix Studio,-93.2242949,44.9350285 +40517,Lost 40 Loop,-94.08409660000001,47.766373 +40518,The Fix Cafe,-93.22432540000001,44.9350717 +40519,Rollag Lutheran Church,-96.23873610000001,46.7398862 +40520,Western Minnesota Steam Threshers Reunion,-96.23564420000001,46.7465774 +40521,Grong Church,-96.23786700000001,46.743358400000005 +40522,US Small Engine Parts Depot,-93.0806989,44.9386227 +40523,Radio Tower,-96.228622,46.7438932 +40524,Lower Falls,-91.5768204,47.0947673 +40525,Beaver Lake,-92.99489720000001,44.9631288 +40526,Carver Ridge,-92.9892076,44.9015919 +40527,Highwood,-92.994308,44.907825 +40528,Preservation Point,-91.5657408,47.1118669 +40529,Vista Hills,-92.9947432,44.9268112 +40530,Battle Creek,-92.99479450000001,44.9413178 +40531,End O' Creation,-91.56548140000001,47.111645900000006 +40532,Kwik Trip,-92.54115850000001,44.5631083 +40533,Top O' Creation,-91.5655614,47.1096883 +40534,Krewe,-94.317974,45.5655858 +40535,To New York,-93.1627107,44.954372500000005 +40536,Lofts of Mill Stream,-94.31726970000001,45.565015800000005 +40537,24 North Lofts,-94.31801420000001,45.5656551 +40538,Laurentian Snowmobile Trail,-92.541604,47.580962500000005 +40539,Beaver Pond Campsite,-94.9588511,47.154851900000004 +40540,JCT 5,-95.58134600000001,47.1060438 +40541,Camp Menogyn,-90.43792020000001,48.063076800000005 +40542,NORTH JCT,-95.58393910000001,47.1060366 +40543,JCT 9,-95.584106,47.105995300000004 +40544,JCT 11,-95.58569390000001,47.104776400000006 +40545,JCT 12,-95.5870156,47.1053821 +40546,Hirshfield's,-93.44656610000001,45.0976385 +40547,JCT 13,-95.59113710000001,47.1043466 +40548,Salons by JC,-93.4465746,45.097528800000006 +40549,Elm Creek Dental,-93.4413892,45.0970232 +40550,Noodles & Company,-93.4413943,45.096743000000004 +40551,Chico's,-93.44197240000001,45.0963939 +40552,Sport Clips,-93.4419707,45.096282200000005 +40553,The Joint Chiropractic,-93.44197170000001,45.096207 +40554,Kids Hair,-93.44197170000001,45.0961585 +40555,Yogurt Lab,-93.4419737,45.096111400000005 +40556,GameStop,-93.4419757,45.096058600000006 +40557,Leeann Chin,-93.4419747,45.0959827 +40558,Top Of The Rainbow,-95.5915703,47.1044758 +40559,Panera Bread,-93.4414,45.095981300000005 +40560,Nails & Spa,-93.4413973,45.0961714 +40561,JCT 15,-95.5912488,47.105402000000005 +40562,Allure Intimate Apparel,-93.4413988,45.0962535 +40563,Five Guys,-93.44140030000001,45.0963767 +40564,JCT 18,-95.59380900000001,47.107668700000005 +40565,Cold Stone Creamery,-93.44204400000001,45.0956686 +40566,Men's Wearhouse,-93.4420467,45.0955181 +40567,JCT 16,-95.5910662,47.107363600000006 +40568,Chipotle,-93.44133930000001,45.0956695 +40569,JCT 17,-95.5927211,47.107661400000005 +40570,T-Mobile,-93.4413353,45.0954344 +40571,GrabbaGreen,-93.44133670000001,45.0955388 +40572,South JCT,-95.585794,47.1006542 +40573,Chuck E. Cheese's,-93.444939,45.0945065 +40574,David's Bridal,-93.44493680000001,45.094649600000004 +40575,South JCT,-95.5845089,47.1004689 +40576,Mattress Firm,-93.44217280000001,45.094266600000005 +40577,East JCT,-95.5825961,47.1030522 +40578,JCT 7,-95.5827967,47.103371300000006 +40579,Daisy A Day,-94.31916460000001,45.568237700000005 +40580,JCT 6,-95.58165980000001,47.104246200000006 +40581,Casket Quarry Disc Golf Course,-92.1708899,46.751145400000006 +40582,Minneota Family Dental,-95.98824130000001,44.5602682 +40583,"Toepfer at Law, PLLC",-94.16107330000001,45.560470800000004 +40584,ALDI,-92.55355150000001,47.5113076 +40585,Hy-Vee Pharmacy,-91.6786309,44.0473483 +40586,Taco Bell,-93.16194180000001,45.161766300000004 +40587,DMC Wear Parts,-93.12649470000001,44.945230300000006 +40588,Ben Holmes Potato Company,-93.8734434,45.3912077 +40589,Brennan Chiropractic,-93.8760194,45.392785800000006 +40590,ALDI,-94.3337953,45.9789814 +40591,Los Ortizes’ Mexican Restaurant,-93.86856850000001,45.3894491 +40592,Domino's,-93.8740284,45.3916552 +40593,Studio5 Salon & Spa,-93.87282800000001,45.390812000000004 +40594,Modify Tatto,-93.8698181,45.3903374 +40595,Liberty Tax,-93.8733308,45.391129500000005 +40596,"Steil Insurance Services, Inc.",-93.86931890000001,45.3897819 +40597,ALDI,-94.22054460000001,45.5486926 +40598,Becker Tuxedos,-93.8682897,45.389369800000004 +40599,Good Spirits & Smoke,-93.8739231,45.391592100000004 +40600,Able Bodies Massage & Wellness,-93.87288170000001,45.390836400000005 +40601,ALDI,-92.5865483,44.5702542 +40602,ALDI,-91.6771073,44.046703400000006 +40603,ALDI,-92.99634370000001,43.682091400000004 +40604,Than's Tailor,-93.17813020000001,44.939913000000004 +40605,Shelter Construction LLC,-93.1984513,44.9773853 +40606,Fein Violins,-93.17855540000001,44.9399092 +40607,Justina Massage,-94.3196152,45.564537900000005 +40608,Minnesota Street Market,-94.31911170000001,45.564634600000005 +40609,Chris Okeleye: Allstate Insurance,-93.17871360000001,44.9399785 +40610,Uptown Styles Hair Salon,-94.31948870000001,45.564554900000005 +40611,Custom Contracting,-93.1787726,44.939984200000005 +40612,Heart Life Massage,-93.18016940000001,44.9403658 +40613,Hajime Asian Bistro,-94.2126734,45.5527336 +40614,1009,-93.1436523,45.0929074 +40615,Redpath and Company,-93.0925366,44.9468662 +40616,Jai Dee,-93.4008307,45.119105700000006 +40617,Allure Intimate Apparel,-93.14442890000001,44.940322800000004 +40618,Legacy Art & Gifts,-93.1511497,44.940262100000005 +40619,Natural Nails Spa,-93.1443169,44.9403693 +40620,Hush Therapeutic Massage,-93.1444302,44.940286300000004 +40621,European Wax Center,-93.14442890000001,44.9403494 +40622,Ekholm,-92.1932316,46.8197418 +40623,Merck Real Estate,-93.1442224,44.9403731 +40624,Egge,-92.1983118,46.7875932 +40625,Amazing Beauty Spa & Salon,-93.14216180000001,44.9401913 +40626,Spa Oro Blanco,-93.1376594,44.940210900000004 +40627,Grand Jete,-93.1410671,44.940113100000005 +40628,Spectrum Dance,-93.1413943,44.9402099 +40629,EVEREVE - Grand Avenue,-93.1366053,44.940423100000004 +40630,Avivage Massage,-93.1274149,44.940203600000004 +40631,Trade Winds,-93.136167,44.9403877 +40632,Paper Source,-93.135998,44.940114400000006 +40633,Kevin DeGezelle - State Farm Insurance Agent,-93.12576270000001,44.940080200000004 +40634,Mahnomen North Trailhead,-94.0098401,46.496343100000004 +40635,Grand Avenue Tattoo,-93.1260685,44.940298500000004 +40636,Skally’s Tax Service,-93.12650830000001,44.9397705 +40637,The Grand Hand Gallery,-93.126047,44.9400726 +40638,George's,-93.12838590000001,44.939815100000004 +40639,Edina Realty,-93.12996840000001,44.939799900000004 +40640,Edward Jones,-93.1259156,44.9400764 +40641,Moxie Hair Salon,-93.13014940000001,44.9398141 +40642,TCM Health Center / AAAOM Clinic,-93.1258378,44.9400859 +40643,Orangetheory Fitness,-93.1360083,44.9398296 +40644,Authentic Construction,-93.1316417,44.939804300000006 +40645,Grandeur Nail,-93.1322542,44.9398204 +40646,Hyacinth,-93.1334183,44.9398384 +40647,Nothing but Hemp,-93.13572660000001,44.939767 +40648,Lululemon,-93.13720190000001,44.939822 +40649,Chico's,-93.1450482,44.939858900000004 +40650,Grand Groomers,-93.1404849,44.9397442 +40651,Grand Avenue Dental,-93.14065120000001,44.939768900000004 +40652,Abbey Care Inc Home Health,-93.1485545,44.9398769 +40653,The Beauty Lounge Minneapolis,-93.2982412,44.939370800000006 +40654,Redbox,-93.79045,47.332437500000005 +40655,Main Street Veterinary Service,-93.51978340000001,44.799272 +40656,ALDI,-93.5634622,45.3269591 +40657,ALDI,-93.30793840000001,45.012608900000004 +40658,ALDI,-93.20992530000001,45.106813 +40659,Belle Via Jewelry,-93.1511426,44.9398302 +40660,ALDI,-93.36508160000001,45.055438200000005 +40661,8218/Truce Center,-93.14698560000001,44.9467772 +40662,Rum River Counseling,-93.1511224,44.9398141 +40663,Sen Hao Seng Jewelry,-93.126669,44.9633807 +40664,North Shore FCU,-90.6759531,47.647070400000004 +40665,Dragon Star Oriental Foods,-93.1270499,44.9633826 +40666,County Plumbing & Heating,-90.6765271,47.647111900000006 +40667,Lutsen Liquor Store,-90.6769402,47.646799300000005 +40668,Lockport Marketplace,-90.6781364,47.6459175 +40669,Laundromat,-90.67668540000001,47.646989100000006 +40670,ALDI,-93.2911643,44.8630708 +40671,ALDI,-92.9806772,45.049738100000006 +40672,ALDI,-93.2877861,44.9553572 +40673,ALDI,-93.0429098,44.9760696 +40674,Liberty Bell replica,-93.10213350000001,44.951301900000004 +40675,MN 55126,-93.12982670000001,45.0339497 +40676,Sabbai's The Donut Hole,-93.4686499,44.786134000000004 +40677,Pho 83 Cuisines,-93.46880610000001,44.786140800000005 +40678,PawnXchange,-93.46923930000001,44.786157 +40679,Dairy Queen,-96.0827957,46.5580757 +40680,Dollar General,-96.0839182,46.5621657 +40681,Spirit,-90.8307439,47.5769317 +40682,T-Mobile,-93.50902,44.7818765 +40683,Master Moon's Tae Kwon Do,-93.50630620000001,44.7795642 +40684,Home Choice,-93.50846340000001,44.780926 +40685,AT&T,-93.50865490000001,44.780926900000004 +40686,Pizza Ranch,-93.2870019,44.702607300000004 +40687,Bilicsan Clothing,-93.5099244,44.7806535 +40688,Zager Family Chiropractic,-93.50992040000001,44.780852100000004 +40689,Hostel du Nord,-92.1026301,46.7853343 +40690,Hirshfield's,-93.2870019,44.702776500000006 +40691,Vergas State Bank,-95.80572280000001,46.656732600000005 +40692,Studio 5 on Main,-94.2117807,46.9862155 +40693,Cenex,-95.8061447,46.656606700000005 +40694,Garphish Brewing Company,-93.2693211,45.4041409 +40695,Wannabe in Vergas,-95.8027861,46.658308500000004 +40696,ACE Cash Express,-93.1632383,44.9554534 +40697,Dug Out Bar and Grill,-93.26896780000001,45.403776400000005 +40698,Nathan’s House,-93.1689592,45.1259172 +40699,Magnolia Café,-92.4246579,46.6644324 +40700,Poor Gary's Pizza,-92.7616282,46.4540391 +40701,Parklet,-93.15983990000001,44.456809400000004 +40702,Love's,-92.0638057,43.954418000000004 +40703,Anytime Fitness,-93.28775470000001,44.906035100000004 +40704,Lou's Fish House,-91.6666136,47.026026400000006 +40705,Subway,-93.28806440000001,44.9059997 +40706,Mathnasium,-93.28806510000001,44.906131 +40707,Round Lake Resort & Bar,-93.2036286,46.7022697 +40708,Tokata Learning Center,-93.5535553,44.7854722 +40709,Goldsmith Eye Care,-93.5539821,44.784891 +40710,High Score Video Games,-93.5541944,44.784549000000005 +40711,Coffee Ta Cream,-93.5544047,44.784367 +40712,Metropolitan Dance Alliance,-93.55456240000001,44.7841645 +40713,Shakopee Public Schools District Office,-93.5545419,44.783868500000004 +40714,Dollar General,-93.55476130000001,44.783614400000005 +40715,Anytime Fitness,-93.5548464,44.7835541 +40716,Universal Child Care,-93.55500140000001,44.7833963 +40717,Aspire Academy,-93.55510290000001,44.7833223 +40718,Music,-93.35363070000001,45.1732743 +40719,College Services,-93.35314100000001,45.172966200000005 +40720,Health and Wellness Center,-93.3520027,45.173098 +40721,Library,-93.35230630000001,45.1729161 +40722,Technology,-93.35228980000001,45.1725513 +40723,Student Center,-93.35341100000001,45.172503400000004 +40724,Humanities,-93.35271180000001,45.1722764 +40725,Northface Construction,-93.6087859,45.3042084 +40726,Science,-93.352744,45.1720004 +40727,Business/Nursing,-93.35205020000001,45.1722096 +40728,Golden Thyme Coffee & Cafe,-93.13972980000001,44.946467500000004 +40729,Sense of Style,-93.13919890000001,44.9464891 +40730,Little Free Library,-93.00727730000001,44.878628500000005 +40731,American Family Insurance,-93.5253668,44.798163 +40732,Tesla Destination Charger,-92.910522,44.4833269 +40733,Hosanna Church,-93.50206560000001,44.7804622 +40734,Starters Sports Training,-93.50211900000001,44.7795843 +40735,Bonchon Chicken,-93.23539310000001,44.980714400000004 +40736,Rustic Buffalo,-93.51842520000001,44.7989259 +40737,Residential Improvement Contractors of Minnesota,-93.51843600000001,44.798972400000004 +40738,La Costeña,-93.51619810000001,44.799241900000006 +40739,Cities Edge Motorsports,-93.51574310000001,44.799375700000006 +40740,Precision Staff,-93.5184145,44.798887 +40741,Re-Claim Studios,-93.5184109,44.7988574 +40742,Zoya Med Spa,-93.5136226,44.7998946 +40743,Department of Motor Vehicles,-96.77298090000001,46.875917300000005 +40744,Progessive Dental,-93.5134251,44.799926400000004 +40745,D Spot,-92.96146010000001,44.960860600000004 +40746,U-Haul,-92.3926284,43.9736034 +40747,Marion Woods,-92.392497,43.9754449 +40748,Marion Road Storehouse,-92.3961582,43.979094800000006 +40749,Kinglsley's Auto Body,-92.3917325,43.979455300000005 +40750,Kids On The Go,-92.39685820000001,43.979148800000004 +40751,Buddhist Support Society,-92.38965110000001,43.9786389 +40752,John's Auto Service,-94.16545830000001,43.7690799 +40753,A to Z Repair & Mobility,-92.40108470000001,43.9816093 +40754,R&R Automotive,-93.21307490000001,44.928968700000006 +40755,Heron Lake Watershed District,-95.3193404,43.7938946 +40756,Sacred Heart,-95.3172342,43.7948084 +40757,North Shore Park Access,-93.81846800000001,44.195091700000006 +40758,Breakers Bar,-95.3170164,48.9053064 +40759,Ohiyesa,-93.1926289,44.893736000000004 +40760,Katar River Restaurant & Bakery,-93.2350433,44.952533200000005 +40761,27th ave W,-92.12696620000001,46.7609505 +40762,Casey's General Store,-92.75458470000001,44.065396500000006 +40763,Kwik Trip Diesel,-92.7460411,44.0203306 +40764,Kwik Trip,-92.74565220000001,44.0203344 +40765,Kwik Trip,-92.74537860000001,44.0201628 +40766,Mantorville,-92.76274930000001,44.0725132 +40767,Citizens State Bank,-92.75497510000001,44.065880500000006 +40768,County Seat Coffeehouse,-92.7555761,44.0665385 +40769,Mantorville Visitor Center,-92.75556060000001,44.0659362 +40770,Mantorville Saloon,-92.75551010000001,44.0668376 +40771,Welcome to Hayfield,-92.8583141,43.8927169 +40772,Hubbell House,-92.7551188,44.0669994 +40773,Dollar General,-92.8604706,43.8931361 +40774,Arete Automotive,-92.8582899,43.8939833 +40775,DMV Deputy Registrar's Office,-92.8660761,46.131570100000005 +40776,Baitul Hikmah Academy,-93.3997125,44.7264891 +40777,Kettle River Graphix,-92.86606210000001,46.1319876 +40778,Methven Funeral Home,-92.86534060000001,46.132769100000004 +40779,SandRocks,-92.8652364,46.132386000000004 +40780,Little Free Library,-92.9855028,44.8721982 +40781,Masjid Hamza,-93.3999285,44.7265195 +40782,Girl Scout Island,-92.51163890000001,47.3822677 +40783,Campsite #16,-92.31039630000001,43.994711900000006 +40784,Goose Poop Island,-92.5137777,47.3821772 +40785,Tiny Island,-92.5114654,47.3802566 +40786,CAMP LIBRARY,-92.3112426,43.9947263 +40787,Kisrow Classroom (outdoor),-92.3094985,43.994437000000005 +40788,Edgar A. Culbertson,-92.0917982,46.7798187 +40789,Starland Hutterite Colony,-94.4743943,44.6059988 +40790,St Louis County Sheriff,-92.10629130000001,46.7835946 +40791,Lewis G. Castle,-92.0917175,46.7798766 +40792,Saint Henry Church,-93.78816690000001,44.3864284 +40793,United States Merchant Marine / U.S. Navy Armed Guard,-92.09199310000001,46.779976100000006 +40794,Dedicated to Davis Helberg,-92.092,46.779906000000004 +40795,Northwoods Sailors,-92.0920287,46.7800257 +40796,Sharon Township Hall,-93.7888508,44.386763900000005 +40797,Float Copper,-92.09213170000001,46.7803155 +40798,Modern Ship Propeller,-92.09201750000001,46.7803387 +40799,Modern Ship Anchor,-92.09148610000001,46.7803138 +40800,Capstan,-92.091435,46.7802346 +40801,McDougall Patent Anchor,-92.0913398,46.7800948 +40802,Trotman Folding Stock Anchor,-92.0914637,46.780281 +40803,Clarkson Eyecare,-93.5008176,44.774404800000006 +40804,Allure Hair Salon & Spa,-93.50082680000001,44.774245900000004 +40805,Bridge Chiropractic,-93.50082680000001,44.774112 +40806,Anchor Boutique,-93.50082590000001,44.774178000000006 +40807,Metro Dentalcare,-93.50082680000001,44.7740461 +40808,Lakewalk Galley,-92.0917951,46.7807842 +40809,SouthSide Liquor,-93.50208810000001,44.7740784 +40810,Liberty Oxygen,-93.50209190000001,44.7741892 +40811,South Breakwater Inner Light,-92.0920157,46.778714400000005 +40812,State Farm,-93.50209190000001,44.7742208 +40813,Zuppa Cucina,-93.5020909,44.774255800000006 +40814,Altona Christian Community,-93.9721014,44.525597600000005 +40815,Nails Lovely,-93.5020872,44.7743283 +40816,Ramble On Records,-93.524551,44.7987188 +40817,Coast Guard Basin,-92.0915478,46.771516600000005 +40818,Sit & Sip,-93.5246807,44.7987133 +40819,Valley Sports,-93.5269226,44.7984242 +40820,Big Stone Hutterite Colony,-96.4749,45.5277 +40821,Paul's Bicycle Shop,-93.5268437,44.798136500000005 +40822,Public Launch,-96.1184118,45.319766400000006 +40823,ShakRa Yoga & Fitness,-93.52626640000001,44.7984938 +40824,The Room @ Babe's Place,-93.5267785,44.7979434 +40825,Crazy Lady Ink,-93.5263264,44.7984905 +40826,Digital Impact Solutions,-93.52676740000001,44.797884 +40827,H&R Block,-93.52654290000001,44.7984681 +40828,Farmers Insurance,-93.5267573,44.797836600000004 +40829,My Brother's Keeper,-93.526729,44.7977451 +40830,Fishing pier,-96.1165024,45.3282578 +40831,Holtz Family Chiropractic,-93.52671090000001,44.7976679 +40832,Canterbury Chiropractic,-93.5260901,44.798801700000006 +40833,Thrivent,-93.5249735,44.7968272 +40834,Trosen Land Surveying,-93.5250003,44.7969305 +40835,Bluff Creek Boutique,-93.5253426,44.798114600000005 +40836,Turtle's 1890 Social Centre,-93.52542220000001,44.7983727 +40837,Edward Jones,-93.5283002,44.7979313 +40838,Samuel Pond statue,-93.52536540000001,44.7988888 +40839,Chief Sakpe statue,-93.52545740000001,44.7992392 +40840,Boat Lauch,-96.02936430000001,45.3452859 +40841,Bail Bonds Doctor,-93.52833070000001,44.798162000000005 +40842,Langemo Law,-93.5283423,44.7981956 +40843,Mike's Auto Repair,-93.5321476,44.797622000000004 +40844,Excel Pawn and Jewelry,-93.53193780000001,44.797647500000004 +40845,Dave Brown Realtors,-93.5283907,44.7982486 +40846,La Flor de Jalisco,-93.5316957,44.7982645 +40847,Heartland Hutterite Colony,-96.2707055,44.1646075 +40848,Elmendorf Christian Community,-94.87690710000001,43.864810500000004 +40849,Haven Hutterite Colony,-92.7030665,43.813615500000004 +40850,Lismore Hutterite Colony,-96.5841705,45.4208902 +40851,Neuhof Hutterite Colony,-94.93372400000001,43.898387500000005 +40852,Spring Prairie Hutterite Colony,-96.4464468,46.9395053 +40853,Sarah Creek Group Camp,-93.72824560000001,45.075574100000004 +40854,Panera Bread,-92.93340540000001,44.922960800000006 +40855,Leann Chin,-92.9334061,44.924071700000006 +40856,Wayback Burgers,-92.9349126,44.9231196 +40857,MGM Liquors Minnetonka,-93.50112730000001,44.9170414 +40858,Rocco's Pizza,-92.9351872,44.923107 +40859,Boom Island Brewing Company,-93.4465679,44.894185 +40860,The Wine Shop,-93.5015936,44.9413372 +40861,DelSur Empanadas,-93.4666785,44.903474 +40862,Tonka Bottle Shop,-93.5033937,44.942413200000004 +40863,Gina Maria's,-93.46642390000001,44.903595800000005 +40864,Great Harvest Minnetonka,-93.50059630000001,44.9422687 +40865,Kai's Sushi & Grill Minnetonka,-93.5007527,44.9422663 +40866,Fragrance Outlet,-93.6667379,45.2465993 +40867,El Travieso Taqueria Minnetonka,-93.5032805,44.941704400000006 +40868,Firestone,-92.5172452,44.080350700000004 +40869,Nike,-93.6721256,45.244972100000005 +40870,American Eagle Outfitters,-93.672121,45.245542 +40871,Under Armour,-93.6721256,45.246008 +40872,Finish Line,-93.67183960000001,45.2465016 +40873,Starbucks,-93.6665492,45.2464741 +40874,Zumiez,-93.6717105,45.246597400000006 +40875,claire's,-93.66661570000001,45.2465184 +40876,Talbots,-93.6711202,45.246706100000004 +40877,Express,-93.67069120000001,45.246711000000005 +40878,Crocs,-93.6666732,45.2465601 +40879,Chico's,-93.6708411,45.246711000000005 +40880,HANESbrands,-93.6701678,45.2467175 +40881,UGG,-93.6664755,45.246422200000005 +40882,rue21,-93.6700225,45.246715900000005 +40883,Reebok,-93.666348,45.246200800000004 +40884,Famous Footwear,-93.6698703,45.2467143 +40885,Gap Factory,-93.6695959,45.2467175 +40886,The Cosmetics Company Store,-93.6663498,45.2460794 +40887,Eddie Bauer,-93.66899400000001,45.2467191 +40888,OshKosh B'gosh,-93.6687196,45.2467191 +40889,The North Face,-93.6663462,45.245968100000006 +40890,Lululemon,-93.66857200000001,45.2467175 +40891,Torrid,-93.668851,45.2467191 +40892,Michael Kors,-93.6663462,45.2458213 +40893,Converse,-93.66815000000001,45.2467191 +40894,Coach,-93.66633900000001,45.245618900000004 +40895,Book Warehouse,-93.6683575,45.2467191 +40896,Aeropostale,-93.6679862,45.2467191 +40897,Maurices,-93.66633900000001,45.2453811 +40898,Skechers,-93.66763800000001,45.2467175 +40899,Clarks,-93.66783170000001,45.2467175 +40900,Carter's,-93.6663336,45.245231800000006 +40901,Asics,-93.6677349,45.2467191 +40902,Adidas,-93.66633,45.2451445 +40903,Guess,-93.6673844,45.2467224 +40904,Jockey,-93.6670131,45.246724 +40905,Polo Ralph Lauren,-93.66633180000001,45.244980000000005 +40906,Aerie,-93.6671814,45.246724 +40907,Sunglass Hut,-93.66545570000001,45.2450058 +40908,Gap Kids,-93.6667972,45.246639800000004 +40909,Baby Gap,-93.66686720000001,45.2466929 +40910,Kate Spade New York,-93.6650747,45.2450058 +40911,Fanatics by Lids,-93.6651745,45.2450096 +40912,Columbia,-93.66485150000001,45.2450096 +40913,Bath & Body Works,-93.66447050000001,45.2450083 +40914,Zvago Cooperative Living,-92.0429649,46.820586500000005 +40915,PacSun,-93.66423470000001,45.2450096 +40916,Friends of the Library Bookstore,-94.16661570000001,45.5570487 +40917,Five Guys,-93.6643435,45.245012200000005 +40918,Old Navy,-93.6639444,45.245012200000005 +40919,Lucky Brand,-93.6626564,45.24448 +40920,Portland Square Fountain,-92.09011790000001,46.8000289 +40921,Fond du Lac Dam,-92.29705600000001,46.665934500000006 +40922,Calvin Klein,-93.66206770000001,45.244322200000006 +40923,The Children's Place,-93.6607498,45.244307400000004 +40924,Cloquet Interiors,-92.46376860000001,46.740926200000004 +40925,Carpet Mill Outlet,-92.4641656,46.740690900000004 +40926,DXL Men's Apparel,-93.6627072,45.2446883 +40927,Beijing Restaurant,-92.0708324,46.8031578 +40928,Komborrah Sports,-93.6704349,45.2467138 +40929,Papa Murphy's,-94.008252,44.164189500000006 +40930,Renaissance Festival - Kings Gate,-93.59897090000001,44.746512 +40931,Goodwill,-91.6763308,44.049092300000005 +40932,Thurston DeShaw Funeral Home,-93.3104117,45.222160300000006 +40933,Little Free Library,-93.1349529,44.9809457 +40934,Little Free Library,-93.14335270000001,44.9900431 +40935,Little Free Library,-93.14238490000001,44.987485400000004 +40936,Animal Humane Society,-93.3018279,45.1981522 +40937,Little Free Library,-93.1564451,44.989702 +40938,Little Free Library,-93.1581429,44.9881285 +40939,Warming House,-93.3139699,45.2449591 +40940,MN Girl,-93.38882790000001,45.197789 +40941,USCGC Winona,-91.6417667,44.0400293 +40942,Math On-A-Stick,-93.16828600000001,44.984159500000004 +40943,Blue Mound State Park Group Camp,-96.190088,43.7166451 +40944,Tesla Supercharger,-93.34816110000001,44.936260000000004 +40945,Latuff's Pizzeria,-93.41722220000001,44.987874600000005 +40946,SOON TO COME,-92.0937708,46.790848700000005 +40947,Prairie East Entrance,-94.20674430000001,45.584315200000006 +40948,Astound Video,-93.14695640000001,45.006703400000006 +40949,Woodlands Entrance,-94.20642980000001,45.5835136 +40950,Prairie West Entrance,-94.2072339,45.5843458 +40951,Meadow Entrance,-94.20770200000001,45.5841991 +40952,River West Entrance,-94.20664310000001,45.5823242 +40953,Surgery Center Entrance,-94.2065546,45.581689000000004 +40954,River East Entrance,-94.20609850000001,45.5822893 +40955,Healing Center Entrance,-94.2060917,45.582427300000006 +40956,Cancer Center Entrance,-94.2060635,45.582481900000005 +40957,Banner Engineering Corporation,-93.4032622,44.9898887 +40958,Sunfish Lake Mountain Bike Trailhead,-92.9039393,45.002733600000006 +40959,Hutch Bowl,-94.3927163,44.8937041 +40960,Squeaky's Bar & Grill,-94.39276770000001,44.893802 +40961,Brownton Bar & Grill,-94.3518301,44.732334200000004 +40962,Eric's Auto Repair,-94.3553194,44.731834600000006 +40963,Grace Lutheran Church,-94.35009050000001,44.7406513 +40964,Riverdale Church,-93.34804630000001,45.2181141 +40965,City Meat Market & Lockers,-94.35228830000001,44.732198800000006 +40966,Brownton Community Center,-94.3523677,44.7332837 +40967,Brownton Congregational Church,-94.3505662,44.7322415 +40968,Immanuel Lutheran Church,-94.3479336,44.732188 +40969,StayBridge Suites,-92.479167,44.022238200000004 +40970,Even Hotels by IHG,-92.47913120000001,44.0218525 +40971,TownePlace Suites by Marriott - Downtown Rochester,-92.4714112,44.021847300000005 +40972,Great Clips,-92.48050260000001,44.029820400000006 +40973,Ace Hardware,-92.479764,44.029854500000006 +40974,Jackson Hewitt,-92.47962740000001,44.029716300000004 +40975,Chuck & Don's Pet Food & Supplies,-92.47959870000001,44.0295757 +40976,Meadow Creek Church,-93.34425180000001,45.220702800000005 +40977,BluePearl Pet Hospital,-92.126574,46.7640388 +40978,Planned Parenthood,-94.1503306,45.565998500000006 +40979,Associated Bank,-92.4627049,44.0212908 +40980,RSP,-92.462805,44.0200067 +40981,Mango Thai,-92.46280030000001,44.0198352 +40982,DSW,-92.52622760000001,44.0658961 +40983,MinnWest Bank,-92.46422360000001,44.019463200000004 +40984,Rolayne's Hair Design,-93.3088536,44.9737012 +40985,Sensonix Incorporated,-93.4798142,45.015934 +40986,Clear Holistic Therapies,-93.3087514,44.973737400000005 +40987,Bryn Mawr Pizza & Deli,-93.30864860000001,44.9737737 +40988,Nativ3 — Minneapolis HQ,-93.30857850000001,44.9738218 +40989,Papa Murphy's,-92.06825,46.804585 +40990,Banner Engineering Corporation,-93.4043596,44.990025100000004 +40991,Banner Engineering Corporation,-93.4049609,44.9900638 +40992,Banner Engineering Corporation,-93.4049488,44.9915802 +40993,Banner Engineering Corporation,-93.4798112,45.0157833 +40994,West Concord,-92.90098210000001,44.151375400000006 +40995,Leo Footwear,-93.1658486,44.9464598 +40996,Caribou Coffee,-92.06832130000001,46.8045538 +40997,Mobil Mart,-93.30796070000001,44.9742308 +40998,Duluth Surgical Suites,-92.0678196,46.8048717 +40999,Mobil 1 Lube Express,-93.3080276,44.9742995 +41000,Bobby & Steve's Auto World,-93.3080979,44.9743718 +41001,Bryn Mawr Chiropractic,-93.3085267,44.9734464 +41002,North Shore Federal Credit Union,-92.068199,46.8046206 +41003,Spruce,-93.3085264,44.973372700000006 +41004,VIVID Interior | REVĪV Boutique,-93.3067958,44.9747636 +41005,T-Mobile,-92.06808860000001,46.804735400000006 +41006,Gorgeous Looks Salon,-93.3069344,44.974924 +41007,Remix Barber & Beauty,-93.30693240000001,44.9748286 +41008,Zen Eye Care,-92.0681519,46.8046864 +41009,Kern Landscape Resources,-93.1590152,44.9685447 +41010,Weight station,-96.6762597,46.8462654 +41011,Boe Auto Center,-92.8984843,44.154235500000006 +41012,Dayton's Bluff,-93.05580590000001,44.956763900000006 +41013,Conway,-93.0151611,44.9567649 +41014,West Side,-93.0779682,44.9297435 +41015,Eastview,-93.03291030000001,44.9567999 +41016,Pig's Eye,-93.0405216,44.932830200000005 +41017,Highwood Hills,-93.01138440000001,44.9215511 +41018,Battle Creek,-93.02053090000001,44.9422991 +41019,Southeast,-93.02523260000001,44.948736800000006 +41020,Clarks Grove Market & Liquor,-93.31637350000001,43.7641744 +41021,Greater East Side,-93.0253035,44.9775113 +41022,Payne - Phalen,-93.06596850000001,44.9775222 +41023,Downtown,-93.09310020000001,44.949750400000006 +41024,North End,-93.10592120000001,44.977385000000005 +41025,West Seventh - Fort Road,-93.11733260000001,44.9341287 +41026,Pump house,-96.6178168,47.7873615 +41027,Highland,-93.1772007,44.912529600000006 +41028,Purple Goat,-92.45199600000001,44.060302 +41029,Tommy's Express Car Wash,-92.45951960000001,44.0595361 +41030,Summit Hill,-93.1364178,44.9367706 +41031,Macalester - Groveland,-93.17721470000001,44.9342983 +41032,Summit - University,-93.12631900000001,44.9485327 +41033,McDonald's,-93.94933950000001,44.339418300000006 +41034,Union Park,-93.1771916,44.948408300000004 +41035,Hamline - Midway,-93.1670692,44.9628839 +41036,Saint Anthony Park,-93.1945695,44.9742292 +41037,Lake Elmo Bank,-92.82041000000001,45.0377146 +41038,Como Park,-93.1466767,44.977470700000005 +41039,South Saint Anthony Park,-93.1975656,44.963921400000004 +41040,Frogtown,-93.1263071,44.959358300000005 +41041,Merriam Park,-93.18272400000001,44.948410900000006 +41042,Snelling - Hamline,-93.16188100000001,44.9466249 +41043,North Saint Anthony Park,-93.19580730000001,44.982395800000006 +41044,Lexington - Hamline,-93.1517482,44.946644000000006 +41045,Albertville,-93.6642199,45.234708600000005 +41046,Oakdale,-92.9645794,44.985624 +41047,Desnoyer Park,-93.2001728,44.9534523 +41048,Daily Thread,-92.4791416,44.004866400000004 +41049,Shadow Falls,-93.19687680000001,44.9441111 +41050,Windsor,-92.4797353,44.0033813 +41051,Bullseye Action Target,-92.48008100000001,44.0049676 +41052,Iris Park,-93.1771992,44.9539819 +41053,Popper's Tea,-92.48091330000001,44.0038363 +41054,Leef Corporate Office,-93.30048620000001,44.978219300000006 +41055,Downtown Dogs,-93.29097110000001,44.9786711 +41056,Dog's Day Out,-93.29097110000001,44.978469800000006 +41057,BDH,-93.2997199,44.978214300000005 +41058,Ellendale,-93.30602130000001,43.873412200000004 +41059,Casey's General Store,-93.0492873,43.863480300000006 +41060,Blooming Prairie,-93.055723,43.8668618 +41061,Geneva,-93.2667864,43.823800000000006 +41062,Domino's,-93.1288332,44.7330686 +41063,Geneva Bar & Grill,-93.2688847,43.8232152 +41064,Lu's Sandwiches,-93.2526646,44.9899502 +41065,Redhead Mountain Bike Park Trailhead,-92.8938184,47.4774152 +41066,Sabathabi Community Center Food Shelf,-93.2720828,44.934439100000006 +41067,La Doña Cervecería,-93.2959659,44.9797438 +41068,Packaging Concepts Inc.,-93.2950002,44.980208700000006 +41069,Mandile Fruit Co,-93.29513700000001,44.9800807 +41070,Abitare Design Studio,-93.2910904,44.9796129 +41071,Wayzata Blvd,-93.32738970000001,44.9697468 +41072,HiFi Sound,-93.29085900000001,44.979552600000005 +41073,PURIS,-93.29027260000001,44.979304600000006 +41074,MSpace,-93.2900355,44.979620100000005 +41075,Olson & Humboldt,-93.2984165,44.9842018 +41076,Olson & Penn,-93.30773930000001,44.9842078 +41077,Glencoe Fort,-94.15964600000001,44.7741533 +41078,Little Canada Firefighters Memorial,-93.0876846,45.0230242 +41079,Public Access,-95.09913030000001,46.752131600000006 +41080,Statue of St. Urho,-95.0953953,46.749817400000005 +41081,Duluth-Superior Sailing Association,-92.0564372,46.7324623 +41082,Subway,-95.095532,46.751112400000004 +41083,Cedar - Isles - Dean,-93.32082270000001,44.953158 +41084,"Wendy's House of Soul, Inc",-93.3043937,44.9806891 +41085,Metro by T-Mobile,-93.304277,44.9806882 +41086,Glenwood Market,-93.3041596,44.9806873 +41087,Fred’s Body Shop,-91.6072529,44.025231600000005 +41088,West Maka Ska,-93.31946020000001,44.9449483 +41089,East Bde Maka Ska,-93.3035914,44.9431567 +41090,Hudson Road & Tamarack Village,-92.9372692,44.945081 +41091,Calhoun Isles,-93.3083574,44.9568603 +41092,Hudson Road & Globe Drive,-92.939503,44.947113400000006 +41093,Hudson Road & Globe Drive,-92.9393647,44.9468547 +41094,Hudson Road & Hudson Road Technology Center,-92.9468604,44.947469600000005 +41095,Hudson Road & Landau Drive,-92.95087140000001,44.9474504 +41096,Bielenberg Drive & The Hartford,-92.9544537,44.9431859 +41097,Hudson Road & Tamarack Village,-92.93755820000001,44.9449916 +41098,Bielenberg Drive & Tamarack Hills,-92.9544553,44.9403869 +41099,Bielenberg Drive & Guider Drive,-92.95411080000001,44.928104600000005 +41100,Highway 60 Motor Sales,-92.97483410000001,44.2789781 +41101,Bielenberg Drive & Tamarack Road,-92.95399590000001,44.9363655 +41102,Bielenberg Drive & Tamarack Hills,-92.9541159,44.941197800000005 +41103,Bielenberg Drive & The Hartford,-92.9541531,44.9433043 +41104,Hudson Road & Landau Drive,-92.9511396,44.947287200000005 +41105,Hudson Road & Hudson Road Technology Center,-92.9472853,44.9472566 +41106,Central High School Sign,-93.1479817,44.9486962 +41107,Swor & Gatto,-93.132653,44.9241429 +41108,South Point Financial Credit Union,-93.9567983,44.326113400000004 +41109,Menahga Concrete Products Inc,-95.1029443,46.7610955 +41110,22nd Governor of Minnesota Floyd B. Olson,-93.3073816,44.9840591 +41111,First English Lutheran Church,-95.0991443,46.7538861 +41112,Our Lady of the Assumption Catholic Church,-95.09921360000001,46.7550454 +41113,Lake Country Foods,-95.09878660000001,46.7556359 +41114,Dollar General,-95.1011629,46.7575808 +41115,Laestadian Lutheran Church Of Menahga,-95.1107497,46.751433500000005 +41116,Naturale Alternatives Inc,-95.1006742,46.756772500000004 +41117,4 St N,-93.4147468,44.9314565 +41118,"Seth Roiko, APRN, CN",-95.09881410000001,46.756106300000006 +41119,First English Lutheran Church Prsng,-95.1001303,46.7552004 +41120,Stonebridge Apartments,-92.82019550000001,45.0665035 +41121,Prairie's Edge Casino Resort,-95.5259353,44.7639275 +41122,Computer Repair & Services,-92.8104169,45.036589400000004 +41123,Yellow Medicine River Campgrounds,-95.43418530000001,44.7301938 +41124,Riverside Campground,-95.4583795,44.740429600000006 +41125,Passport Health Brooklyn Park Travel Clinic,-93.38916040000001,45.0882112 +41126,Downtown Hopkins,-93.4091851,44.9207673 +41127,Fareway,-92.62481910000001,44.031507700000006 +41128,National Native American Boarding School Healing Coalition,-93.23482150000001,44.962639 +41129,Sneaker City,-92.4801642,44.0047857 +41130,Ted's Trustworthy Hardware,-95.0967124,46.752860600000005 +41131,Bren Mar Rose Bed & Breakfast,-95.1005684,46.7531927 +41132,Menahga United Methodist Church,-95.0981113,46.7525573 +41133,Spirit Lake Lumber Inc.,-95.097167,46.752262800000004 +41134,Vision Nutrition,-95.0968064,46.751740700000006 +41135,North Country Motorsports,-95.09660910000001,46.753117 +41136,Dick Baso Agency,-95.0964962,46.751611800000006 +41137,Head Start,-95.09648340000001,46.7514106 +41138,"Chick Bee Farms, LLC",-95.0973237,46.7540543 +41139,Independent Apostolic Lutheran Church,-95.09560880000001,46.751318600000005 +41140,Orton's,-95.09721730000001,46.753817700000006 +41141,Western Union,-95.09567050000001,46.7515778 +41142,EPH Laundromat,-95.0970599,46.7541187 +41143,Menahga Bake Shop,-95.0964898,46.7546958 +41144,Stanton Airfield,-93.01474750000001,44.4725728 +41145,NAPA Auto Parts,-95.0968802,46.7553457 +41146,Dennis Kirk Inc,-92.96851570000001,45.6787433 +41147,Cottage House Cafe,-95.09573470000001,46.7549787 +41148,Bonfe's Auto Service & Body Repair,-93.1089723,44.939486900000006 +41149,TruStar Federal Credit Union,-95.0958365,46.7562328 +41150,Greenwood Connections,-95.08891120000001,46.756074500000004 +41151,Prairie Edge Casino Resort RV,-95.5305182,44.7660646 +41152,Greener Tomorrows,-95.0884705,46.7505746 +41153,Rose Haven,-95.09556880000001,46.746943 +41154,Jackpot Junction Casino Hotel,-94.9999556,44.531550100000004 +41155,Menahga Marine & Rental,-95.10009280000001,46.7440441 +41156,Sunnybrook Auto Sales,-95.10068360000001,46.7424328 +41157,Dennis M. Thayer,-94.1506904,45.5553729 +41158,Baso Battery,-95.1007288,46.7422004 +41159,Century Animal Clinic,-92.9851775,44.9666318 +41160,Redeemer Lutheran Church,-95.1004592,46.734539000000005 +41161,Snake Discovery: A Reptile Experience,-92.98558080000001,44.9664726 +41162,White Worm Springs,-92.99186900000001,44.8819578 +41163,Anderson Customs,-95.09935250000001,46.734331100000006 +41164,Torvinen's Auto Body,-95.09711080000001,46.734419700000004 +41165,Wayzata Transist Center,-93.51572680000001,44.9732399 +41166,Schaefer Auto Recycling Center,-95.0911547,46.735496000000005 +41167,Hwy 113 Trailhead,-95.4371703,47.144244400000005 +41168,Trubilt Industries,-95.08866660000001,46.7359808 +41169,Anchor Matson Trailhead,-95.3099303,47.1723634 +41170,Gartner Farm Trailhead,-95.2547928,47.1450307 +41171,Bob's Electric,-95.0937196,46.7427622 +41172,Falcon National Bank,-94.16398500000001,45.5581356 +41173,Pine Lake Parking Area,-95.6577283,46.9211667 +41174,"Lathrop Gray, Plant, Mooty, Attorneys at Law",-94.1641051,45.5581917 +41175,Ancona Title & Escrow,-94.1640335,45.558146 +41176,IRS-Internal Revenue Service,-94.1640735,45.5581474 +41177,"Hall Law, PA",-94.1640861,45.558113500000005 +41178,Olmsted Medical Center,-92.79040140000001,44.3038406 +41179,Security State Bank,-92.7911722,44.3034316 +41180,Stifel Nicolaus,-94.1641451,45.5581386 +41181,City of Wanamingo,-92.7905274,44.3019758 +41182,Wanamingo,-92.7903486,44.3014535 +41183,"Jovanovich, Dege & Athmann, PA",-94.16412410000001,45.558162200000005 +41184,Larson Log House,-92.7905274,44.3013927 +41185,Peavy Fountain,-93.3095916,44.9596983 +41186,Kenwood Pet Clinic,-93.3081779,44.9615196 +41187,FrameStyles,-93.3081784,44.961444300000004 +41188,Grey Cloud Island,-92.9989712,44.8057272 +41189,Bockley Gallery,-93.3082359,44.9616635 +41190,Birchbark Books & Native Arts,-93.30789490000001,44.961660800000004 +41191,ARTrageous Adventures,-93.3081411,44.961662700000005 +41192,Vara Kamin,-93.31680010000001,44.9697882 +41193,Joffe Medicenter,-93.3103315,44.9691125 +41194,Karim's Automotive,-93.3106922,44.9691464 +41195,"Heather K. Klein, PHD",-93.3166128,44.9697893 +41196,Advanced Spine & Pain Clinics Of MN,-93.31631660000001,44.969791 +41197,Honest Exteriors,-93.5017653,44.9181219 +41198,Speedway,-93.58465020000001,44.5441208 +41199,Midway Animal Hospital,-93.1672911,44.9632037 +41200,Stormcloud Trading,-93.16729910000001,44.963135900000005 +41201,Shirtz Unlimited,-93.16730050000001,44.963269200000006 +41202,Mirror of Korea,-93.1673382,44.963943500000006 +41203,Subway,-93.3183322,45.1805698 +41204,Ben Nails & Spa,-93.3181996,45.1805673 +41205,Great Clips,-93.3181038,45.180565200000004 +41206,Target,-92.58282220000001,44.569321900000006 +41207,Speedway,-92.5856368,44.5684546 +41208,Speedway,-92.58533270000001,44.568456100000006 +41209,Holiday,-94.24287460000001,46.3697432 +41210,Speedway,-94.3364736,46.649361000000006 +41211,Speedway,-94.33653430000001,46.6491039 +41212,Speedway,-94.3503776,44.8949805 +41213,Holiday,-94.24248770000001,46.3697363 +41214,Speedway,-94.35040070000001,44.895145400000004 +41215,Cub Foods,-94.24656540000001,46.3558894 +41216,Speedway,-94.31330360000001,46.598773900000005 +41217,Speedway,-94.3130101,46.598804900000005 +41218,Speedway,-94.2454946,46.368363 +41219,Speedway,-94.2454912,46.3686458 +41220,Speedway,-94.2001706,46.345594600000005 +41221,Dollar General,-92.9214565,46.9285118 +41222,Speedway,-94.20037570000001,46.345636000000006 +41223,Speedway,-92.91531180000001,46.9242697 +41224,Speedway,-92.2708966,46.8500049 +41225,Speedway,-92.9152183,46.924352500000005 +41226,Speedway,-92.27108430000001,46.8498275 +41227,Speedway,-92.0734353,46.822462200000004 +41228,Little Dukes,-93.5812166,45.5566359 +41229,ChargePoint,-93.17307360000001,44.958969 +41230,Speedway,-92.2103611,46.6917093 +41231,Speedway,-92.21058620000001,46.6917605 +41232,Kwik Trip,-93.5849257,45.5561256 +41233,Family Dollar,-93.7491456,45.3321771 +41234,Kwik Trip,-93.5849441,45.555807400000006 +41235,Casey's General Store,-93.7325045,45.331682 +41236,Coborn's,-93.5812988,45.5560771 +41237,Casey's General Store,-93.7325246,45.331968800000006 +41238,Little Duke's,-93.7354743,45.333096600000005 +41239,Speedway,-93.58190830000001,45.558061300000006 +41240,Coborn's,-93.7353911,45.333666300000004 +41241,Speedway,-93.58155280000001,45.557935900000004 +41242,Holiday,-93.74644350000001,45.3329554 +41243,Holiday,-93.74687940000001,45.3329608 +41244,Speedway,-93.8615286,45.383906100000004 +41245,Speedway,-93.74812220000001,45.3322694 +41246,Speedway,-93.74818710000001,45.3320464 +41247,Speedway,-93.3464101,45.3858698 +41248,Holiday,-93.5834221,45.4441001 +41249,Speedway,-93.5850382,45.442756900000006 +41250,Speedway,-93.3466015,45.3861086 +41251,Speedway,-93.58506340000001,45.442987300000006 +41252,Bill's Superette,-93.34934030000001,45.3207942 +41253,Signal Tower,-90.33280350000001,47.746017 +41254,Bill's Superette,-93.3493253,45.321060800000005 +41255,Speedway,-93.346676,45.3192682 +41256,Walgreens,-93.3562248,45.198189400000004 +41257,Speedway,-93.3463763,45.319076800000005 +41258,Papa Murphy's,-93.35562680000001,45.197028800000005 +41259,Speedway,-93.35504060000001,45.196969900000006 +41260,Walgreens,-93.41927510000001,44.933567800000006 +41261,Speedway,-93.3547925,45.197013000000005 +41262,CVS Pharmacy,-94.1868675,45.5526453 +41263,Speedway,-93.421891,44.9335831 +41264,Speedway,-93.42154520000001,44.9335772 +41265,Lunds & Byerlys,-93.4442798,45.0962704 +41266,Lunds & Byerlys,-93.34948750000001,44.823986600000005 +41267,Minocco,-93.60886070000001,44.9348223 +41268,Minocco - Navarre,-93.6088873,44.934954700000006 +41269,Holiday,-93.6075091,44.934421 +41270,Holiday,-93.60725950000001,44.934337 +41271,Mobil,-93.4647978,44.9045317 +41272,Culver's,-93.607523,44.9351563 +41273,Holiday,-93.60734980000001,44.9351463 +41274,Lunds & Byerlys,-93.60885780000001,44.9339999 +41275,Lunds & Byerlys,-93.4636469,44.9063941 +41276,Speedway,-93.2369728,45.0075943 +41277,Toppers,-94.15702540000001,45.558705100000005 +41278,Sugar Bomb,-96.07292790000001,46.2836482 +41279,Callies Coffee,-96.0726669,46.2836475 +41280,Speedway,-93.2366892,45.0075469 +41281,Speedway,-93.2070211,44.730833700000005 +41282,Speedway,-93.2068637,44.730984500000005 +41283,Speedway,-93.2626041,44.9984757 +41284,Speedway,-93.2629766,44.9983859 +41285,Walgreens,-93.17601280000001,44.7457234 +41286,Speedway,-93.305789,44.7717316 +41287,Kwik Trip,-93.2532973,44.657134400000004 +41288,Speedway,-93.2542456,44.655681900000005 +41289,Speedway,-93.2542418,44.6555527 +41290,Speedway,-93.3055008,44.771812100000005 +41291,Speedway,-93.16673180000001,44.9638451 +41292,Speedway,-93.0840826,44.9768447 +41293,Speedway,-93.0840675,44.9770861 +41294,Speedway,-93.2954847,44.956833200000005 +41295,Speedway,-93.2953263,44.9570658 +41296,Holiday,-93.1054383,44.989542500000006 +41297,Speedway,-93.1063373,44.9902777 +41298,Speedway,-93.02445370000001,44.9939941 +41299,Speedway,-93.1667092,44.963623500000004 +41300,Everlight Solar,-93.3721862,44.7777388 +41301,Speedway,-93.0222109,44.8405865 +41302,Speedway,-93.0219672,44.840540600000004 +41303,Speedway,-93.0000747,44.873867700000005 +41304,Maverick Drone Systems,-93.37285560000001,44.777803000000006 +41305,Speedway,-93.0809617,44.907382000000005 +41306,Speedway,-93.0446469,44.966988300000004 +41307,Speedway,-93.0811759,44.9072079 +41308,Speedway,-93.0446845,44.967247 +41309,Speedway,-93.0493402,44.9083198 +41310,Speedway,-93.02565910000001,44.9523646 +41311,Speedway,-93.0493739,44.9085216 +41312,Speedway,-93.1022882,44.928358100000004 +41313,Sephora at Kohl's,-92.4595403,43.9842571 +41314,Speedway,-93.0256959,44.9521085 +41315,Malika,-92.4783316,44.00426 +41316,Solberg Insurance Agency,-95.7000143,46.7272102 +41317,The Bunker Bar,-92.73442220000001,44.060149900000006 +41318,Sodbuster Strip,-92.68752540000001,44.400953 +41319,Johnson Performance,-95.7021704,46.7262531 +41320,Frazee Care Center,-95.70597280000001,46.727476300000006 +41321,Langen Family Chiropractic,-95.700885,46.728137800000006 +41322,Dollar General,-95.7094469,46.7300167 +41323,AK Massage,-95.7005907,46.7274273 +41324,Acorn Lake Veterinary Service,-95.710744,46.7307976 +41325,Northern Lights Dance Academy,-95.6990555,46.726515500000005 +41326,Chic Shed,-95.701186,46.727856700000004 +41327,Frazee Family Foods,-95.6995464,46.7267329 +41328,Palace Cafe On Main,-95.7016378,46.728173600000005 +41329,Backyard Station,-95.7017089,46.728228800000004 +41330,Andy's Lube & Auto Repair,-95.7027987,46.7288919 +41331,Yak-Shack Beauty Salon,-95.6996464,46.726980600000005 +41332,Frazee VFW 7702,-95.70198710000001,46.728972600000006 +41333,United Community Bank,-95.7017869,46.7286731 +41334,Brownsdale,-92.87091670000001,43.7410982 +41335,Ketter's Meat Market,-95.70149710000001,46.7285613 +41336,Curio,-93.2423687,44.9897432 +41337,"Dr. Steven M. Sampson, MD",-95.70121730000001,46.72836 +41338,Frazee Forum,-95.701215,46.7282851 +41339,Wakota Federal Credit Union,-93.04844200000001,44.8887544 +41340,The Coop,-93.0371154,44.888989200000005 +41341,Zee Lanes,-95.70098540000001,46.728253 +41342,Jimmy's Pizza,-95.7011274,46.7282373 +41343,Costco,-92.17186500000001,46.823169 +41344,Seip Drug,-95.70048220000001,46.727960700000004 +41345,United States Postal Service,-95.7004045,46.7278474 +41346,Ok Lumber & Hardware,-95.6986109,46.7268838 +41347,Little Free Library,-93.17543400000001,44.964139 +41348,Little Free Library,-93.1757183,44.9639795 +41349,Frazee Event Center,-95.6993489,46.728038600000005 +41350,Little Free Library,-93.17033190000001,44.965402000000005 +41351,Frazee Municipal Liquor Store,-95.6990378,46.727829 +41352,Anthem Blue Cross,-95.6994605,46.7286161 +41353,Little Free Library,-93.1703044,44.963982400000006 +41354,Lakes Audio And Rc,-95.70244240000001,46.7296466 +41355,Little Free Art Gallery,-93.17079170000001,44.963982200000004 +41356,Little Free Florist,-93.17339790000001,44.964209700000005 +41357,Frazee Police Station,-95.7027029,46.729342200000005 +41358,State of Minnesota,-95.6221459,44.1666527 +41359,Frazee United Methodist Church,-95.7002442,46.7298738 +41360,Shetek,-95.70256970000001,44.1375359 +41361,Moline Tower,-95.78654420000001,44.0972626 +41362,Furey Funeral Home,-95.69295620000001,46.7297178 +41363,Carlson-Current Lake,-95.94266180000001,44.107497800000004 +41364,Lake Wilson Tower,-95.97198680000001,43.9947199 +41365,Secondhand Hounds,-93.4465675,44.894986700000004 +41366,FedEx Office,-93.27182420000001,44.975643700000006 +41367,Nordstrom Rack,-93.272164,44.9765443 +41368,New-Mart,-93.20593480000001,44.819625 +41369,Lakeview Pro Shop,-95.8818554,46.760780800000006 +41370,Cedar Grove Laundromat,-93.20576770000001,44.819620300000004 +41371,Cedarvale Lanes,-93.20894550000001,44.817133600000005 +41372,Jensen's Food & Cocktails,-93.21029770000001,44.8175049 +41373,Fitz's Bar & Grill,-93.20906040000001,44.8170154 +41374,Martin's Meadow Open Space,-93.37941000000001,45.281037700000006 +41375,Little Free Library,-93.17280290000001,44.9665771 +41376,Dalske Woodlands Open Space,-93.2769231,45.298158300000004 +41377,Northwoods Preserve Open Space,-93.30494320000001,45.266668 +41378,Little Free Library,-93.176539,44.966353000000005 +41379,Little Free Library,-93.17070360000001,44.9665862 +41380,Subway,-93.2053242,44.8204641 +41381,Hoban Korean Restaurant,-93.20510080000001,44.8207187 +41382,Do Re Mi Karaoke,-93.2051624,44.8206542 +41383,Anytime Fitness,-93.2052271,44.8205832 +41384,Hour Kids Walk-In Childcare,-93.2054413,44.820343900000005 +41385,VON MAUR,-93.17110410000001,45.013651800000005 +41386,Cielito Lindo,-93.205509,44.820272800000005 +41387,Lux Nail Spa,-93.20557070000001,44.8202061 +41388,Mike's Shoe Repair,-93.2056338,44.8201395 +41389,Isanti Bicycle,-93.24752880000001,45.490328000000005 +41390,Mint Tea Bubble Tea and Coffee,-93.2056939,44.8200805 +41391,Barbers,-93.20574780000001,44.820024800000006 +41392,Osage Dental Associates,-93.3187152,45.178680400000005 +41393,TrueCare Chiropractic,-93.205808,44.819969 +41394,Northside Oral Surgeons,-93.3187116,45.1786101 +41395,Medics Training Inc,-93.3187094,45.178531500000005 +41396,Domino's,-93.20585100000001,44.8199002 +41397,Seek Careers and Staffing,-93.20586800000001,44.8198139 +41398,Coinstar,-94.9089756,47.4968389 +41399,Camp Itasca,-95.20990920000001,47.2554342 +41400,St. Catherine's Catholic Church,-95.2125968,47.2516691 +41401,Mango Mango Dessert,-93.2353551,44.9807561 +41402,Coffee Pot landing campsite,-95.1834115,47.349872600000005 +41403,Tavern 22,-92.44843060000001,44.058261300000005 +41404,CutN Creations Metalworks,-95.75941080000001,47.579972500000004 +41405,All That & More Liquidation Center,-95.75944030000001,47.580207900000005 +41406,LePier Tire & Auto,-95.7471647,47.5734256 +41407,All That & More Toro,-95.75866540000001,47.579950700000005 +41408,LePier Tire & Auto,-95.74713120000001,47.573549500000006 +41409,Fosston City Mural (New),-95.75246530000001,47.5763959 +41410,The Beauty Room,-95.750822,47.577221800000004 +41411,Ace Hardware,-96.1811016,48.117618900000004 +41412,Sheets Salon,-96.18129230000001,48.117732100000005 +41413,Kilen's Custom Cleaners,-96.1811935,48.117814800000005 +41414,Doherty | The Employment Experts,-96.6043267,47.7766548 +41415,Fredenburg Community Center,-92.2181171,46.973717300000004 +41416,Little Free Library,-93.17995210000001,44.9644874 +41417,Fredenberg Minno-ette,-92.2180417,46.974582600000005 +41418,Anchor Point Church,-92.21339660000001,46.9747215 +41419,Inger Community Center,-93.9806362,47.5529999 +41420,Oak Haven Resort & Campground,-94.6708852,47.4386455 +41421,Oak Haven Resort Slipway,-94.67094580000001,47.4380953 +41422,Ashworth Real Estate,-93.3164722,45.178132700000006 +41423,Relieve Medical Supply,-93.317875,45.1790328 +41424,Farmers Insurance,-93.3181043,45.179035400000004 +41425,Minnoco,-93.3174863,45.180209600000005 +41426,Anoka Psychological Services,-93.31633500000001,45.178123400000004 +41427,Hwy 10 Car Care,-93.31749,45.1800743 +41428,Total Health and Healing Center,-93.31622250000001,45.178096800000006 +41429,Three Squares Restaurant,-93.441077,45.0986224 +41430,State Farm,-93.3162269,45.1780522 +41431,Walmart Garden Center,-93.06422420000001,45.049550100000005 +41432,Talking Heads Salon,-93.3164289,45.178123400000004 +41433,Walmart Pharmacy,-93.0640975,45.048723700000004 +41434,FedEx Office,-93.06465730000001,45.0493109 +41435,North Suburban Agencies,-93.3162204,45.1780016 +41436,Coinstar,-93.06390230000001,45.0491454 +41437,Powell Equipment Sales,-93.3161551,45.178094400000006 +41438,Redbox,-93.0639008,45.049031 +41439,Mini Melts,-93.0638995,45.0489389 +41440,Grace Love and Light,-93.3161541,45.178070600000005 +41441,Freeway Mini Storage,-93.0307269,45.232009000000005 +41442,The Other Place,-94.75933930000001,47.5987103 +41443,I3DVR,-94.7567176,47.586671 +41444,Turtle River Equine Veterinary,-94.7578524,47.602264700000006 +41445,Scenic Auto Body,-94.76160990000001,47.6004328 +41446,Liquor Lodge,-94.76239100000001,47.5987461 +41447,Anytime Fitness,-92.0792687,46.8012859 +41448,Wilderness Waves Salon~Spa,-94.7660943,47.5856835 +41449,Backwood Basics,-94.7687868,47.5873508 +41450,Wood Haven Resort,-94.7907014,47.622487400000004 +41451,Duluth Canal Cam,-92.09233280000001,46.779780900000006 +41452,Brother's Table,-96.7620395,46.8910299 +41453,Meridian Events Center,-96.76202330000001,46.8907887 +41454,Hillside Cam,-92.11170170000001,46.780869200000005 +41455,Duluth Harbor Cam,-92.1114783,46.7807448 +41456,Duluth Aerial Lift Bridge Cam,-92.0923977,46.7797599 +41457,Two Harbors Boat Launch,-91.66510410000001,47.0153003 +41458,Duluth Harbor - Pier B Cam,-92.1030465,46.776200100000004 +41459,Wisconsin Point Cam,-92.02585020000001,46.7100383 +41460,Duluth Bayfront Cam,-92.1116131,46.7809571 +41461,Great Lakes Aquarium,-92.09984150000001,46.7789012 +41462,Thanks for Visiting Minnesota,-92.7865701,44.957417500000005 +41463,Meduit,-94.1787881,45.615641000000004 +41464,Bissel's Mound,-92.8339682,44.9233034 +41465,Oakbury,-92.93445670000001,44.9486429 +41466,Anytime Fitness,-93.4481411,45.070601200000006 +41467,Mi Pueblo,-93.4609781,44.859720800000005 +41468,Windy's Wellness,-95.3177373,45.1917035 +41469,Anytime Fitness,-92.6337357,44.0305556 +41470,Erik's Bike Board Ski,-93.4304656,45.079218700000006 +41471,Crisp N Green,-93.4291446,45.0950622 +41472,Bonchon Chicken,-93.42925240000001,45.0952265 +41473,Taco Bell,-92.4894632,43.8762714 +41474,Dick's Sporting Goods,-93.4248287,45.0902722 +41475,REI,-93.4274876,45.0912597 +41476,Jimmy John's,-93.5887685,44.8640248 +41477,ETS Performance,-92.4513407,44.059627400000004 +41478,Star,-93.364732,45.123936500000006 +41479,Holiday,-93.31378260000001,45.1848481 +41480,Best Western Plus,-93.23825240000001,45.4897122 +41481,Heroic Goods and Games,-93.22825490000001,44.9397753 +41482,Minnoco,-93.31732330000001,45.1801673 +41483,Speedway,-93.31829400000001,45.1815791 +41484,Get Down Coffee Co,-93.299243,45.0355616 +41485,Minnesota Welcomes You,-92.78683000000001,44.9583176 +41486,GNC,-93.4772988,45.1346178 +41487,Plantyqueens,-93.2802424,44.9973023 +41488,Aero Drapery,-93.4772978,45.134759200000005 +41489,Great Clips,-93.477299,45.134711 +41490,Le's Nails,-93.47729670000001,45.134666100000004 +41491,Daily Dose,-93.47729620000001,45.1345607 +41492,Mainstream Boutique,-93.4772805,45.1342293 +41493,Rosati's Pizza,-93.47730580000001,45.134357900000005 +41494,Rock Elm Tavern,-93.4779202,45.1347849 +41495,Cookies and Cream,-93.47790640000001,45.134683300000006 +41496,Maas Cirlce,-93.7573656,44.8937022 +41497,Chipotle,-93.47688620000001,45.1336013 +41498,Farrell's Extreme Bodyshaping,-93.4769296,45.1336759 +41499,Tinto Kitchen,-93.30822020000001,44.9125074 +41500,Grove Health Dental,-93.4770563,45.133904400000006 +41501,Kalla Lily,-93.4773758,45.1333153 +41502,Association for Black Economic Power,-93.2917323,44.979119100000005 +41503,Fantastic Sams,-93.4774575,45.1334044 +41504,Subway,-93.4775374,45.133507300000005 +41505,H-9,-92.09910980000001,46.825771700000004 +41506,Boy Scout Point,-94.07952540000001,45.4386485 +41507,Diamond City Bread,-93.567451,45.3037239 +41508,Oak Island,-93.92435900000001,45.3859641 +41509,Putnam's Pasture,-94.1407083,45.5039893 +41510,Murphy Ranks Memorial,-93.2625584,44.9332714 +41511,Chipotle,-93.32082790000001,45.182346700000004 +41512,Battle Creek Yard Waste Site,-93.0105449,44.9284021 +41513,Woodsong RV Resort,-93.42332490000001,45.8999509 +41514,Banning RV Park & Campground,-92.8589534,46.1802677 +41515,Fish Lake Resort & Campground,-93.3277199,45.819613000000004 +41516,Grand Casino Hinckley RV Resort,-92.9119007,46.0096738 +41517,Rum River Campground,-93.6611525,45.9443185 +41518,Mille Lacs Island Resort,-93.54498290000001,46.1192039 +41519,Camp Holiday Resort & Campground,-93.82267630000001,46.3466219 +41520,Fiddlestix RV & Golf Resort,-93.4315523,46.1164338 +41521,Winjum's Shady Acres,-93.7018889,44.441379000000005 +41522,The Harbor On Crescent Bay,-94.0624351,46.2986656 +41523,Welcome To Minnesota,-89.5933378,47.9991404 +41524,AAA Insurance,-93.32083300000001,45.182115100000004 +41525,Cenex,-92.85337720000001,46.179347400000005 +41526,American Academy of Health and Wellness,-93.1579208,45.008167300000004 +41527,Ignite Nutrition,-93.5460225,45.1990835 +41528,Tafoya Salon,-93.32082430000001,45.1822527 +41529,Rose Garden,-93.6178752,44.8609668 +41530,Annual Garden,-93.61712200000001,44.861333200000004 +41531,Rock Garden,-93.6172724,44.861850800000006 +41532,Home Demonstration Garden,-93.6176906,44.861501800000006 +41533,Nautralistic Garden,-93.61808350000001,44.861575200000004 +41534,Rose Walk,-93.61695830000001,44.8616729 +41535,Japanese Garden,-93.61741380000001,44.862099400000005 +41536,"Peonies, Daylilies, & Lilies",-93.61651610000001,44.8615075 +41537,Woodland Azalea Garden,-93.6185068,44.8617633 +41538,Hasta Glade,-93.6179494,44.8620068 +41539,Dwarf Conifers,-93.61593400000001,44.861098000000005 +41540,Garden for Wildlife,-93.62382260000001,44.858543000000004 +41541,Prairie Garden,-93.62529660000001,44.858799600000005 +41542,Prairie,-93.62554320000001,44.8601028 +41543,Sud III,-93.62085660000001,44.858419100000006 +41544,Perennial Garden,-93.61665670000001,44.861057800000005 +41545,Harrison Sculpture Garden,-93.62049830000001,44.857931300000004 +41546,Shrub Walk,-93.6197478,44.8581938 +41547,Maple,-93.620406,44.858953400000004 +41548,Herb Gardens,-93.616371,44.860829900000006 +41549,Arborvitae,-93.61797870000001,44.858940700000005 +41550,Lilac Walk,-93.61622360000001,44.8613251 +41551,Wildflower Garden,-93.619591,44.860116700000006 +41552,Iris Garden,-93.6177104,44.859554 +41553,Terrace Garden,-93.6154537,44.861378800000004 +41554,Mountain Ash,-93.6179496,44.858754100000006 +41555,Ash,-93.623456,44.8566062 +41556,Blütenmotiv,-93.62064520000001,44.8575274 +41557,Hawthorn,-93.6226601,44.856967600000004 +41558,Crabapple,-93.62262360000001,44.857933800000005 +41559,Birch Collection,-93.6235913,44.8572295 +41560,Weeping Trees,-93.62540170000001,44.857638800000004 +41561,Small Trees,-93.62521960000001,44.8570598 +41562,Stone Arch,-93.62086880000001,44.8579224 +41563,Spruce,-93.62477220000001,44.856573000000004 +41564,Wazyata Reel,-93.6202422,44.8580033 +41565,"Four Open Rectangles, Diagonally Jointed II",-93.6203777,44.8579675 +41566,"Gahn Dancer II, Apache Mountain Spirit Dancer",-93.62046120000001,44.8581829 +41567,Canto Notturno,-93.62024570000001,44.8577755 +41568,Canto a Cinque Voci,-93.6207655,44.8581316 +41569,Spirit Bird,-93.62058610000001,44.857971400000004 +41570,Night Gesture,-93.6209919,44.8581063 +41571,Swimmers,-93.6206255,44.8583459 +41572,Construction (Crucifixion),-93.62051980000001,44.8578222 +41573,Fugue Processionaire,-93.6199469,44.857282700000006 +41574,Idyll,-93.620366,44.8575115 +41575,yum! Kitchen and Bakery,-93.16673540000001,44.9464021 +41576,Rolling Over Figure,-93.6206054,44.858119 +41577,Night Wind Sign,-93.62105700000001,44.857824 +41578,The Cathedral,-93.6206784,44.8576731 +41579,Rosati's Piza,-92.4806729,44.0298974 +41580,Epidauros II,-93.620851,44.8577068 +41581,Confluence,-93.6204584,44.857260700000005 +41582,Disc Spiral,-93.62060000000001,44.857356800000005 +41583,Ellipse Column,-93.6200417,44.8575071 +41584,Bench,-93.62002550000001,44.857515500000005 +41585,Stone Harp (Orpheus and Eurydice),-93.61991130000001,44.857396 +41586,Looking into the Wind,-93.62016480000001,44.8572804 +41587,Summer Dance,-93.62029220000001,44.857668100000005 +41588,Lowry Hill Tax,-93.2890517,44.9659296 +41589,Whole Life Clinic PMA,-93.1257135,44.7398881 +41590,Miller Upholstering,-93.2889262,44.966110900000004 +41591,Bass Lake Pet Hospital,-93.3841845,45.056204400000006 +41592,Antiques Bel Air,-93.288876,44.9662774 +41593,Storchak Cleaners,-93.2891005,44.9662805 +41594,Tesla Supercharger,-93.1549202,44.9545006 +41595,Bena Alliance Church,-94.2091517,47.3421236 +41596,WINNINBOGSHISH HISTO,-94.208742,47.3454441 +41597,43 Hoops,-93.387527,44.928479 +41598,Denny's Resort,-94.204288,47.350433900000006 +41599,Lucky Shots Pickleball Club,-93.261446,45.0284611 +41600,Ryan Peterson's Guiding,-94.2050311,47.3480268 +41601,Champions Hall Sport & Event Center,-93.4007208,44.876006700000005 +41602,Longfellow Farms,-93.9594016,45.6508784 +41603,Blackstone Manor Clock Repair,-93.4108753,44.924514900000005 +41604,Senator Paul & Sheila Wellstone Memorial,-92.45839310000001,47.4032819 +41605,Kingdom Hall of Jehovah's Witnesses,-93.2178571,44.652599300000006 +41606,Pavement Outcrop Of Polyphase-folded Banded Iron Formation,-92.2366217,47.8207912 +41607,Cedar Crossing by D.R. Horton,-93.2183037,44.652168 +41608,Veterans Path of Honor,-93.2352728,44.6549155 +41609,O'Reilly Auto Parts,-93.25070720000001,44.6567749 +41610,WaterWerks,-93.25207540000001,44.657622800000006 +41611,Divine Swine Catering,-93.2943527,44.6038835 +41612,Saufferer & Associates,-93.28307880000001,44.599751600000005 +41613,Lakeville Off-Road,-93.2951814,44.605166100000005 +41614,Starbucks,-93.1645579,45.004128200000004 +41615,Glencoe Woodworking Club,-94.1482606,44.7705153 +41616,Rock Island,-93.34739300000001,44.951071400000004 +41617,T-Mobile,-93.2282533,45.0050809 +41618,Champlin Laundromat,-93.39303410000001,45.184660300000004 +41619,Mattress Firm,-93.2280927,45.005083000000006 +41620,Where2Tea,-93.3931616,45.1841257 +41621,Mi's Eatery,-93.3930969,45.184094300000005 +41622,St. Croix Woodlands,-92.77963120000001,44.9431699 +41623,Baby Grand,-93.3329758,44.9487186 +41624,Minneapolis Community Kollel,-93.33295820000001,44.9489712 +41625,Minneapolis Performing Arts Center,-93.3332106,44.9486459 +41626,Prime Deli & Restaurant,-93.3332907,44.9489466 +41627,The Kosher Spot,-93.3332924,44.9488642 +41628,Five Below,-93.1761041,45.016268800000006 +41629,Elijah's Cup,-93.3332944,44.948764600000004 +41630,Domino's,-93.35358550000001,44.746227700000006 +41631,Urban Traveler,-93.1738608,45.0164911 +41632,LensCrafters,-93.17398610000001,45.016491800000004 +41633,Sun Spa,-93.3932005,45.1841853 +41634,Nordhaus,-93.2567137,44.9898054 +41635,Odin,-93.25555080000001,44.990105500000006 +41636,Qdoba,-93.4103451,45.033778700000006 +41637,Tobacco,-93.3932283,45.184283900000004 +41638,Bank of America,-93.4091951,45.0338119 +41639,Interpretive sign,-94.35626180000001,45.473063200000006 +41640,Papa Murphy's,-93.40930130000001,45.033809700000006 +41641,Any Lab Testing,-93.4094762,45.033774400000006 +41642,#1 Express,-93.4095748,45.033780900000004 +41643,Bach to Rock,-93.4096703,45.033774400000006 +41644,Subway,-93.4098057,45.033776100000004 +41645,Optical Styles,-93.4099261,45.0337765 +41646,Lifetime Nail & Spa,-93.40938960000001,45.0337966 +41647,Perfection Hair Salon,-93.4091157,45.0338092 +41648,Fantastic Sams,-93.4100676,45.0337848 +41649,Boost Mobile by Mobile One Wireless,-93.07791,44.929555900000004 +41650,Equestrian Campground,-95.46578360000001,44.7331081 +41651,Wellstone International High School,-93.2774356,44.975667900000005 +41652,Little Free Library,-92.77407090000001,44.980451900000006 +41653,outhouses,-93.57506310000001,45.5550353 +41654,Waste Management of Brainerd,-94.23795050000001,46.3499251 +41655,Pretzelmaker,-92.4806331,44.003983700000006 +41656,Burn Boot Camp,-92.48492680000001,44.0040248 +41657,Ameriprise - Pinnacle,-92.48611410000001,44.0029735 +41658,Sun Tan City,-92.4845358,44.004184300000006 +41659,Fox Nails,-92.4843498,44.0044192 +41660,Pine Needles Quilt & Sew,-92.4842687,44.0048771 +41661,Farmers Insurance - Jill Fasbender,-92.4860998,44.003103800000005 +41662,H&R Block,-92.4843331,44.005007400000004 +41663,Panther Field House,-94.13885110000001,44.7765196 +41664,Olmsted Medical Center - Greenview,-92.48611840000001,44.002295700000005 +41665,Best Buy,-93.3485732,45.2010239 +41666,Dick's Sporting Goods,-93.34900180000001,45.2013363 +41667,GN JUNCTION,-96.34996980000001,46.037386700000006 +41668,Los Gallos Shakopee,-93.50868960000001,44.7948615 +41669,Cub Pharmacy,-93.31862140000001,45.180407900000006 +41670,Hometown Sweets,-93.04399450000001,44.8342918 +41671,Bridgewater Sign,-93.1063251,45.067013 +41672,Welcome to Sucker Lake Park,-93.1004929,45.065012800000005 +41673,Redbox,-94.2016765,45.5505251 +41674,Coinstar,-94.20168380000001,45.550405700000006 +41675,Regina's Fine Candies,-93.0814417,44.8886685 +41676,Adventure Loot Games,-93.6566655,44.935944500000005 +41677,Fractal Cactus,-93.2245441,44.9346009 +41678,Anoka Hardware Store,-93.38918960000001,45.1990014 +41679,Pine Inn,-93.5158584,46.415439000000006 +41680,Saint Croix,-92.85788430000001,44.756704000000006 +41681,Saint Croix,-92.8578562,44.7567411 +41682,Burns,-92.80604120000001,44.7479524 +41683,Thrifty White Pharmacy,-92.8849594,46.118659 +41684,Gateway Family Healthcare Clinic,-92.88530940000001,46.118730500000005 +41685,FedEx,-94.18743520000001,45.5534504 +41686,Casey's General Store,-92.48780590000001,44.0697896 +41687,Riverside Nutrition,-94.04754650000001,45.4155718 +41688,Swan Lake Resort & Campground,-95.99700460000001,46.2145992 +41689,61 Liquors,-93.0487207,45.0228532 +41690,Batteries Plus Bulbs,-93.16747240000001,45.0078648 +41691,Verizon,-93.01715320000001,45.036302400000004 +41692,O'Reilly Auto Parts,-93.37380130000001,45.0949733 +41693,T-Mobile,-93.0171177,45.0344987 +41694,Bob's Cycle Supply,-93.1027882,45.008412500000006 +41695,JP Place,-95.5717346,46.5931355 +41696,Westwood Court,-93.7132979,46.5182342 +41697,Minnesota Truck Headquarters of Forest Lake,-93.00724720000001,45.2775972 +41698,Broadway Ave S & 3rd Ave SE,-92.4623966,43.9885626 +41699,MTH Commercial Trucks,-94.10702110000001,45.5809128 +41700,Along Broadway Ave S and south of 21st St SE,-92.4620799,43.989913900000005 +41701,Costco Gasoline,-93.34738680000001,45.200171700000006 +41702,The Footed Shaft,-92.44883,44.0799061 +41703,Starbucks,-93.38834580000001,45.172195200000004 +41704,CVS Pharmacy,-93.3879124,45.1724538 +41705,ABC Water Conditioning Services,-92.44899980000001,44.079816400000006 +41706,Early Childhood Development Center,-93.18223590000001,44.923569400000005 +41707,The Pulse,-93.1835119,44.9248312 +41708,Starbucks,-93.1843915,44.9248964 +41709,Health and Wellness Center,-93.18161660000001,44.9248344 +41710,Katie Closet,-93.1821505,44.9264086 +41711,Ichiddo Ramen,-93.187893,44.9180969 +41712,Associated Bank,-92.4740318,44.0004932 +41713,Cub Liquor - Eagan,-93.1396971,44.803798900000004 +41714,Marathon,-93.3088731,45.189760400000004 +41715,Wealth Management Solutions - Ameriprise,-93.2256423,44.0474194 +41716,Great Clips,-93.1392629,44.8037976 +41717,Heim's Truck and Trailer Repair,-93.22527140000001,44.045138900000005 +41718,Rita's Italian Ice,-93.13932940000001,44.8037993 +41719,Star Nails,-93.1394095,44.8037982 +41720,Tamarack Hills Family Dentistry,-92.9535508,44.938549200000004 +41721,Pawlished Pets Grooming Salon,-93.13949050000001,44.8037981 +41722,Oryza Poke & Ramen,-93.1391739,44.8037982 +41723,Dunn Brothers Coffee,-93.13843010000001,44.8037999 +41724,Scenic Bench,-93.170962,44.7086945 +41725,Hideout Liquor,-93.820532,45.3548501 +41726,Broadway Ave N & Riverview Heights Dr,-92.456777,44.0471889 +41727,Broadway Ave N & 17th St NE,-92.46053230000001,44.041664600000004 +41728,Red River Valley,-92.29519690000001,46.609938 +41729,Broadway Ave N & Elton Hills Dr NW,-92.46114270000001,44.041204 +41730,Third Drop Coffee,-96.77415300000001,46.873281600000006 +41731,Faith Lutheran Church,-93.4671335,46.13962 +41732,Robert J Werner Tax Consultant,-92.4774558,43.7109475 +41733,Casey's General Store,-93.30561030000001,45.2467862 +41734,White Rabbit Kitchen,-93.3055094,45.2462132 +41735,Clocktower Wine and Spirits,-93.3054798,45.246319500000006 +41736,Deer Creek Speedway Campground,-92.4783613,43.7240261 +41737,Lifetime,-93.326654,44.8810136 +41738,Buffalo Heights Golf Course,-93.8710212,45.1588645 +41739,Play It Again Sports,-94.2176312,45.5527863 +41740,Famous Dave's,-94.20796820000001,45.5583929 +41741,Great Clips,-93.73471900000001,45.3341963 +41742,Indigenous Peoples Task Force,-93.25497730000001,44.959891000000006 +41743,The Wandering Cow,-94.31794040000001,45.5651528 +41744,Hudson & Co,-94.31816880000001,45.5648374 +41745,Caribou Coffee,-93.73484590000001,45.334202000000005 +41746,Smokedale Tobacco,-93.734566,45.3341973 +41747,Basil,-93.3440961,44.948163 +41748,Manomin Resawn Timbers,-92.98701460000001,45.170640500000005 +41749,ICare Family Vision,-93.3441971,44.948163 +41750,Okciyapi,-93.28981830000001,44.9701241 +41751,OneMain Financial,-93.34448130000001,44.948162800000006 +41752,Professional Hearing Services,-93.3446126,44.948162700000005 +41753,Lien Hoa Temple,-92.3518516,44.0055454 +41754,St. Louis Park Gold & Silver,-93.3411942,44.948359 +41755,Twin City Monuments,-93.3412694,44.9483605 +41756,Jurgen's Salon,-93.34134940000001,44.948362 +41757,Clemens,-94.32132170000001,45.5605342 +41758,RESET Chiropractic and Holistic Health,-93.34142320000001,44.948363 +41759,Quiznos,-93.79768580000001,45.3027524 +41760,Totally Tan,-93.7343048,45.334185500000004 +41761,Monticello Department Of Motor Vehicles,-93.7983945,45.301557800000005 +41762,Advanced Styling,-93.734015,45.3332351 +41763,Heritage Montessori School,-93.7475916,45.3285269 +41764,Nails 4 You,-93.73436840000001,45.3341902 +41765,Cornerstone Cafe,-93.7956011,45.305971400000004 +41766,Great River Spine & Sport,-93.7340195,45.333368 +41767,No1 China,-93.7344393,45.3341882 +41768,First Aid,-93.4571401,45.3321653 +41769,Trail’s Grill & Sports Bar,-93.7341104,45.3341888 +41770,Harris Smith Cafe,-93.45708950000001,45.332577900000004 +41771,Minikahda Oaks,-93.3313866,44.942267400000006 +41772,Announcer Stand,-93.45707110000001,45.332408 +41773,Byerly Foods,-93.3476155,44.935684 +41774,Reinke's Corner,-92.41948380000001,44.1655103 +41775,Reinkes Corner Hwy 63,-92.419955,44.165915000000005 +41776,Fairchild,-93.16832930000001,44.979934500000006 +41777,Smokey The Bear,-93.17291320000001,44.9796205 +41778,Clean'n'Press,-93.34071870000001,44.9333067 +41779,Goodfellas Barber Studio,-93.3929367,45.184026700000004 +41780,Erbert & Gerbert's,-93.2160219,44.731420500000006 +41781,BUCK '54 BAR & GRILL,-93.2840535,44.7251427 +41782,Cole Salon and Spa,-93.21625300000001,44.731407100000006 +41783,Crumbl Cookies,-93.2141263,44.7309147 +41784,Papa Murphy's,-93.21412160000001,44.731209500000006 +41785,Banfield Pet Hospital,-93.2151307,44.7308979 +41786,David's Vacuums,-93.21512600000001,44.7310889 +41787,Super World Buffet,-93.21521560000001,44.7313167 +41788,9Round,-93.21529570000001,44.731346800000004 +41789,Top Star Tobacco & ECig,-93.21545130000001,44.731413800000006 +41790,Cold Stone Creamery,-93.21703690000001,44.730540600000005 +41791,Red's Savoy Pizza,-93.2157107,44.7314105 +41792,Mattress Firm,-93.21716980000001,44.7305347 +41793,GNC,-93.2158474,44.7314105 +41794,Dunn Brothers Coffee,-93.2081579,44.727505900000004 +41795,Pilgrim Dry Cleaners,-93.21596530000001,44.7314105 +41796,Simplee Pho,-93.20808190000001,44.727630100000006 +41797,Hirshfield's Paint Store,-93.2081579,44.7279378 +41798,Roofing Insights,-93.3888299,45.0891109 +41799,5 Dollar Pizza,-93.20808190000001,44.727721800000005 +41800,Celts Craft House,-93.2092865,44.727611200000005 +41801,Vendor and Exhibitor Entrance,-93.4589273,45.3315156 +41802,Kelly Park Stage,-93.2038613,44.7286586 +41803,Main Entrance,-93.45511880000001,45.330652 +41804,40th Ave SE & Trumpeter Dr SE,-92.3988956,44.009491700000005 +41805,Computer Dynamics,-94.1939277,45.5518014 +41806,GameStop,-94.1938277,45.551727400000004 +41807,40th Ave SE & Kelly Ln SE,-92.3990792,44.011206300000005 +41808,Massage Envy,-94.19088980000001,45.552824400000006 +41809,Sunflower Communities,-93.3897307,44.9878864 +41810,Stringline Pictures,-93.27761690000001,44.986130900000006 +41811,Pops Diabetes Care,-92.85649020000001,45.030647 +41812,Boat Ramp,-93.34510590000001,44.7129131 +41813,Sunrise Airport (historical),-92.98660620000001,45.4258192 +41814,APX Construction Group,-93.9399618,44.1755015 +41815,Viola Rd NE & Parkwood Hills Dr NE,-92.4376543,44.041314 +41816,14th St NE & 13th Ave NE,-92.44616330000001,44.036134600000004 +41817,The Anchor Coffee House,-93.00884330000001,45.084594 +41818,Viola Rd NE & Wheelock Dr NE,-92.43219690000001,44.0463589 +41819,Electric City Corporation,-93.37033960000001,44.943945 +41820,Aegir Brewing Company,-93.5882385,45.3181602 +41821,Paladin Plumbing,-93.37046930000001,44.944152 +41822,East Village,-93.44710470000001,44.7577854 +41823,AJ Alberts Plumbing,-92.9469882,44.9199811 +41824,North Reservation,-93.4546452,44.7520972 +41825,Brewer,-93.4544156,44.7558917 +41826,Big Eagle's,-93.46409080000001,44.7301286 +41827,Mrs Taco,-93.3054754,45.2484709 +41828,Skape,-93.47262880000001,44.7372926 +41829,Bluff View,-93.479562,44.739812400000005 +41830,Bdedan,-93.4889579,44.7445274 +41831,Eagle Creek,-93.44150250000001,44.729747200000006 +41832,Marjo Motel,-92.28375030000001,47.8034966 +41833,Petersen Blacksmith Shop,-92.6378258,43.967410300000004 +41834,Log Cabin Coffee,-91.8460651,47.902897700000004 +41835,NorthRidge Community Credit Union,-91.8462904,47.9033688 +41836,Paddle Inn,-91.84637450000001,47.902840100000006 +41837,Famous Footwear,-93.2041983,44.732569500000004 +41838,Benjamin Moore of Fairmont,-94.44941990000001,43.662139700000004 +41839,Nine Mile Brewing Company,-93.29921440000001,44.8304491 +41840,Lisu's Thai Taste,-93.17856730000001,45.0184116 +41841,Goose Lake,-91.2552586,43.5171653 +41842,Baldwin 1910 steam locomotive 806,-92.62187660000001,47.5339381 +41843,Hayshore Lake,-91.2677974,43.5373194 +41844,Louise's Place,-91.67117470000001,47.0194218 +41845,Stellar Peak (Matson Bay Overlook),-92.2093856,47.834119400000006 +41846,Nelson Auto Sales,-92.5503997,43.842770800000004 +41847,Sky Hill Park Overlook,-93.19020900000001,44.8272161 +41848,Hot Chip Bruger Bar,-92.4790854,44.000307500000005 +41849,Lasker Diamonds,-92.47953190000001,44.0003899 +41850,UC Nails,-92.47920760000001,44.000333100000006 +41851,Leeann Chin,-93.227776,45.005652700000006 +41852,Terraloco Footwear And Apparel,-92.4794107,44.0003736 +41853,Sport Clips,-93.2278965,45.0056257 +41854,Verizon,-92.47930450000001,44.0003523 +41855,The UPS Store,-93.22804000000001,45.0056086 +41856,Caribou Coffee,-93.2281861,45.005613100000005 +41857,GNC,-93.22812130000001,45.005614900000005 +41858,Nutrition Shop,-92.4597717,43.981670300000005 +41859,GameStop,-92.4597894,43.981475100000004 +41860,threshold Arts,-92.4632564,44.0197522 +41861,Elko New Market,-93.3388079,44.565819600000005 +41862,AT&T,-92.469121,44.0054451 +41863,Grand Rounds Brewing Company,-92.4633441,44.0202642 +41864,Med City Movers,-92.46477850000001,44.0171416 +41865,Half Price Books,-93.3456902,44.9309868 +41866,Semva,-92.46281090000001,44.0197468 +41867,Wooddale Offices,-93.3475442,44.930364700000005 +41868,Tesla Supercharger,-93.2286675,45.0044951 +41869,Redbox,-93.3134988,45.1849945 +41870,Peter A. Berven. D. D. S.,-93.3554041,44.9280107 +41871,Mark Davy & Associates,-93.35530320000001,44.928009800000005 +41872,Ralph H. Tully Attorney At Law,-93.35540750000001,44.9277499 +41873,"Frontline Dental, Ernest Juean, DDS",-93.3553066,44.927749000000006 +41874,W. R. Maleckar Company,-93.3551209,44.9280082 +41875,"Brookside Dentistry - L. Foster, DDS",-93.35512440000001,44.9277474 +41876,Midwest Homebrewing and Winemaking Supplies,-93.35395670000001,44.927698 +41877,Jordet's Hilltop Lounge and Pool House,-93.91409900000001,45.6405339 +41878,Party City,-93.35408050000001,44.9283019 +41879,Creekside,-93.36266160000001,44.924088600000005 +41880,Waters on Mayowood,-92.475271,43.998911400000004 +41881,Ideal Refrigeration Equipment,-93.3558958,44.9279804 +41882,Louisiana Av,-93.36543060000001,44.927039300000004 +41883,Hair and Makeup by Bria Rose,-93.3558958,44.927899000000004 +41884,FBC Remodel,-93.3509544,44.930178500000004 +41885,Redbox,-93.31885310000001,45.1798452 +41886,Lelch Audio Video,-93.3509535,44.930326 +41887,Coinstar,-93.3187769,45.179901400000006 +41888,CoinCloud,-93.31880790000001,45.1799022 +41889,Edward Jones,-93.353955,44.929227600000004 +41890,needle & skein,-93.35386720000001,44.929254900000004 +41891,Active Medical,-93.3537852,44.9292804 +41892,Revolution Salon,-93.35025320000001,44.9379598 +41893,"Spine Care, PA",-93.35369320000001,44.929309100000005 +41894,Mathnasium,-93.35034540000001,44.9379598 +41895,Clear Health Chiropractic,-93.35045450000001,44.9379803 +41896,Northwoods Roasterie & Coffee,-92.84893890000001,45.3905029 +41897,Luigi's Best: Pizza & Calzones,-93.35054240000001,44.937981300000004 +41898,Pure Barre,-93.3505956,44.937981900000004 +41899,Mama's Happy,-93.3509891,44.9385734 +41900,Fastsigns,-93.35225790000001,44.9379488 +41901,Elements Massage,-93.3508003,44.937984300000004 +41902,Fresenius Kidney Care,-93.3512568,44.9379896 +41903,Tailors On Blake,-93.35214570000001,44.9379488 +41904,Great Clips,-94.19222330000001,45.592611000000005 +41905,Hair Cult Inc,-93.3520319,44.9379488 +41906,M-Theory Martial Arts,-93.351911,44.9379488 +41907,Jimmy John's,-94.1923292,45.5925096 +41908,West Two Rivers Campground,-92.6629523,47.4807849 +41909,Verizon,-94.19192690000001,45.592901000000005 +41910,Interstate Batteries All Battery Center,-94.1920104,45.5928229 +41911,Korppi Coffee + Bake Shop,-94.1915785,45.592342300000006 +41912,King Tobacco,-94.19208370000001,45.5927498 +41913,Evol Nails,-94.1921573,45.5926758 +41914,Healthy Hub 101,-94.19227040000001,45.5925622 +41915,Fulda City Hall,-95.5997483,43.872052700000005 +41916,FunDog Bandanas,-93.3613313,44.933669300000005 +41917,Green Acres Sprinkler Co,-93.36117030000001,44.9336642 +41918,Water Conditioning Inc,-93.356701,44.928292400000004 +41919,Showcase Hockey,-93.36050630000001,44.9336859 +41920,BMS Computer & AV Rentals,-93.36011640000001,44.933672 +41921,Sew What!,-93.35658330000001,44.9283354 +41922,Educational Outfitters,-93.35647390000001,44.9283755 +41923,St. Anthony Falls Visitor Center,-93.25777310000001,44.980800800000004 +41924,Grey Eagle Public Library,-94.74848370000001,45.8246635 +41925,Mill Ruins Park,-93.2556249,44.979345800000004 +41926,Holiday,-93.1359304,44.6454682 +41927,Father Hennepin Bluffs Park,-93.2528685,44.9825395 +41928,Bassett Creek Park,-93.2737582,44.9911344 +41929,"Orvin ""Ole"" Olson Park",-93.2769483,44.998797800000006 +41930,Farm Town Brew Hall,-93.135795,44.6474903 +41931,Anytime Fitness,-93.1357888,44.6481368 +41932,Papa Murphy's,-93.1357881,44.6476635 +41933,White Pine Picnic and walking trail,-91.64506490000001,47.4200011 +41934,Skibo Vista overlook,-92.01603060000001,47.4324718 +41935,Cadotte Lake Campground Kiosk,-91.9147757,47.3827737 +41936,Hanska Public Library,-94.4940617,44.148326000000004 +41937,Ham Lake Library,-93.23209990000001,45.289975500000004 +41938,Restwell Mattress Factory,-93.3841903,44.935344 +41939,Jardin Spanish Immersion Academy,-93.253056,44.929019800000006 +41940,Minneapolis Gymnastics,-93.2530534,44.9292286 +41941,Home Choice,-93.38403740000001,44.9353436 +41942,Lock and Dam 2,-92.8688228,44.760013900000004 +41943,The Little Gym,-93.3838717,44.935343200000005 +41944,Lock and Dam 2,-92.8673052,44.758524900000005 +41945,Flooring Expo by Carpet King,-93.38372190000001,44.9353429 +41946,M J Shahidi Business,-93.36215890000001,44.9391405 +41947,Vinna Fitness,-93.36111910000001,44.9386133 +41948,KATS Airbrush Tanning Studios,-93.36229130000001,44.9391431 +41949,Minneapolis Window Shade Co.,-93.3608567,44.9386431 +41950,Eclipse Electric Manufacturing Inc,-93.36241410000001,44.9391454 +41951,Park Vacuum,-93.36085290000001,44.9387935 +41952,Function: Massage & Acupuncture,-93.360855,44.938723700000004 +41953,RNR Realty International,-93.3627431,44.939151700000004 +41954,St Louis Park Historical Society,-93.3609411,44.9387254 +41955,Thompson Medical,-93.362616,44.9395565 +41956,Saturday Properties,-93.3610213,44.938726900000006 +41957,Maestoso Music Studio,-93.3627817,44.9396586 +41958,Bryant Graphics,-93.3620338,44.9391382 +41959,Healthy For Life Meals St Louis Park,-93.3499589,44.948144500000005 +41960,Domino's,-93.34995980000001,44.9480701 +41961,Monte's Barbers,-93.3617167,44.9410504 +41962,Loc Starz Natural Hair,-93.3618496,44.9409538 +41963,The Muffler Center,-92.49192140000001,44.021804 +41964,SLP Nutrition,-93.361934,44.9408924 +41965,The Canine Coach - St Louis Park,-93.3613747,44.9412942 +41966,Petropawlis,-93.36126030000001,44.941375900000004 +41967,The Front Line Foundation,-93.3609191,44.941651900000004 +41968,Advanced Healing Center,-93.360864,44.941698300000006 +41969,Alotapilates,-93.3607975,44.9417476 +41970,Mexico City Cafe,-93.3607382,44.9417933 +41971,BluePearl,-92.49985500000001,44.022514 +41972,House of Sport Apparel - Custom Screen Printing & Embroidery,-93.3606893,44.941840400000004 +41973,Dentistry by Brian Weber,-93.3605811,44.9419155 +41974,Sahara Club,-93.36058840000001,44.9420458 +41975,Hanger Clinic,-92.49985330000001,44.0226739 +41976,The Dance Lab,-92.4998673,44.022412 +41977,The Collaborative Salon,-92.499897,44.0223189 +41978,Chase,-93.3480332,44.962592 +41979,Ninth Street Soccer and Coffee,-93.2403438,44.989012300000006 +41980,Which Wich?,-93.3480176,44.9626755 +41981,Fantastic Sams,-93.3480012,44.9627629 +41982,Palm Beach Tan,-93.3479834,44.962857400000004 +41983,Hyvee West Circle,-92.5261203,44.0650418 +41984,FedEx Office,-93.34796770000001,44.962941 +41985,Caribou Coffee,-93.3479509,44.9630306 +41986,AT&T,-93.34993320000001,44.966285400000004 +41987,GNC,-93.34993800000001,44.9664696 +41988,Twin City Nails,-93.3499362,44.9664013 +41989,Badger Hills Dental Care,-92.5245848,44.0668324 +41990,NRD Landscape Design Build,-93.5052296,44.911553700000006 +41991,Superior Dr NW at Alpha Pkwy NW,-92.52681700000001,44.067309400000006 +41992,Fleet Farm Gas,-94.2542191,45.5526883 +41993,Hector Council Room,-94.7149486,44.7426453 +41994,Loxley Coffee,-94.4565805,43.651964400000004 +41995,Hokah City Hall,-91.3461328,43.7593905 +41996,Hokah Public Library,-91.34614210000001,43.7593447 +41997,Tillie's Bar & Grill and Deck,-92.5115992,44.0175065 +41998,Gentle Dentistry,-93.4792408,45.022484000000006 +41999,Shawnee Dining Room,-92.5120485,44.0177179 +42000,The 10th Tee,-92.5099143,44.017851 +42001,Poolside Grill,-92.51222030000001,44.0182668 +42002,Stop-N-Go,-94.1599709,45.5254696 +42003,26th Avenue North Overlook,-93.2754206,45.005972500000006 +42004,Stop-N-Go,-94.1603599,45.5253923 +42005,Minneapolis Exterior House Painting Pros,-93.25656760000001,45.000533600000004 +42006,West Side Perk,-93.38497310000001,44.8085 +42007,Five Below,-93.35125400000001,45.1947167 +42008,Scoops Ice Cream,-93.38508850000001,44.808492400000006 +42009,Starbucks,-93.35048330000001,45.1948463 +42010,CVS Pharmacy,-93.35073170000001,45.1948446 +42011,Xperience Fitness,-93.3516668,45.194734200000006 +42012,Apple Tree Dental,-92.48586130000001,44.013077300000006 +42013,Rothsay Powerhouse Bar & Grill,-96.27964610000001,46.4790423 +42014,Comfort Zone Inn,-96.2795505,46.4783599 +42015,Isle-Mille Lacs Community Library,-93.4696425,46.1369242 +42016,Isle Post Office,-93.4692399,46.137384600000004 +42017,W Frontage Rd SW & Skyline Dr SW,-92.48538140000001,44.0127958 +42018,Joyful Heart Photography,-96.60388060000001,47.777147500000005 +42019,Kitchigami Regional Library Headquarters,-94.4058268,46.721753 +42020,Kimball Public Library,-94.3014725,45.3143849 +42021,HVG Systems,-93.3523145,44.9692725 +42022,Indian Motorcycle,-92.97456190000001,44.9490849 +42023,Pompeii Pizzeria,-93.5673988,45.303712600000004 +42024,Diamond Tax,-93.5677557,45.303897600000006 +42025,Fit My Feet,-92.4511118,44.0598376 +42026,ActivePT,-92.4514887,44.0597409 +42027,Chip Shots (opening April 9th),-92.4515829,44.059923100000006 +42028,Party City,-93.35219740000001,45.194694600000005 +42029,Petco,-93.35254350000001,45.194668 +42030,USPS,-93.5634995,45.314470500000006 +42031,Lake Shore Tobacco Vapor,-92.46455850000001,46.722345000000004 +42032,Whelen WPS 4004,-93.1952567,44.746285400000005 +42033,Fletcher's Ice Cream,-93.2709837,45.003143800000004 +42034,Whelen WPS 4004,-93.1661926,44.763269900000004 +42035,Whelen WPS 4004,-93.1774092,44.7208254 +42036,Cambo Flare,-93.69481060000001,45.333208600000006 +42037,Judson Memorial Baptist Church,-93.28544790000001,44.928429 +42038,West Skyline Parkway,-92.2416324,46.690505200000004 +42039,West Skyline Parkway,-92.228783,46.699454200000005 +42040,Huntington Bank,-92.0747022,46.820857600000004 +42041,West Skyline Parkway,-92.2276394,46.7041364 +42042,West Skyline Parkway,-92.22751240000001,46.7021707 +42043,Burlington,-93.0832326,44.884739 +42044,West Skyline Parkway,-92.22743820000001,46.703274400000005 +42045,Dollar Tree,-93.0832606,44.884449200000006 +42046,Papa Murphy's,-93.08327030000001,44.8842203 +42047,Minnesota Gold and Silver Exchange,-93.3817387,44.949218800000004 +42048,Sportsman's Warehouse,-93.3535229,45.194676900000005 +42049,Wooden Ship Brewing Company,-93.3217,44.9234718 +42050,The BeaHive Mercantile,-93.3816223,44.949218200000004 +42051,A Banner Smile Dental Clinic,-93.38150040000001,44.949217700000005 +42052,Fadesss Barber Studio,-93.38134260000001,44.949217000000004 +42053,Pearle Vision,-93.38776060000001,44.9360555 +42054,"Water Wizard Irrigation, LLC",-93.39626030000001,45.1020782 +42055,Verizon,-93.3876195,44.9361138 +42056,Saint Paul Public Library,-93.09709430000001,44.9438693 +42057,St. Paul Exterior Painters,-93.0928978,44.95264 +42058,Oak Grove Grocery,-93.2819204,44.966670900000004 +42059,"Allodium Investment Consultants, LLC",-93.2604611,44.9787885 +42060,Irie Vybz Jamaican Restaurant LLC,-93.308256,45.064554 +42061,Penn Lake Roast Beef,-93.30811800000001,44.841886800000005 +42062,TRIA Rink,-93.09516860000001,44.9471137 +42063,Upper Mississippi Academy,-93.0976188,44.949759900000004 +42064,History Theatre,-93.09779180000001,44.9499678 +42065,Walgreens,-93.09524370000001,44.946833600000005 +42066,Dorothy Molter Cabin Site,-91.2861517,48.0725058 +42067,Just Sew Studio,-93.35967310000001,44.9499112 +42068,St Louis Park Liquor,-93.3600208,44.9499239 +42069,Touched by Aden,-93.2760576,45.164923300000005 +42070,Nelson's,-93.36018250000001,44.9499299 +42071,Thomas Henslin: Allstate Insurance,-92.4910468,44.0213194 +42072,Friendship Point,-92.9692155,44.5096854 +42073,Pet Supplies Plus,-93.2655651,45.0702391 +42074,The Original Mattress Factory,-93.26582970000001,45.070245400000005 +42075,Milan Public Library,-95.911271,45.111687100000005 +42076,Holiday,-92.2199511,46.7254565 +42077,Valentini Chiropractic Clinic,-93.40038270000001,45.044323000000006 +42078,Eggy's Red Garter,-92.53957550000001,47.461941800000005 +42079,Discount Plumbing and Drain Cleaning,-93.3151577,44.9238999 +42080,West Eveleth/ Leonidas Overlook,-92.5624619,47.464173200000005 +42081,Allina Health Clinic,-93.8710001,45.194968700000004 +42082,Pioneer Creek,-93.74806430000001,44.9941223 +42083,Texas Roadhouse,-93.1776718,44.721400900000006 +42084,West Lakes Dentistry,-93.65558630000001,44.936405300000004 +42085,Stellis Health,-93.8712656,45.195854100000005 +42086,Law Enforcement Notice,-94.1629006,45.560174 +42087,The Dripping Root,-93.2214445,44.930379 +42088,Blind Inc.,-93.2761402,44.961107000000005 +42089,Inver Grove Vape & Tobacco,-93.0439161,44.8536653 +42090,Thai Twist Restaurant & Banquet Hall,-93.24497260000001,45.168770800000004 +42091,Shred Right,-93.36445160000001,44.806867700000005 +42092,"Charles W. ""Speed"" Holman",-93.0545213,44.936444300000005 +42093,"Minnesota West Ag Services, Inc.",-94.9241425,44.6732476 +42094,Ron's TV & Video Repair,-93.2433767,45.168666800000004 +42095,The Flower Shoppe,-93.24442,45.168734900000004 +42096,Keeper Collars,-93.2439641,45.1686725 +42097,Pioneer Plaza,-93.24311680000001,44.648371100000006 +42098,Nature Observation,-93.9558537,45.3199516 +42099,Holiday,-92.4634209,44.031186000000005 +42100,Great River Federal Credit Union,-93.72977870000001,45.331891600000006 +42101,CentraCare Clinic Family Medicine & Dialysis,-93.69681080000001,45.3317381 +42102,Big Lake Automotive,-93.706625,45.331635000000006 +42103,Little Free Library,-92.9188666,44.8723484 +42104,Cedar Lakes Casino & Hotel,-94.61611040000001,47.3840079 +42105,B,-94.2355431,45.0834386 +42106,Cass Lake Casino,-94.6164966,47.384298400000006 +42107,C,-94.23539430000001,45.083258300000004 +42108,Whispering Pines Motel,-94.6194992,47.3832098 +42109,D,-94.2353873,45.082850900000004 +42110,Stony Point Resort & Campground,-94.57427150000001,47.3788278 +42111,E,-94.23503140000001,45.082737400000006 +42112,F,-94.234542,45.082732 +42113,G,-94.2343903,45.082888100000005 +42114,H,-94.23414190000001,45.082883300000006 +42115,Canal House Restaurant,-94.574168,47.379281500000005 +42116,I,-94.23394040000001,45.0824614 +42117,Giant Walleye,-93.82382980000001,46.2940722 +42118,J,-94.2339443,45.082171800000005 +42119,PAC,-94.23212640000001,45.0829006 +42120,Como Early Learning Center,-93.2148021,44.9889784 +42121,REG Juhl Glenville Wind,-93.3079156,43.580894400000005 +42122,"Visual Expressions Graphic Design & Printing, Inc.",-93.2207302,44.9302167 +42123,Clover Bee Vegetable Farm,-92.75466390000001,45.4573532 +42124,Lady B's Hair Salon,-93.88265270000001,45.175051700000004 +42125,Fleet Farm Gas Mart,-92.4635581,43.9520302 +42126,Smokies BBQ,-93.15562720000001,45.3066637 +42127,Laurentian Divide,-94.1010413,47.576659600000006 +42128,"Kevin K. Shoeberg, P.A.",-92.96593340000001,44.922977700000004 +42129,Sons of Norway - Heimbygda Lodge,-91.976697,43.7197169 +42130,Gaga (?) Court,-93.28814340000001,45.192317 +42131,Merchants Bank,-91.9768063,43.721848900000005 +42132,Bethlehem Lutheran Church,-91.9751648,43.7196797 +42133,Church Hill School Condominiums,-91.9745989,43.719604100000005 +42134,Cilantro,-92.9012141,44.945724000000006 +42135,AutoZone,-92.90011170000001,44.945549400000004 +42136,Downtown Transit Center Station A,-92.46506190000001,44.0214997 +42137,Chateau Center,-92.4518681,44.0598206 +42138,Downtown Transit Center Station B,-92.4650941,44.0216579 +42139,Downtown Transit Center Station C,-92.46541060000001,44.0216598 +42140,Aadland Electric Inc.,-93.8875354,45.195416 +42141,Downtown Transit Center Station D,-92.4654938,44.0214939 +42142,Downtown Transit Center Station G,-92.4663843,44.0214939 +42143,Downtown Transit Center Station F,-92.4660114,44.0210889 +42144,Downtown Transit Center Station E,-92.46585320000001,44.021218100000006 +42145,Downtown Transit Center Station H,-92.4658505,44.020882500000006 +42146,11th Ave NE & 5th St NE,-92.4487225,44.028055800000004 +42147,11th Ave NE & 3rd St NE,-92.4487332,44.026285400000006 +42148,11th Ave & 3rd St NE,-92.4488754,44.026339400000005 +42149,2nd St & 1st Ave SE,-92.46177630000001,44.0214979 +42150,11th Ave & 5th St NE,-92.44887270000001,44.0280539 +42151,E Center St & Mayo Park Dr SE,-92.4566265,44.023434300000005 +42152,5th St NE & 11th Ave NE,-92.44826920000001,44.0278823 +42153,E Center St & 6th Ave SE,-92.45498230000001,44.023526800000006 +42154,11th Ave & 9th St NE,-92.4488704,44.0326864 +42155,E Center St & 7th Ave SE,-92.45403280000001,44.0234304 +42156,11th Ave NE & 7th St NE,-92.4487014,44.0298497 +42157,E Center St & 9th Ave SE,-92.45148730000001,44.023422700000005 +42158,11th Ave SE & E Center St,-92.4487302,44.0233732 +42159,11th Ave NE & E Center St,-92.4488834,44.023656700000004 +42160,11th Ave & 7th St NE,-92.4488704,44.0301698 +42161,11th Ave NE & 10th St NE,-92.44871640000001,44.0342214 +42162,11th Ave NE & 9th St NE,-92.44870780000001,44.032152200000006 +42163,9th St NE & 11th Ave NE,-92.44830710000001,44.032441500000004 +42164,9th St & 11th Ave NE,-92.448535,44.032538 +42165,11th Ave & 10th St NE,-92.4488757,44.0340969 +42166,14th St NE & 3rd Ave NE,-92.4580548,44.0362231 +42167,14th St NE & 11th Ave NE,-92.4493283,44.0361787 +42168,14th St NE & 8th Ave NE,-92.4518706,44.036180800000004 +42169,14th St NE & 5th Ave NE,-92.4555078,44.036204100000006 +42170,14th St NE & 6th Ave NE,-92.45470920000001,44.036082900000004 +42171,14th St NE & E Silver Lake Dr,-92.4579368,44.036105500000005 +42172,14th St & 8th Ave NE,-92.4526888,44.036065 +42173,14th St NE & 1st Ave NE,-92.46145050000001,44.037274000000004 +42174,14th St NE & 10th Ave NE,-92.4503715,44.0360485 +42175,14th St NE & Broadway Ave N,-92.46155510000001,44.0372026 +42176,Broadway Ave N & 3rd Ave NE,-92.4587334,44.0446219 +42177,Broadway Ave N & 14th St NE,-92.46221220000001,44.0380935 +42178,Broadway Ave N & Silver Lake Pl NW,-92.46260120000001,44.0381012 +42179,Broadway Ave N & E River Rd,-92.45917060000001,44.0445891 +42180,Broadway Ave N & Riverview Heights Dr,-92.4566011,44.0469084 +42181,Broadway Ave N north of Northern Hills Dr,-92.45529520000001,44.0510552 +42182,Dairy Queen,-96.7229192,46.8758816 +42183,Broadway Ave N & Rocky Creek Dr,-92.4545544,44.0542912 +42184,Broadway Ave N & 27th St NE,-92.45499090000001,44.054177800000005 +42185,Song Tea & Poke,-93.23424130000001,45.1596935 +42186,Raymond Public Library,-95.2399383,45.016981 +42187,Poke & Song Tea,-93.48430760000001,45.020692700000005 +42188,Hey Yu & Song Tea,-92.8921128,44.738860800000005 +42189,Song Tea & Poke,-93.3774503,44.749431400000006 +42190,Richmond Library,-94.52023290000001,45.453169300000006 +42191,Song Tea & Poke,-93.3474889,44.966171900000006 +42192,Host Campsite,-92.31123070000001,43.994842000000006 +42193,Des Moines River Access,-95.0918427,43.792848500000005 +42194,Campsite #9,-92.3113806,43.994559300000006 +42195,Rivian Service Center,-93.36919400000001,44.933143 +42196,Campsite #8,-92.3116445,43.9947339 +42197,Campsite #5,-92.31129490000001,43.995224500000006 +42198,Cherry Trees (Sakura),-93.1463444,44.980276200000006 +42199,Campsite #4,-92.31174820000001,43.9952069 +42200,Campsite #3,-92.31169840000001,43.995394100000006 +42201,Campsite #2,-92.3116823,43.995589300000006 +42202,Lake of the Isles Pencil,-93.3013001,44.9601339 +42203,Campsite #1,-92.31161920000001,43.9958255 +42204,State Forest Access,-91.7220841,43.683796900000004 +42205,State Forest Access,-91.750156,43.6673072 +42206,State Forest Access,-91.7367219,43.658580900000004 +42207,State Forest Access,-91.792229,43.673901400000005 +42208,Lola - An American Bistro,-94.45907720000001,44.3138955 +42209,State Forest Access,-91.7059127,43.763925 +42210,State Forest Access,-91.70895800000001,43.773321900000006 +42211,State Forest Access,-91.7792562,43.6738513 +42212,State Forest Access,-91.7799141,43.6743718 +42213,Taco Bell Defy,-93.3582952,45.124241600000005 +42214,Tare Market,-93.2465624,44.9989439 +42215,Professional Data Analysts,-93.2547452,45.0076595 +42216,Snap Fitness,-93.2462936,44.9990583 +42217,The Whim,-93.25518500000001,45.0076563 +42218,New City Church,-93.25165390000001,44.946380100000006 +42219,CorePower Yoga,-93.24655840000001,44.999255600000005 +42220,Woodbury Public Safety Memorial,-92.9355214,44.9190344 +42221,Ichiddo Ramen,-93.1650778,45.005562000000005 +42222,K&G Fashion Superstore,-93.164708,45.003592600000005 +42223,Woodbury Veterans Memorial,-92.9355058,44.9193261 +42224,MetroNOME Brewery,-93.0855487,44.950417800000004 +42225,Lakeside Early Learning,-92.02969560000001,46.8321406 +42226,AZ Gallery,-93.08376360000001,44.9493146 +42227,St. Paul Art Collective,-93.0835612,44.949198200000005 +42228,Cenex,-96.286073,44.261368700000006 +42229,Unwind Salon,-92.02910080000001,46.8319902 +42230,Tortoise & Hare Footwear,-92.15123530000001,46.751414600000004 +42231,Yoga North,-92.03006950000001,46.832192000000006 +42232,Hobby Lobby,-93.9579269,44.1682727 +42233,Batteries Plus Bulbs,-93.9599178,44.1679083 +42234,Canal Park Lodge,-92.09484300000001,46.7854964 +42235,Merritt School Apartments,-92.15365050000001,46.7535773 +42236,HeartCert CPR & CNA Training,-92.15093200000001,46.7516449 +42237,Members Cooperative Credit Union,-92.1510198,46.7510111 +42238,Living Waters Food Shelf,-92.1519904,46.7523891 +42239,Clyde Iron Works,-92.13392040000001,46.758512800000005 +42240,EZ Own,-92.150558,46.7523775 +42241,Pizza T's,-93.1240951,45.1434239 +42242,Primo Technology,-92.88930060000001,45.3721526 +42243,Goldeneye Trailhead,-91.06230500000001,47.5926272 +42244,Aaron's Lock & Key,-93.0176369,45.441596700000005 +42245,2nd St SE & 1st Ave SE,-92.4607984,44.021677000000004 +42246,Palisade Liquor,-93.49120660000001,46.713461 +42247,Palisade One Stop,-93.4895733,46.713439 +42248,Palisade Cafe 2.0,-93.49066210000001,46.713083100000006 +42249,Neptune's Cyber Cafe,-92.09850010000001,46.7990198 +42250,15th Ave SE & 8 1/2 St SE,-92.44539180000001,44.014523000000004 +42251,Along 3rd Ave SE south of 2nd St SE,-92.4592561,44.020693400000006 +42252,8 1/2 St SE & 15th Ave SE,-92.444968,44.014424600000005 +42253,4th St SE & 4th Ave SE,-92.45736790000001,44.019225600000006 +42254,15th Ave SE & 10th St SE,-92.4439541,44.0110006 +42255,4th St SE & 3rd Ave SE,-92.4582074,44.0194107 +42256,15th Ave SE & 11th St SE,-92.4426667,44.0097892 +42257,4th St SE & 7th Ave SE,-92.45393460000001,44.0192333 +42258,4th St SE & 6th Ave SE,-92.4548814,44.0193857 +42259,4th St SE & 9th Ave SE,-92.4511451,44.0192198 +42260,4th St SE & 9th Ave SE,-92.4511049,44.0193741 +42261,4th St SE & 11th Ave SE,-92.4489806,44.019235200000004 +42262,Along 4th St SE and west of 11th Ave SE,-92.44922460000001,44.0193839 +42263,8th Ave SE & 10th St SE,-92.4525512,44.010846900000004 +42264,11th Ave SE & 13 1/2 St SE,-92.4487842,44.004640200000004 +42265,Along 11th Ave SE and 600' south of 13 1/2 St SE,-92.44844570000001,44.0028376 +42266,16th St SE & 8th Ave SE,-92.45130590000001,44.0000238 +42267,8th Ave SE & 9th St SE,-92.4524117,44.012432000000004 +42268,8th Ave SE & 15th St SE,-92.45224110000001,44.001908300000004 +42269,8th Ave SE & 9th St SE,-92.45254600000001,44.0126865 +42270,8th Ave SE & 13th St SE,-92.4523755,44.005201500000005 +42271,8th Ave SE & 8th St SE,-92.45241680000001,44.014858600000004 +42272,8th Ave SE & 12th St SE,-92.452391,44.0068721 +42273,8th Ave SE & 8th St SE,-92.4525589,44.0151132 +42274,12th St SE & 8th Ave SE,-92.452515,44.0072568 +42275,8th Ave SE & 6th St SE,-92.45242970000001,44.0168449 +42276,8th Ave SE & 11th St SE,-92.45240910000001,44.008788 +42277,Along 8th Ave SE & south of 6th St SE,-92.4525538,44.0166052 +42278,8th Ave SE & 11th St SE,-92.45253310000001,44.009031500000006 +42279,Along 6th St SE & east of 8th Ave SE,-92.45215590000001,44.0170437 +42280,8th Ave SE & 10th St SE,-92.45242200000001,44.0105942 +42281,Cafe Astoria,-93.10755320000001,44.9411958 +42282,6th St SE & 6th Ave SE,-92.4549566,44.0170326 +42283,Global Village,-92.0940618,46.780375500000005 +42284,6th St SE & 5th Ave SE,-92.4564577,44.016919200000004 +42285,6th St SE & 4th Ave SE,-92.45735420000001,44.0170195 +42286,3rd Ave SE & 6 1/2 St SE,-92.4588319,44.016389600000004 +42287,3rd Ave SE & 5th St SE,-92.45871840000001,44.0180322 +42288,3rd Ave SE & 5th St SE,-92.45889150000001,44.017924400000005 +42289,Broadway Ave S & 25th St SW,-92.4624046,43.9852049 +42290,3rd Ave SE & 8th St SE,-92.4588346,44.0147539 +42291,Woodlake Dr SE and Channel One,-92.4599476,43.9721339 +42292,Along 35th St SE & east of Wood Lake Dr SE,-92.45926410000001,43.9719829 +42293,3rd Ave SE & 9th St SE,-92.458864,44.0127767 +42294,Zumbro Valley Health Services,-92.4567038,43.9725307 +42295,St Bridget Rd SE & Maine Ave SE,-92.4585622,43.961269200000004 +42296,Woodlake Dr SE - Zumbro Valley,-92.4568526,43.9721885 +42297,Textile Care,-92.45777430000001,43.973836500000004 +42298,Wood Lake Dr SE & ALC,-92.46085330000001,43.9737154 +42299,Along Broadway Ave S & south of 20th St SW,-92.4627238,43.9922679 +42300,St Bridget Rd SE & Garden Ct SE,-92.45855060000001,43.9582999 +42301,Target South,-92.4626812,43.9544841 +42302,3rd Ave SE & 10th St SE,-92.4587836,44.0108303 +42303,The RealHousewives Closet,-93.3163109,44.7495763 +42304,3rd Ave SE & 11th St SE,-92.45878090000001,44.008691000000006 +42305,Along 3rd Ave SE & north of 12th St SE,-92.4587534,44.007448600000004 +42306,Along 3rd Ave SE & north of 14th St SE,-92.4587487,44.0037676 +42307,Along 3rd Ave SE & north of 15th St SE,-92.4587279,44.0026467 +42308,16th St SE & 3rd Ave SE,-92.45885600000001,43.9999976 +42309,16th St SE & 2nd Ave SE,-92.4602481,44.0000015 +42310,16th St SE & Arena Dr SE,-92.4622437,43.9999899 +42311,Quads Apartments,-93.988048,44.147088700000005 +42312,Along Broadway Ave S & south of 16th St SW,-92.46419900000001,43.998845800000005 +42313,Broadway Ave S & 18th St SW,-92.4633809,43.9961367 +42314,Blue Earth and Nicollet Counties Vietnam Veterans Memorial,-94.0096666,44.146348100000004 +42315,Broadway Ave S & 19th St SW,-92.4630537,43.994267 +42316,Ash River Visitor Center,-92.83737110000001,48.4001693 +42317,Alpine Bistro,-93.9987686,44.1722185 +42318,Nicollet Bike Shop,-93.9975055,44.1721792 +42319,DOME Salon,-93.2505828,44.9891529 +42320,River Valley Running,-93.997753,44.172298100000006 +42321,Scenic Overlook,-95.59694250000001,44.0858227 +42322,D & R Cafe,-95.39962840000001,47.521950700000005 +42323,Poverty Hill,-95.789338,44.0941166 +42324,Walmart South,-92.46018930000001,43.985556100000004 +42325,25th St SE @ Kohl's,-92.45989110000001,43.9853151 +42326,28th St SE east of S Broadway Ave,-92.4594998,43.9808444 +42327,Broadway Ave S & 21st St SE,-92.46230360000001,43.9916033 +42328,28th St SE at Goodwill,-92.45944650000001,43.9809734 +42329,Broadway Ave S & 19th St SE,-92.4627533,43.994290500000005 +42330,14th St SW & 2nd Ave SW,-92.46611,44.003652900000006 +42331,Along Broadway Ave S and south of 16th St SE,-92.463999,43.9990985 +42332,2nd St SW & 9th Ave SW,-92.4766242,44.021542800000006 +42333,Walgreens South,-92.46566840000001,44.003495300000004 +42334,Apache Mall/JC Penney,-92.4775338,44.0048447 +42335,TJ Maxx Plaza,-92.48443590000001,44.004563700000006 +42336,Fox Valley Dr SW & W Frontage Rd SW,-92.48651140000001,44.0052207 +42337,Rainy Lake Visitor Center,-93.19078540000001,48.595037600000005 +42338,2nd St SW & 16th Ave SW,-92.4856087,44.021574300000005 +42339,St Marys at Canadian Honker,-92.48166110000001,44.021702100000006 +42340,La Loma Tamales,-93.2527027,44.9482389 +42341,Along 2nd St SW and west of 4th Ave SW,-92.4690085,44.0216762 +42342,Sapsucker Farms,-93.15234000000001,45.89759 +42343,W Frontage Rd SW & Fox Valley Dr SW,-92.48664240000001,44.0053445 +42344,Along 3rd Ave SW and north of 14th St SW,-92.4670959,44.0048006 +42345,1st St SW & 16th Ave SW,-92.48589170000001,44.022698000000005 +42346,3rd Ave SE & 11th St SE,-92.4586302,44.0087836 +42347,1st St NW & 16th Ave NW,-92.485933,44.024225 +42348,3rd Ave SE & 10th St SE,-92.45865160000001,44.010567 +42349,3rd Ave SE & 9th St SE,-92.4586853,44.012362700000004 +42350,1st St NW & 16th Ave NW,-92.4860707,44.0242482 +42351,3rd Ave SE & 8th St SE,-92.45870310000001,44.0148266 +42352,16th Ave NW & 2nd St NW,-92.48610860000001,44.0255043 +42353,3rd Ave SE & 6 1/2 St SE,-92.4587113,44.016224900000005 +42354,Along 16th Ave NW and north of 2nd St NW,-92.48594770000001,44.0259617 +42355,Along 16th Ave NW and east of 4th St NW,-92.48427450000001,44.028210800000004 +42356,Along 16th Ave NW and east of 4th St NW,-92.4844013,44.028251100000006 +42357,Along 16th St SE and west of 1st Ave SE,-92.46299,43.9998944 +42358,11th Ave NW & 6th St NW,-92.4789386,44.0294061 +42359,3rd Ave SE & 16th St SE,-92.45860010000001,44.000256900000004 +42360,3rd Ave SE & 14th St SE,-92.45860520000001,44.003362200000005 +42361,3rd Ave SE & 12th St SE,-92.45861740000001,44.006812200000006 +42362,11th Ave NW & 6th St NW,-92.4791526,44.029263400000005 +42363,Hometown Music Inc,-94.1232846,44.7675021 +42364,Hidden Falls,-90.5277853,47.743412400000004 +42365,Medford Senior Care,-93.24259710000001,44.1736814 +42366,Cold Spring Bakery,-94.4283405,45.4557075 +42367,Boat Storage - east,-93.4220842,45.899560400000006 +42368,Boat Storage - west,-93.42342950000001,45.901164300000005 +42369,I,-94.82546710000001,47.540218200000005 +42370,Gate,-93.42363730000001,45.9000981 +42371,Trailer Parking,-93.4275664,45.900283200000004 +42372,Dollar General,-94.910915,47.468887200000005 +42373,H,-94.82542910000001,47.5407859 +42374,Warroad High School,-95.3298185,48.9109726 +42375,Algoma Eatery,-95.32362660000001,48.9124125 +42376,Turbo Tim's Anything Automotive,-93.246964,45.0192853 +42377,Subway,-93.24699000000001,45.0133111 +42378,Prime Market and Deli,-93.2470284,45.0214646 +42379,All Things Insurance,-93.5574696,45.3029683 +42380,Lake Superior Agate Geological Marker,-91.64248260000001,47.038302 +42381,Minnesota Virtual School for Success,-96.4226926,44.5062767 +42382,The Coffee Corner,-96.4260132,44.5063073 +42383,Uncle B's Liqour,-94.92879780000001,43.9392031 +42384,Generations Bakery,-96.42599170000001,44.506703300000005 +42385,Lokcal pub,-96.42623850000001,44.5067128 +42386,Hall's Handing Heating and Cooling,-94.928527,43.939061900000006 +42387,Main Street Floral + Goods,-96.42599440000001,44.506885000000004 +42388,Botanist,-94.9298984,43.9391301 +42389,Raising Cane's,-93.29130110000001,44.6819938 +42390,Mountain Lake Family Fitness,-94.9295711,43.9384971 +42391,Isaac Bargen House,-94.924761,43.9350515 +42392,Cass Lake Lodge,-94.59955360000001,47.390166300000004 +42393,FedEx Ship Center,-94.908586,47.4688723 +42394,Sah Kah Tay Beach Resort,-94.599074,47.393653900000004 +42395,Birch Villa,-94.599074,47.394562500000006 +42396,Flower's for You,-93.17193420000001,44.833076500000004 +42397,Tom's Harbor,-94.59469390000001,47.405764600000005 +42398,Klecar,-93.1818021,44.8340097 +42399,Marclay Point Resort,-94.5948254,47.412649200000004 +42400,14th St NW & 13th Ave NW EB,-92.4815222,44.0361047 +42401,11th Ave NW & 9th St NW,-92.4789839,44.032242100000005 +42402,Along 11th Ave NW and north of 7th St NW,-92.4791824,44.031758100000005 +42403,John Marshall High School WB,-92.48453040000001,44.0362237 +42404,14th St NW & 13th Ave NW WB,-92.4811973,44.036204100000006 +42405,14th St NW & 16 1/2 Ave NW WB,-92.487036,44.036249500000004 +42406,14th St NW & 16 1/2 Ave NW EB,-92.48671150000001,44.036128000000005 +42407,Valleyhigh Dr NW & 14th St NW NB,-92.4910299,44.0364597 +42408,Valleyhigh Dr NW & 15th St NW NB,-92.4918449,44.038095000000006 +42409,Valleyhigh Dr NW & 14th St NW SB,-92.491231,44.0363594 +42410,Valleyhigh Dr NW north of 7th St NW,-92.4909762,44.034294200000005 +42411,Along Valleyhigh Dr NW and north of 7th St NW,-92.49117740000001,44.0344369 +42412,Valleyhigh Dr NW & 15th St NW SB,-92.4918851,44.0378405 +42413,Valleyhigh Dr NW & 19th Ave NW NB,-92.4929312,44.0387101 +42414,Valleyhigh Dr NW & 19th Ave NW SB,-92.4926549,44.0384498 +42415,SGT Corey Sathoff,-94.4481164,43.8030089 +42416,Lake Le Homme Dieu Beach,-95.3334348,45.912185 +42417,Little Toad Lake Campground,-95.55756570000001,46.8406439 +42418,The Country Drive-in,-94.37539910000001,44.545082300000004 +42419,Frozen Five Ice Creamery,-93.7868983,44.8494656 +42420,Pike hole bar and grill,-94.52288610000001,47.4798765 +42421,WayCross Evangelical Church,-93.2871413,45.0957268 +42422,"Snoring and Sleep Apnea Center, P.A.",-93.8761556,45.393008900000005 +42423,Lakewood Cemetary Stop,-93.30506240000001,44.935879400000005 +42424,Leo J Fick Auditorium,-93.37690660000001,44.882581200000004 +42425,Edina Performing Arts Center,-93.3770813,44.8815071 +42426,Code Ninjas,-93.5317275,44.857860300000006 +42427,Lyn Lake Chiropractic,-93.2876545,44.949113800000006 +42428,Cottonwood County Highest Point,-95.21761310000001,44.0186629 +42429,Cottonwood County Lowest Point,-95.102889,44.194929300000005 +42430,Mandarin Kitchen,-93.2893605,44.8444694 +42431,Jackson County Highest Point,-95.454104,43.5235057 +42432,Jackson County Lowest Point,-94.8547362,43.8462413 +42433,Murray County Highest Point,-96.00990370000001,43.9778571 +42434,Nobles County Highest Point,-95.9119045,43.8489415 +42435,Watonwan County Highest Point,-94.85334230000001,43.8486896 +42436,Martin County Highest Point,-94.8542764,43.508463400000004 +42437,All Seasons Fireplace,-93.3661438,44.9707926 +42438,Heron Lake Watershed Highest Point,-95.88170670000001,43.809528500000006 +42439,DreamMaker Bath & Kitchen,-93.36600410000001,44.9707875 +42440,Panther Power House,-93.4941065,43.894263200000005 +42441,State Farm - Susan A Haub,-93.36593350000001,44.970784900000005 +42442,Tangles and Co Salon,-93.36586120000001,44.9707823 +42443,Enterprise,-93.3657919,44.9707798 +42444,String Lakes Peak,-95.1742902,43.875258800000005 +42445,Khols,-93.1075009,45.184566200000006 +42446,Little Boy Resort Boat Launch,-94.20569350000001,46.9288898 +42447,Cahill Vape & Tobacco,-93.04162190000001,44.8360831 +42448,Little Boy Resort and Campground,-94.2061338,46.928731500000005 +42449,Front Porch Tavern,-94.2060362,46.928812 +42450,LV 2 Siemens,-91.67049010000001,47.019178000000004 +42451,LV 2 Siemens,-91.6698879,47.0191814 +42452,Holthe Overlook,-95.07342560000001,43.7503152 +42453,Chanhassen Chiropractic,-93.53830020000001,44.861923100000006 +42454,Dunkin',-93.4230766,45.1287777 +42455,Ed-Ventures Inc,-92.46908690000001,44.0437761 +42456,E,-94.8262179,47.544853200000006 +42457,Prosperous Massage,-91.6827805,44.051990200000006 +42458,D,-94.8294633,47.5479202 +42459,C,-94.82267700000001,47.550574000000005 +42460,Rock Elm Tavern,-93.49120590000001,45.0202431 +42461,F,-94.82147970000001,47.5472936 +42462,B,-94.8196812,47.5466935 +42463,A,-94.81284550000001,47.552879600000004 +42464,Kingdom Coffee,-93.4418461,45.0981013 +42465,G,-94.82002600000001,47.543149 +42466,J,-94.8270255,47.539537800000005 +42467,Walnut Street Barbers,-93.7930625,45.3056427 +42468,X,-94.8242982,47.5396292 +42469,AA,-94.81373160000001,47.5332693 +42470,BB,-94.81364620000001,47.536288500000005 +42471,LynLake centers for wellbeing,-93.29865190000001,44.946069300000005 +42472,Riverview Estates,-96.77417290000001,46.8364641 +42473,Maple Grove History Museum,-93.42893210000001,45.118444200000006 +42474,Meadows,-96.7293853,46.86585 +42475,Viking Bank,-95.3902048,45.8514902 +42476,Crystal Creek,-96.74969990000001,46.9268166 +42477,Oakport,-96.7805745,46.934411600000004 +42478,Starbucks,-95.38677290000001,45.8509807 +42479,Brentwood Acres,-96.76175950000001,46.939763500000005 +42480,Tesla Supercharger,-95.38892220000001,45.850367000000006 +42481,UNITED,-93.16616810000001,44.9524443 +42482,North Side Electric LLC,-93.33807300000001,45.1510976 +42483,Dogwood Coffee - Northeast,-93.2454088,44.9998798 +42484,Approve-IT Inc.,-93.22255030000001,44.857651600000004 +42485,Maintenance Gate 6,-93.3833278,44.9691266 +42486,Burnsville Fire Station #1,-93.30563740000001,44.743664700000004 +42487,Upsala Public Library,-94.57128490000001,45.807906900000006 +42488,Wadena City Library,-95.1394691,46.439477000000004 +42489,Bonner Elementary School,-92.48071560000001,43.8484652 +42490,Safe Schools botice,-92.48040990000001,43.849079700000004 +42491,Little Rock / Gaa-Asiniinsikaag,-95.07756590000001,47.868838200000006 +42492,Anytime Fitness,-93.2883781,44.949720400000004 +42493,Waldorf Public Library,-93.6973222,43.9334483 +42494,Little Free Library,-92.97466940000001,45.0212002 +42495,Metropolitan Mosquito Control District,-92.96602700000001,45.0245729 +42496,Disc Golf rules,-92.4935454,43.8509071 +42497,Performance Pool & Spa,-92.9663866,45.0245752 +42498,Student drop Off <—,-92.4938352,43.851135500000005 +42499,SHS,-92.49576330000001,43.8522097 +42500,Stewartville Tigers Central Education Center,-92.491422,43.8549712 +42501,Chief Little Creow,-94.37005950000001,44.895797 +42502,White Pebble Spa Co,-92.4887929,43.855935300000006 +42503,The Connection,-92.48900180000001,43.8559411 +42504,19th Real Estate Investment Group LLC,-95.12051170000001,45.4996475 +42505,Emergency Contacts,-92.4850328,43.850873 +42506,Whiteface Reservoir Recreation Area Kiosk,-92.144953,47.335842500000005 +42507,Franklin Printing,-94.1526334,44.769922 +42508,Cadotte Lake Recreation Area,-91.914596,47.382777000000004 +42509,Glencoe Fitness 24/7,-94.15251690000001,44.769927700000004 +42510,Nine Sparrows Boutique,-94.1515686,44.7703148 +42511,"Thrift Shop of Common Cup Ministry, Inc",-94.1524085,44.7699299 +42512,Rhema Coffee Shop,-94.1515677,44.7704036 +42513,Mattress by Appointment,-94.15123940000001,44.7709569 +42514,Gazebo Point,-92.07832610000001,46.8354779 +42515,Cal's Clips,-94.1529472,44.769440200000005 +42516,John Decker Insurance,-94.1529472,44.7694011 +42517,Glencoe Law Office,-94.1506992,44.7702114 +42518,Webb Lake Boat Launch,-94.40451490000001,46.9435413 +42519,Twenty Below Coffee Co Moorhead,-96.76761660000001,46.8679172 +42520,Rendezvous Brewing,-94.5220317,46.930461900000005 +42521,Campsite #11 ADA,-92.3110212,43.994836500000005 +42522,Campsite #6,-92.3117158,43.9951092 +42523,Host Campsite,-92.3112526,43.9950065 +42524,Campsite #7,-92.3116772,43.9949907 +42525,Campsite #10,-92.31111410000001,43.9944909 +42526,Campsite #12,-92.31089150000001,43.9944435 +42527,Campsite #13,-92.3107236,43.9944264 +42528,Campsite #17,-92.30936770000001,43.9943291 +42529,Campsite #14,-92.31051860000001,43.9944787 +42530,Campsite #23,-92.3093686,43.9947736 +42531,Campsite #15,-92.3103744,43.994255100000004 +42532,Campsite #26,-92.3092223,43.9948963 +42533,Campsite #18,-92.31021700000001,43.9947424 +42534,Campsite #30,-92.3090593,43.995048700000005 +42535,Campsite #29,-92.3089405,43.9952953 +42536,Campsite #19,-92.309888,43.994812 +42537,Campsite #28,-92.3087515,43.9951846 +42538,Campsite #20,-92.30957400000001,43.9947668 +42539,Campsite #27,-92.30871040000001,43.9950684 +42540,Alter Home Team and Linda Alter,-93.1165675,44.946364300000006 +42541,Campsite #25,-92.3086815,43.994876600000005 +42542,Campsite #21,-92.3091955,43.9944008 +42543,Campsite #22,-92.30905800000001,43.9944648 +42544,Red Barn,-93.35045410000001,45.2201529 +42545,Campsite #24,-92.3089387,43.9945346 +42546,Coffee Corner - Camden,-93.313906,45.031209700000005 +42547,Wedding Day Diamonds,-92.474029,44.006552400000004 +42548,Memory Mountain,-94.4334877,43.824853000000004 +42549,Chapter Aesthetic Studio,-92.4737298,44.006546900000004 +42550,Subway,-94.1480365,45.495635 +42551,Five Star Bath Solutions of Minneapolis South,-93.2090629,44.426864200000004 +42552,Kwik Trip,-91.3050195,43.8258443 +42553,Kwik Trip,-91.30234320000001,43.83307 +42554,Steinberg Nature Park,-94.0827014,43.6387611 +42555,Boost Mobile,-93.24761120000001,44.948523900000005 +42556,Olmsted Soil And Water Conservation District,-92.48885700000001,43.8355891 +42557,Welcome To Stewartville,-92.48884740000001,43.8355162 +42558,Campsite # 31,-92.30929420000001,43.9953475 +42559,"Real Estate Corners, Inc",-93.19956,45.1841902 +42560,Campsite #32,-92.309262,43.995034800000006 +42561,Mallard Point Remote non-electric canoe-in only campsite,-92.3122431,43.986533200000004 +42562,Campsite #38 ADA,-92.3100776,43.9950163 +42563,Beaver Point Remote non-electric canoe-in only campsite,-92.3053871,43.9874985 +42564,Campsite #34,-92.30944240000001,43.9949528 +42565,Campsite #36,-92.30973060000001,43.994941700000005 +42566,Campsite #40,-92.3104706,43.9950879 +42567,Block North Brew Pub,-93.7063933,46.534643900000006 +42568,Campsite #33,-92.30952590000001,43.9952941 +42569,Campsite #39,-92.31023800000001,43.995393500000006 +42570,Campsite #35,-92.30977680000001,43.9952978 +42571,Campsite #37,-92.309962,43.9953486 +42572,Campsite #42,-92.3107734,43.99515 +42573,Vaping Studio,-93.4121841,44.9263774 +42574,Campsite #44,-92.3110091,43.9951997 +42575,Campsite #46,-92.311233,43.9953135 +42576,Tarcilla’s,-92.48825000000001,43.855782700000006 +42577,Campsite #41,-92.31044340000001,43.9954249 +42578,Campsite #43,-92.3107229,43.9955109 +42579,Campsite #45,-92.3109434,43.9955763 +42580,Dunn Brothers Coffee,-92.064695,46.807263600000006 +42581,Campsite #47,-92.31119930000001,43.9955884 +42582,Campsite #48,-92.3111454,43.995710800000005 +42583,RV Dump Station,-92.31137770000001,43.9961685 +42584,Water,-92.3111892,43.995977200000006 +42585,Lifecare Rehabilitation Services,-95.317085,48.907551000000005 +42586,Crooked Pint Ale House,-92.4649067,43.998747400000006 +42587,Green Mill On-the-Go,-92.4647613,43.9989549 +42588,Nerdin Out,-93.0423133,44.8180829 +42589,Lifecare Wellness Center,-95.31697670000001,48.907574700000005 +42590,Luther Collision and Glass,-93.4039544,45.054999800000004 +42591,Aperture Pet and Life,-93.36351730000001,45.0028486 +42592,Voie de la Liberté 1944 Milestone,-94.2462232,45.4539224 +42593,Winzer Bay,-95.2513888,43.7650701 +42594,Redhead Bay,-95.2804133,43.7598824 +42595,Miller Point,-95.28809120000001,43.7835574 +42596,Duluth Chamber Music Festival,-92.0828383,46.818038900000005 +42597,Heavy Rotation Brewing Co.,-93.3557026,45.1346888 +42598,Dreamers Resort,-94.6381736,47.491372500000004 +42599,Red River Women's Clinic,-96.7425544,46.878434600000006 +42600,Edge of the Wilderness Discovery Center,-93.68889730000001,47.596708 +42601,Tonka Brick & Tile,-93.2815575,45.0098156 +42602,Pine Cone Soup & Sandwich Cafe,-93.691631,47.5942148 +42603,Snowshoe Liquor,-93.689777,47.592316200000006 +42604,Frontier Sports,-93.6839047,47.5866756 +42605,Lakeside Lumber & Hardware LLC,-93.68887240000001,47.591281 +42606,ARCO,-93.6838007,47.586832400000006 +42607,Owen's Place RV Park,-93.6754331,47.585661900000005 +42608,Marcell Town Hall,-93.67881240000001,47.584096100000004 +42609,Marcell Family Center,-93.6880488,47.5887614 +42610,Marcell Community Church,-93.68824910000001,47.589322100000004 +42611,Bigfork Wilderness Bar and Liquor,-93.65397750000001,47.7443168 +42612,Colonial Jewelers,-93.6552688,45.209194700000005 +42613,Arcadia Lodge,-93.73443710000001,47.635293600000004 +42614,The Wilderness Lodge and Cabins,-93.71003320000001,47.6277987 +42615,Jack The Horse Resort,-93.64406480000001,47.608576600000006 +42616,St James Catholic Church,-94.4934063,46.0904338 +42617,Geology Of Lake Minnetonka,-93.5652877,44.9045409 +42618,Starbucks,-93.17772000000001,44.7227758 +42619,C W Parker Merry Go Round,-96.23102750000001,46.7448537 +42620,Quilt Corner,-91.2990954,47.258860600000006 +42621,The Big Dipper,-91.29945880000001,47.2588007 +42622,Christmas Up North,-91.29930420000001,47.2588227 +42623,Hickson Train Depot,-96.2347139,46.7460389 +42624,Pebble Beach,-91.37710170000001,47.197854 +42625,Brown's Creek State Trail - Stillwater Connection,-92.80632050000001,45.061545300000006 +42626,The Cedar Chest,-91.2992311,47.2588364 +42627,Brown's Creek State Trail - Coldwater Stop,-92.84383460000001,45.070091600000005 +42628,Duluth Junction,-92.9002494,45.0768155 +42629,Stone Phô,-93.2341152,45.158782200000005 +42630,Johnson/Turner Legal,-92.10128230000001,46.7841206 +42631,Andover YMCA,-93.30795140000001,45.246319400000004 +42632,Johnson/Turner Legal,-92.9838596,45.278902200000005 +42633,Johnson/Turner Legal,-92.8555017,45.0283201 +42634,Fishing pier,-92.8885776,44.9806083 +42635,Johnson/Turner Legal,-93.4997452,44.971977800000005 +42636,Johnson/Turner Legal,-92.95696600000001,44.9250387 +42637,Johnson/Turner Legal,-93.26865360000001,44.9783358 +42638,Park,-93.12642220000001,45.0491772 +42639,Tesla Supercharger,-92.4777,46.664910000000006 +42640,Lone Oak Road Trailhead,-93.1833041,44.8486362 +42641,High Cliffs Overlook,-90.74666500000001,48.077699100000004 +42642,Lookout Point,-90.7451535,48.0832015 +42643,St. Cloud,-94.15652770000001,45.561584 +42644,Subway,-91.7536584,43.8059864 +42645,USA & MN,-94.15737630000001,45.5600607 +42646,Dollar Tree,-93.4283626,44.8577011 +42647,Wells Fargo,-94.157024,45.560171100000005 +42648,New Fridley Fire Department,-93.26273020000001,45.0964303 +42649,Fairwell Family Law Mediation,-92.9838661,45.2786248 +42650,Lemon Wolf Cafe,-91.3028853,47.258565000000004 +42651,Beaver Bay City Hall and Community Center,-91.3031713,47.258565000000004 +42652,Vermilion Dam Emergency Helipad Landing Area,-92.47920040000001,47.961004300000006 +42653,Yggdrasil Naturopathic Medicine,-93.4656643,44.9214878 +42654,Vermilion Dam Lodge,-92.4765821,47.9603881 +42655,Sweetheart's Bluff,-90.3527408,47.747334300000006 +42656,Aquarius Home Services,-93.0933974,45.0375694 +42657,The Bank of Elk River,-93.566147,45.3031975 +42658,Fort Charlotte,-89.8282913,48.0033746 +42659,Red Rock Ridge High Point,-95.2750738,44.0617363 +42660,O'Reilly Auto Parts,-92.0828067,46.7984628 +42661,Fall Harvest Apple Orchard,-93.8777081,45.0238729 +42662,457,-95.20550340000001,44.047142 +42663,"No Wading, Swimming, Feeding Wildlife, Or Boats (summary)",-94.16184410000001,45.5548626 +42664,P.S. Steak,-93.2872213,44.9671832 +42665,Bloody Friday memorial plaque,-93.27783720000001,44.9864435 +42666,Zorbaz,-95.7365551,46.3619008 +42667,Life in a Cattail Marsh,-93.68389970000001,44.8840899 +42668,Giliberto's Mexican Taco,-93.2120309,45.166619000000004 +42669,Bricksworth Beer,-93.2775156,44.78088 +42670,The Grounds Crew LLC,-93.32710150000001,44.775933900000005 +42671,Cost Cutters,-92.84175490000001,45.0379591 +42672,Bruegger's Bagels,-92.84166040000001,45.0380556 +42673,Clean'n'Press,-92.8417486,45.037871 +42674,Touch the Sky Prairie High Point,-96.2694115,43.7429253 +42675,Sally Beauty,-92.84174970000001,45.0375412 +42676,Visionworks,-92.8416614,45.0381274 +42677,Baker's Fly and Feast,-95.5125723,44.9209132 +42678,Andy's Diner,-93.30100470000001,44.9485149 +42679,Trapeze Bubbles & Toasts,-93.30232260000001,44.948517 +42680,Daymark Uptown,-93.30056400000001,44.948229500000004 +42681,Les Sol,-93.30283820000001,44.9485052 +42682,YogaFit,-93.300134,44.9482135 +42683,Combine,-93.3026598,44.948215600000005 +42684,Sons of Norway,-93.2999942,44.948212700000006 +42685,North Breakwater Light,-92.0078615,46.7116685 +42686,CVS Pharmacy,-95.8396785,46.8150411 +42687,Inner North Breakwater Light,-92.0138498,46.708549600000005 +42688,Minnesota Point,-92.01919050000001,46.707731800000005 +42689,MGM liquor,-91.6188985,44.032771600000004 +42690,Dead End,-93.1110706,45.3913786 +42691,SCSU Medical Clinic,-94.14857280000001,45.550807400000004 +42692,Minnesota Lake Latusek Landing,-93.8697156,43.8476025 +42693,Kevin's Garage,-94.7204712,44.5268591 +42694,North Tyrol,-93.3346348,44.973831700000005 +42695,South Tyrol,-93.3341833,44.968229 +42696,Primitiva Collective,-93.2980898,44.9475612 +42697,The Little Mermaid Cafe,-92.78277580000001,46.1896283 +42698,Pancheros Mexican Grill,-93.35696390000001,45.1315163 +42699,Finlayson Ag & Hardware,-92.9190133,46.2010744 +42700,Park Dental Brookpark,-93.33000460000001,45.0718108 +42701,Kaposia Disc Golf Course,-93.06372540000001,44.9075008 +42702,Travel Tyler Heim,-93.502133,44.9153083 +42703,Kwik Trip #1095,-93.64472930000001,44.773816100000005 +42704,Serpent Lake,-93.95529400000001,46.4792348 +42705,Farmer's Insurance,-93.08100730000001,44.932784600000005 +42706,White Bear Lake County Park Boat Launch,-92.99634520000001,45.0951156 +42707,Pollos Asados,-93.08101740000001,44.9328434 +42708,Saint Paul Tattoo,-93.0806357,44.9321387 +42709,West Side Grocery,-93.08060560000001,44.9319397 +42710,Trujilos Tax Service,-93.0806263,44.9320557 +42711,Kwik Trip Car Wash,-92.1805066,46.7304748 +42712,El Rio Vista Recreation Center,-93.07695290000001,44.931130200000005 +42713,La Michoacana Ice Cream,-93.07698420000001,44.9296687 +42714,Rincon Chalateco,-93.07689300000001,44.929647800000005 +42715,Lanesboro Fire and Ambulance,-91.9802231,43.7141439 +42716,Hader Park-n-Ride Lot,-92.7979846,44.3684768 +42717,Charles Conner Plumbing Inc.,-93.23664950000001,44.791398 +42718,Marathon,-92.9840365,45.0496915 +42719,Wildwood Service,-92.9842976,45.049406100000006 +42720,Haute Dog,-92.98403370000001,45.050519900000005 +42721,Los Mangos Fruteria ice cream,-93.2538329,44.785665200000004 +42722,Chuck & Don's,-92.9836313,45.049863200000004 +42723,Nawal Restaurant,-93.25402740000001,44.7856423 +42724,Indigo Tea Company,-93.2535593,44.7856395 +42725,Cold Stone Creamery,-93.9936294,44.1461017 +42726,Bank of America,-93.3295703,44.878607300000006 +42727,Shake Shack,-93.32838960000001,44.883195900000004 +42728,Chipotle,-93.99408240000001,44.146098 +42729,Farm Business Management,-94.08957500000001,43.634907500000004 +42730,Wakai's Asian Fusion,-93.9939471,44.146095300000006 +42731,Costanza's Pizzeria,-93.9937749,44.146099 +42732,Insomnia Cookies,-93.9934233,44.1460245 +42733,Little Free Library,-92.9868766,45.1112127 +42734,Berry Blendz,-93.9934233,44.1459458 +42735,Weggy's,-93.99342460000001,44.1458689 +42736,Noodles & Company,-93.9934195,44.145633600000004 +42737,B1,-94.0396029,44.1622591 +42738,B2,-94.0397394,44.1622527 +42739,Jimmy John's,-93.99323960000001,44.1456061 +42740,B3,-94.0398236,44.162187700000004 +42741,Jonny B's,-93.9930648,44.1456144 +42742,B4,-94.03978790000001,44.1620998 +42743,Minnesota Lake Police Department,-93.8330767,43.8410134 +42744,B5,-94.039682,44.162057700000005 +42745,Minnesota Lake City Office,-93.83300790000001,43.8410894 +42746,Minnesota Lake Ambulance Services,-93.83242510000001,43.8401817 +42747,Sky Crew Services LLC,-96.15122720000001,46.2860512 +42748,Tesla Supercharger,-92.9906175,45.5108661 +42749,CVS Pharmacy,-93.1854028,44.8037216 +42750,Holiday,-93.1869113,44.803961300000005 +42751,Miracle-Ear,-93.96000360000001,44.167906900000006 +42752,EZ Air Park,-93.1460907,44.8552395 +42753,Duluth Indoor Sports Center,-92.1423206,46.8311939 +42754,Pearle Vision,-93.96018760000001,44.1679114 +42755,H&R Block,-93.9597555,44.167905600000005 +42756,Nuleev,-93.95317290000001,44.1695153 +42757,All About Hair & Tanning Salon,-93.95966170000001,44.167903 +42758,Liv Aveda Salon & Spa,-93.9534096,44.169524 +42759,Enterprise,-93.9595922,44.167903700000004 +42760,Tokyo Sushi & Hibachi,-93.9536767,44.1695153 +42761,Tam's Nails,-93.9595245,44.167904300000004 +42762,Williams Diamond Center,-93.95377380000001,44.169521800000005 +42763,The UPS Store,-93.9538345,44.1695251 +42764,Hyland Dental,-93.95938290000001,44.167903700000004 +42765,Cub Pharmacy,-93.955898,44.1685521 +42766,State Farm,-93.9592963,44.1679024 +42767,Rooms and Rest,-93.9575234,44.168267500000006 +42768,Econofoods,-94.36564170000001,44.8929854 +42769,Once Upon A Child,-93.95703470000001,44.168781700000004 +42770,Econofoods,-91.6895382,44.0566909 +42771,Sprint,-93.957024,44.1685898 +42772,Michael’s,-92.4639114,44.023200800000005 +42773,Great Clips,-93.9570266,44.1684919 +42774,Papa Murphy's,-93.9570228,44.1682988 +42775,China Buffet,-93.9571823,44.168264900000004 +42776,Harbor Freight Tools,-93.9586814,44.168277700000004 +42777,ECig Crib,-93.95883450000001,44.168286 +42778,GameStop,-93.95745690000001,44.170213700000005 +42779,The Mattress Superstore,-93.95750740000001,44.1699652 +42780,Nova Academy of Cosmetology,-93.95750020000001,44.169690800000005 +42781,Minnesota Hot Tubs,-93.9575056,44.170063500000005 +42782,Le Nails,-93.9573902,44.1702926 +42783,Planet Fitness,-93.9530227,44.1696785 +42784,MGM Wine & Spirits,-93.97059510000001,44.1643983 +42785,HearingLife of Mankato,-93.96391050000001,44.1697348 +42786,Retina Center,-93.9636196,44.169449300000004 +42787,Affinity Plus Federal Credit Union,-93.963724,44.1673679 +42788,HearingLife,-93.96344780000001,44.167365700000005 +42789,Oz Tobacco Shop,-93.9704332,44.1644719 +42790,Stewart Title Company,-93.9636572,44.1680111 +42791,Planned Parenthood,-93.9708813,44.1648773 +42792,BB Lash,-93.96374820000001,44.167593200000006 +42793,Kato Karate,-93.9707382,44.164979900000006 +42794,Einstein Bros. Bagels,-93.9649765,44.1673381 +42795,Dan's Barber Shop,-93.9709478,44.164741500000005 +42796,River Bend Business Products,-93.9702728,44.1653801 +42797,Quality Appliance,-93.97094630000001,44.1646067 +42798,Joyce's Hair Care,-93.9704737,44.1649229 +42799,Opa Frank's Rest Area,-93.3452457,44.702145200000004 +42800,Boot Barn,-92.4596049,43.9828715 +42801,Gator's Grilled Cheese Emporium,-91.8523361,47.903269400000006 +42802,Chinese Peace Bell and Garden,-92.12410030000001,46.777036100000004 +42803,Enterprise,-93.2826981,44.948651000000005 +42804,Nice Ride Minnesota,-93.29312130000001,44.9498351 +42805,Extreme Noise Records,-93.28457350000001,44.9482419 +42806,Botanica San Judas,-93.2844728,44.9482428 +42807,uBreakiFix,-93.2916271,44.948243100000006 +42808,ZRS Fossils,-93.2883396,44.947636800000005 +42809,State Farm,-93.2916981,44.9482413 +42810,Caffrey's Deli,-93.28833470000001,44.9479544 +42811,Third Space Cafe,-93.28833420000001,44.949013 +42812,419,-93.28922200000001,44.948509300000005 +42813,Nice Ride Minnesota,-93.2868887,44.944751700000005 +42814,Mayim Rabim,-93.31996640000001,44.9231452 +42815,Lake Street SB,-93.274856,44.9483234 +42816,Minneapolis Friends,-93.3198917,44.923146200000005 +42817,Spectacle Shoppe,-93.21949280000001,45.084161300000005 +42818,Speedway,-93.2194176,45.0829408 +42819,Dollar Tree,-93.22019470000001,45.084662 +42820,Augustana Lutheran church,-95.94434650000001,46.746490800000004 +42821,Saint Hedwig's Catholic Church,-93.27137280000001,45.020813200000006 +42822,Rod Carew All Star Field,-93.2745677,45.027065500000006 +42823,Backstory Coffee,-93.27541000000001,44.9868826 +42824,FRGMNT COFFE,-93.27786420000001,44.987870900000004 +42825,Honour,-93.2262549,44.9947418 +42826,Wood + Paddle Eatery,-93.27345670000001,44.9772532 +42827,Margies Kitchen & Cocktails,-93.35596170000001,45.2201693 +42828,Brockton Meadows Park Sign,-93.52920560000001,45.2073729 +42829,Dan Kotaska Gun & Dog Training,-96.1465912,48.039154700000005 +42830,"Premiere Exteriors, LLC",-93.2744966,44.781811600000005 +42831,Little Free Library,-93.529116,45.2072188 +42832,Birchwood,-93.52515500000001,45.204753600000004 +42833,Kaddy's Kafe,-91.3035866,43.8293988 +42834,Nelson Clinic and Rehabilitation Care,-95.04406900000001,45.105488900000005 +42835,Nibbana Labs,-93.28593020000001,44.950025800000006 +42836,Apple Village Liquor,-91.3035397,43.829024600000004 +42837,MPLS Roofing,-93.27573480000001,44.9873479 +42838,Corky's Legendary Pizza/Ice cream,-91.30364850000001,43.8289259 +42839,First steps early Learning Center,-91.30696540000001,43.8295893 +42840,First evangelical Lutheran Church,-91.30721100000001,43.829520900000006 +42841,Swing Bridge Pub,-91.30177760000001,43.8346366 +42842,Lacrescent Community Center,-91.30579540000001,43.828488300000004 +42843,La Crescent Wine & Spirits,-91.2887298,43.8245907 +42844,Subway,-91.30617550000001,43.8133191 +42845,South Diamond Lake Public Water Access,-93.49549680000001,45.199731500000006 +42846,Owl and Lark,-93.55277020000001,45.188571100000004 +42847,Cantonese Wong's Cafe,-92.4886242,44.0667185 +42848,Hilltop Grocery and Meat,-93.246876,45.055939200000005 +42849,Arco,-96.1296921,46.380060400000005 +42850,Upper Afton Gate,-93.0015917,44.939937500000006 +42851,Little Free Library,-92.9272249,44.9054659 +42852,junction of powerline and treading the needles,-92.03252400000001,46.8511759 +42853,Sunnyside Ships Store / Office,-92.79286850000001,45.042272700000005 +42854,Sunnyside Launch Ramp,-92.7894845,45.0396967 +42855,junction of threading the needles and talus trail,-92.0309211,46.8532808 +42856,Can of Worms,-92.1231753,46.765329300000005 +42857,start of threading the needles,-92.0319808,46.8506134 +42858,Twin Cities Pawn,-93.3962484,45.1102207 +42859,Northern Grounds,-91.8670441,47.903178700000005 +42860,Avis,-93.3964328,45.1101954 +42861,Claddagh Coffee Cafe,-93.1115261,44.9382742 +42862,Charlie & Daves Auto Body,-92.0762737,46.8003713 +42863,Colita,-93.3090257,44.904880500000004 +42864,Accord Native Garden Sculpture,-93.2305857,44.9877151 +42865,Bender's Shoes,-92.16467920000001,46.8072881 +42866,Verizon,-92.1645232,46.8072704 +42867,Nature's Best Cleaners,-92.5176553,44.07808 +42868,University of MN Child Development Laboratory School,-93.2295371,44.9848632 +42869,Van Cleve Park Recreation Center,-93.2310434,44.9859558 +42870,Naf Naf Grill,-93.2350981,44.9729486 +42871,Gopher Express,-93.23616750000001,44.9733467 +42872,Einstein Bros. Bagels,-93.23557840000001,44.9728962 +42873,The People Of Iowa Welcome You,-93.3540839,43.499748800000006 +42874,Great Hall,-93.2356554,44.9727284 +42875,Minnesota Welcomes You,-93.35411300000001,43.503752500000004 +42876,Thanks for Visiting Minnesota,-93.3552094,43.5036542 +42877,Pilllar Forum,-93.24772370000001,45.011012900000004 +42878,Corner Coffee,-93.24775000000001,45.0107385 +42879,Xperience Fitness,-93.17076030000001,45.016443800000005 +42880,Cash Wise Liquor,-95.36678450000001,45.899758500000004 +42881,Ace Hardware,-95.3780938,45.8879899 +42882,Subway,-93.22499570000001,44.7339337 +42883,Indigo Market,-93.17081230000001,45.724693200000004 +42884,Prime Source Funding,-93.9544637,44.1818937 +42885,First Meeting Noodle,-92.4742408,44.0004117 +42886,Top Nails Salon + Spa,-93.9547182,44.1818989 +42887,Girl Scouts River Valleys,-93.9544583,44.182201600000006 +42888,Public Dental Clinic,-93.9949313,44.146650400000006 +42889,Anytime Fitness,-93.9547326,44.1821654 +42890,Center for Communication Sciences and Disorders,-93.9951393,44.146714 +42891,Emerson Ave S & W 28th St,-93.2943948,44.951767600000004 +42892,Bresnan Arena,-93.99565480000001,44.1456156 +42893,Andreas Theatre,-93.9980469,44.1491972 +42894,O'Brien Tax & Accounting,-93.5047219,44.092095300000004 +42895,Ted Paul Theatre,-93.9972855,44.1489836 +42896,Paragon Salon,-93.5051564,44.0920907 +42897,Sun Foods,-93.32623980000001,45.0703935 +42898,Beschnett And Harvey Chiropractic,-93.5048903,44.092120800000004 +42899,Dollar Tree,-93.326248,45.0699253 +42900,Nice Ride Minnesota,-93.21945720000001,44.9203709 +42901,Gate C,-93.3701126,45.071246 +42902,Evansville Laundromat,-95.6845548,46.0071193 +42903,Gate A,-93.3701441,45.0710707 +42904,Gate B,-93.370247,45.0712228 +42905,Salon B & Co.,-95.6844756,46.007067600000006 +42906,Taqueria La Hacienda,-93.3054475,44.7714007 +42907,Cottagewood,-93.53874970000001,44.925766800000005 +42908,The Tile Shop,-93.1761446,45.0217236 +42909,Glenville Short Stop,-93.2786641,43.5669021 +42910,Glenville Short Stop,-93.2784001,43.5668865 +42911,Greystone,-93.0799369,44.7494943 +42912,Starbucks,-93.2163096,44.697630700000005 +42913,Emerald Isle,-93.0777436,44.7429117 +42914,Maurices,-92.58689360000001,44.569569800000004 +42915,Domino's,-93.57979610000001,44.8928237 +42916,Dunham's Sports,-92.58682080000001,44.5697181 +42917,Baker's Ribs,-93.4267387,44.858512000000005 +42918,Slumberland Furniture,-92.5867245,44.569938900000004 +42919,JOANN Fabrics and Crafts,-92.58640580000001,44.5705663 +42920,TJ Maxx,-92.58624540000001,44.570878300000004 +42921,Applebee's,-92.5849374,44.569924400000005 +42922,Fantastic Sams,-92.5848825,44.5707624 +42923,Ameriprise Financial Services,-92.5849924,44.570785900000004 +42924,Holiday,-93.4021257,48.590513400000006 +42925,Petco,-93.42838520000001,44.858541 +42926,Salon Concepts,-93.42836980000001,44.8579081 +42927,Leeann Chin,-93.4267416,44.858659100000004 +42928,Great Clips,-93.42675030000001,44.858448800000005 +42929,Thomas Printworks,-93.4267226,44.858305800000004 +42930,9 Round Fitness,-93.42670500000001,44.8583815 +42931,Eden Prairie Dental Care,-93.4330338,44.854469900000005 +42932,Dick's Sports Barbers,-93.4332524,44.8535254 +42933,Fish Barrier LSRW 1C,-95.3952395,43.644211500000004 +42934,Ulta Beauty,-93.43611250000001,44.8506786 +42935,Marathon,-93.4413126,44.8443963 +42936,Lakeville Family Pet Clinic,-93.2153526,44.6950598 +42937,Greek Grill & Fry Co.,-93.44134240000001,44.844408 +42938,Salon Onyx,-93.21522780000001,44.6951393 +42939,EP Nails,-93.44123850000001,44.844621200000006 +42940,Family Chiropractic and Wellness,-93.2151036,44.6952129 +42941,Anderson Lakes Animal Hospital,-93.4412173,44.8447228 +42942,Pediatric Dentistry,-93.44119540000001,44.844809700000006 +42943,Caribou Coffee,-93.21521770000001,44.694246500000006 +42944,Alex PC Tech,-93.21501310000001,44.694340200000006 +42945,Best Brains,-93.441174,44.8448848 +42946,Mathnasium,-93.2149497,44.694379600000005 +42947,Cozy Asian Massage,-93.44115140000001,44.8449644 +42948,Spectrum,-93.2148899,44.6944169 +42949,Scuba,-93.4411304,44.8450408 +42950,El Parian Mexican Grill,-93.2146683,44.6945667 +42951,Anderson Lakes Dentist,-93.44110930000001,44.845117 +42952,Rose Yarn Co,-93.21476100000001,44.694499300000004 +42953,Poornand Foods,-93.4410615,44.845181100000005 +42954,Cherry Berry,-93.21519880000001,44.6936436 +42955,Snap Fitness,-93.44104300000001,44.8452606 +42956,Berry Blendz,-93.2151961,44.6937275 +42957,Subway,-93.4404518,44.844462500000006 +42958,Little Caesars,-93.2151975,44.693783800000006 +42959,Asian Express,-93.4404518,44.8445188 +42960,$5 Tan,-93.2151975,44.6938686 +42961,Deg Deg Halal and Deli,-93.44045840000001,44.8446883 +42962,Heidi Nails,-93.2151948,44.693947800000004 +42963,$5 Tan,-93.44039790000001,44.845086300000006 +42964,Hand & Aroma Massage,-93.2151961,44.6940145 +42965,Great Clips,-93.2151961,44.6940869 +42966,Metro Dentalcare,-93.21681670000001,44.6935056 +42967,Pho Everest Vietnamese,-93.2151961,44.694146100000005 +42968,Sakura Sushi,-93.21681670000001,44.6933401 +42969,Mr. Paul’s Supper Club,-93.3300198,44.9133208 +42970,Park Center Senior High School,-93.3441926,45.089131 +42971,The Guild Tavern & Social House,-92.4901749,44.0360774 +42972,Oriental Orchid,-91.8593184,47.9031011 +42973,Brooklyn Middle School,-93.3425795,45.089072400000006 +42974,Glencoe Veterans Memorial,-94.1322877,44.7688915 +42975,Elephant Lake Lookout Tower,-92.7505383,48.179819200000004 +42976,Charles Cabinet Co,-93.1871447,45.0344867 +42977,SAC Towing & Recovery,-92.903192,44.4902948 +42978,Sir G's,-91.85871970000001,47.903038300000006 diff --git a/models/spabert/notebooks/tutorial_datasets/output.csv.json b/models/spabert/notebooks/tutorial_datasets/output.csv.json new file mode 100644 index 0000000000000000000000000000000000000000..f82c6bb67e22a9631daae22c258f56ca394312da --- /dev/null +++ b/models/spabert/notebooks/tutorial_datasets/output.csv.json @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c5b0c617f0cf93c320a8d8a38a3af7f092ad54eebfeca866d2905a03bcae6f8 +size 37566110 diff --git a/models/spabert/notebooks/tutorial_datasets/spabert-base-uncased-finetuned-osm-mn.pth b/models/spabert/notebooks/tutorial_datasets/spabert-base-uncased-finetuned-osm-mn.pth new file mode 100644 index 0000000000000000000000000000000000000000..19da563ad906c7df41687d7cb4a186e68717eb84 --- /dev/null +++ b/models/spabert/notebooks/tutorial_datasets/spabert-base-uncased-finetuned-osm-mn.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7046e57275530ee40ec10a80ecb67977e6f6530dc935c6abf77cf1d56c3d0f9a +size 531904817 diff --git a/models/spabert/notebooks/tutorial_datasets/spabert_osm_mn.json b/models/spabert/notebooks/tutorial_datasets/spabert_osm_mn.json new file mode 100644 index 0000000000000000000000000000000000000000..0edaa173de91d5f9c448d137317038642e4bb649 --- /dev/null +++ b/models/spabert/notebooks/tutorial_datasets/spabert_osm_mn.json @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0665091faef52166a44c6ef253af85c99e30f7a63150b4542d42768793a088f6 +size 65595132 diff --git a/models/spabert/notebooks/tutorial_datasets/spabert_whg_wikidata.json b/models/spabert/notebooks/tutorial_datasets/spabert_whg_wikidata.json new file mode 100644 index 0000000000000000000000000000000000000000..6f513ed6cd7af8c65542e910f216bd60728ec57e --- /dev/null +++ b/models/spabert/notebooks/tutorial_datasets/spabert_whg_wikidata.json @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bba735c975231c42f467285b4f17ce4ba58262557f2769b89c863b7f37302209 +size 52811876 diff --git a/models/spabert/notebooks/tutorial_datasets/spabert_wikidata_sampled.json b/models/spabert/notebooks/tutorial_datasets/spabert_wikidata_sampled.json new file mode 100644 index 0000000000000000000000000000000000000000..52a5f2a5eaec003f0a748381c53f03a36e48482d --- /dev/null +++ b/models/spabert/notebooks/tutorial_datasets/spabert_wikidata_sampled.json @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d13476f6583e96ebc7272af910f99decc062b4053f92cc927837c49a777e6e86 +size 27841961 diff --git a/models/spabert/requirements.txt b/models/spabert/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..9789b48cbd208afa9f16f37070b9a4876c47ef5c --- /dev/null +++ b/models/spabert/requirements.txt @@ -0,0 +1,7 @@ +numpy==1.24.3 +pandas==2.0.1 +scipy==1.10.1 +torch==2.0.1 +tqdm==4.65.0 +transformers==4.29.2 +scikit-learn==1.2.0 diff --git a/models/spabert/train_mlm.py b/models/spabert/train_mlm.py new file mode 100644 index 0000000000000000000000000000000000000000..da9a0a9cb0780da6dcf77e49dd251e08049d5fe6 --- /dev/null +++ b/models/spabert/train_mlm.py @@ -0,0 +1,216 @@ +import os +import sys +from transformers import RobertaTokenizer, BertTokenizer +from tqdm import tqdm # for our progress bar +from transformers import AdamW + +import torch +from torch.utils.data import DataLoader + +from models.spatial_bert_model import SpatialBertModel +from models.spatial_bert_model import SpatialBertConfig +from models.spatial_bert_model import SpatialBertForMaskedLM +from datasets.osm_sample_loader import PbfMapDataset +from transformers.models.bert.modeling_bert import BertForMaskedLM + +import numpy as np +import argparse +import pdb + + +DEBUG = False + + +def training(args): + + num_workers = args.num_workers + batch_size = args.batch_size + epochs = args.epochs + lr = args.lr #1e-7 # 5e-5 + save_interval = args.save_interval + max_token_len = args.max_token_len + distance_norm_factor = args.distance_norm_factor + spatial_dist_fill=args.spatial_dist_fill + with_type = args.with_type + sep_between_neighbors = args.sep_between_neighbors + freeze_backbone = args.freeze_backbone + + bert_option = args.bert_option + if_no_spatial_distance = args.no_spatial_distance + + assert bert_option in ['bert-base','bert-large'] + + london_file_path = '../data/sql_output/osm-point-london.json' + california_file_path = '../data/sql_output/osm-point-california.json' + + if args.model_save_dir is None: + sep_pathstr = '_sep' if sep_between_neighbors else '_nosep' + freeze_pathstr = '_freeze' if freeze_backbone else '_nofreeze' + context_pathstr = '_nocontext' if if_no_spatial_distance else '_withcontext' + model_save_dir = '/data2/zekun/spatial_bert_weights/mlm_mem_lr' + str("{:.0e}".format(lr)) + sep_pathstr + context_pathstr +'/'+bert_option+ freeze_pathstr + '_mlm_mem_london_california_bsize' + str(batch_size) + + if not os.path.isdir(model_save_dir): + os.makedirs(model_save_dir) + else: + model_save_dir = args.model_save_dir + + + print('model_save_dir', model_save_dir) + print('\n') + + if bert_option == 'bert-base': + bert_model = BertForMaskedLM.from_pretrained('bert-base-uncased') + tokenizer = BertTokenizer.from_pretrained("bert-base-uncased") + config = SpatialBertConfig(use_spatial_distance_embedding = not if_no_spatial_distance) + elif bert_option == 'bert-large': + bert_model = BertForMaskedLM.from_pretrained('bert-large-uncased') + tokenizer = BertTokenizer.from_pretrained("bert-large-uncased") + config = SpatialBertConfig(use_spatial_distance_embedding = not if_no_spatial_distance, hidden_size = 1024, intermediate_size = 4096, num_attention_heads=16, num_hidden_layers=24) + else: + raise NotImplementedError + + + model = SpatialBertForMaskedLM(config) + + model.load_state_dict(bert_model.state_dict() , strict = False) # load sentence position embedding weights as well + + if bert_option == 'bert-large' and freeze_backbone: + print('freezing backbone weights') + for param in model.parameters(): + param.requires_grad = False + + for param in model.cls.parameters(): + param.requires_grad = True + + for param in model.bert.encoder.layer[21].parameters(): + param.requires_grad = True + for param in model.bert.encoder.layer[22].parameters(): + param.requires_grad = True + for param in model.bert.encoder.layer[23].parameters(): + param.requires_grad = True + + + london_train_dataset = PbfMapDataset(data_file_path = london_file_path, + tokenizer = tokenizer, + max_token_len = max_token_len, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = with_type, + sep_between_neighbors = sep_between_neighbors, + label_encoder = None, + mode = None) + + california_train_dataset = PbfMapDataset(data_file_path = california_file_path, + tokenizer = tokenizer, + max_token_len = max_token_len, + distance_norm_factor = distance_norm_factor, + spatial_dist_fill = spatial_dist_fill, + with_type = with_type, + sep_between_neighbors = sep_between_neighbors, + label_encoder = None, + mode = None) + + train_dataset = torch.utils.data.ConcatDataset([london_train_dataset, california_train_dataset]) + + + if DEBUG: + train_loader = DataLoader(train_dataset, batch_size= batch_size, num_workers=num_workers, + shuffle=False, pin_memory=True, drop_last=True) + else: + train_loader = DataLoader(train_dataset, batch_size= batch_size, num_workers=num_workers, + shuffle=True, pin_memory=True, drop_last=True) + + + device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') + model.to(device) + model.train() + + + # initialize optimizer + optim = AdamW(model.parameters(), lr = lr) + + print('start training...') + + for epoch in range(epochs): + # setup loop with TQDM and dataloader + loop = tqdm(train_loader, leave=True) + iter = 0 + for batch in loop: + # initialize calculated gradients (from prev step) + optim.zero_grad() + # pull all tensor batches required for training + input_ids = batch['masked_input'].to(device) + attention_mask = batch['attention_mask'].to(device) + position_list_x = batch['norm_lng_list'].to(device) + position_list_y = batch['norm_lat_list'].to(device) + sent_position_ids = batch['sent_position_ids'].to(device) + + labels = batch['pseudo_sentence'].to(device) + + outputs = model(input_ids, attention_mask = attention_mask, sent_position_ids = sent_position_ids, + position_list_x = position_list_x, position_list_y = position_list_y, labels = labels) + + + loss = outputs.loss + loss.backward() + optim.step() + + loop.set_description(f'Epoch {epoch}') + loop.set_postfix({'loss':loss.item()}) + + if DEBUG: + print('ep'+str(epoch)+'_' + '_iter'+ str(iter).zfill(5), loss.item() ) + + iter += 1 + + if iter % save_interval == 0 or iter == loop.total: + save_path = os.path.join(model_save_dir, 'mlm_mem_keeppos_ep'+str(epoch) + '_iter'+ str(iter).zfill(5) \ + + '_' +str("{:.4f}".format(loss.item())) +'.pth' ) + torch.save(model.state_dict(), save_path) + print('saving model checkpoint to', save_path) + + + + +def main(): + + parser = argparse.ArgumentParser() + parser.add_argument('--num_workers', type=int, default=5) + parser.add_argument('--batch_size', type=int, default=12) + parser.add_argument('--epochs', type=int, default=10) + parser.add_argument('--save_interval', type=int, default=2000) + parser.add_argument('--max_token_len', type=int, default=300) + + + parser.add_argument('--lr', type=float, default = 5e-5) + parser.add_argument('--distance_norm_factor', type=float, default = 0.0001) + parser.add_argument('--spatial_dist_fill', type=float, default = 20) + + parser.add_argument('--with_type', default=False, action='store_true') + parser.add_argument('--sep_between_neighbors', default=False, action='store_true') + parser.add_argument('--freeze_backbone', default=False, action='store_true') + parser.add_argument('--no_spatial_distance', default=False, action='store_true') + + parser.add_argument('--bert_option', type=str, default='bert-base') + parser.add_argument('--model_save_dir', type=str, default=None) + + + args = parser.parse_args() + print('\n') + print(args) + print('\n') + + + # out_dir not None, and out_dir does not exist, then create out_dir + if args.model_save_dir is not None and not os.path.isdir(args.model_save_dir): + os.makedirs(args.model_save_dir) + + training(args) + + + +if __name__ == '__main__': + + main() + + \ No newline at end of file diff --git a/models/spabert/utils/__init__.py b/models/spabert/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/models/spabert/utils/__pycache__/__init__.cpython-310.pyc b/models/spabert/utils/__pycache__/__init__.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..fe113eac7d2f6e6263ddde70e9bf926704abefc6 Binary files /dev/null and b/models/spabert/utils/__pycache__/__init__.cpython-310.pyc differ diff --git a/models/spabert/utils/__pycache__/baseline_utils.cpython-310.pyc b/models/spabert/utils/__pycache__/baseline_utils.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..f455d1f7ca16e4a665823a48b10e26c0b67a13df Binary files /dev/null and b/models/spabert/utils/__pycache__/baseline_utils.cpython-310.pyc differ diff --git a/models/spabert/utils/__pycache__/common_utils.cpython-310.pyc b/models/spabert/utils/__pycache__/common_utils.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..2f80c79ddf0de777df999ac44a2c8c6e3a106362 Binary files /dev/null and b/models/spabert/utils/__pycache__/common_utils.cpython-310.pyc differ diff --git a/models/spabert/utils/__pycache__/find_closest.cpython-310.pyc b/models/spabert/utils/__pycache__/find_closest.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..f213dd9b5655df722a42737d3294e15e2b39f60c Binary files /dev/null and b/models/spabert/utils/__pycache__/find_closest.cpython-310.pyc differ diff --git a/models/spabert/utils/baseline_utils.py b/models/spabert/utils/baseline_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..2a64bebc96b255d4df9b0514b511e73ca5db0d5b --- /dev/null +++ b/models/spabert/utils/baseline_utils.py @@ -0,0 +1,73 @@ +from transformers import BertModel, BertTokenizer +from transformers import RobertaModel, RobertaTokenizer +from transformers import AutoModel, AutoTokenizer +from transformers import LukeTokenizer, LukeModel + + +def get_baseline_model(model_name): + + if model_name == 'bert-base': + name_str = 'bert-base-uncased' + tokenizer = BertTokenizer.from_pretrained(name_str) + model = BertModel.from_pretrained(name_str) + + + elif model_name == 'bert-large': + name_str = 'bert-large-uncased' + tokenizer = BertTokenizer.from_pretrained(name_str) + model = BertModel.from_pretrained(name_str) + + + elif model_name == 'roberta-base': + name_str = 'roberta-base' + tokenizer = RobertaTokenizer.from_pretrained(name_str) + model = RobertaModel.from_pretrained(name_str) + + elif model_name == 'roberta-large': + tokenizer = RobertaTokenizer.from_pretrained('roberta-large') + model = RobertaModel.from_pretrained('roberta-large') + + elif model_name == 'spanbert-base': + tokenizer = AutoTokenizer.from_pretrained('SpanBERT/spanbert-base-cased') + model = AutoModel.from_pretrained('SpanBERT/spanbert-base-cased') + + elif model_name == 'spanbert-large': + tokenizer = AutoTokenizer.from_pretrained('SpanBERT/spanbert-large-cased') + model = AutoModel.from_pretrained('SpanBERT/spanbert-large-cased') + + elif model_name == 'luke-base': + tokenizer = LukeTokenizer.from_pretrained('studio-ousia/luke-base') + model = LukeModel.from_pretrained('studio-ousia/luke-base') + + + elif model_name == 'luke-large': + tokenizer = LukeTokenizer.from_pretrained('studio-ousia/luke-large') + model = LukeModel.from_pretrained('studio-ousia/luke-large') + + + elif model_name == 'simcse-bert-base': + name_str = 'princeton-nlp/unsup-simcse-bert-base-uncased' + tokenizer = AutoTokenizer.from_pretrained(name_str) + model = AutoModel.from_pretrained(name_str) + + elif model_name == 'simcse-bert-large': + name_str = 'princeton-nlp/unsup-simcse-bert-large-uncased' + tokenizer = AutoTokenizer.from_pretrained(name_str) + model = AutoModel.from_pretrained(name_str) + + + elif model_name == 'simcse-roberta-base': + name_str = 'princeton-nlp/unsup-simcse-roberta-base' + tokenizer = AutoTokenizer.from_pretrained(name_str) + model = AutoModel.from_pretrained(name_str) + + elif model_name == 'simcse-roberta-large': + name_str = 'princeton-nlp/unsup-simcse-roberta-large' + tokenizer = AutoTokenizer.from_pretrained(name_str) + model = AutoModel.from_pretrained(name_str) + + + else: + raise NotImplementedError + + return model, tokenizer diff --git a/models/spabert/utils/common_utils.py b/models/spabert/utils/common_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..c40284304285575f1e73e75361d495279f0a5be2 --- /dev/null +++ b/models/spabert/utils/common_utils.py @@ -0,0 +1,101 @@ +import os +import numpy as np +import json +import pdb +#from sklearn.metrics.pairwise import cosine_similarity + + +import torch + +device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') + + +def write_to_csv(out_dir, map_name, match_list): + out_path = os.path.join(out_dir, map_name + '.json') + + with open(out_path, 'w') as f: + for match_dict in match_list: + json.dump(match_dict, f) + f.write('\n') + + + +def load_spatial_bert_pretrained_weights(model, weight_path): + + # load pretrained weights from SpatialBertLM to SpatialBertModel + #pre_trained_model=torch.load(os.path.join(model_save_dir, weight_file_name)) + pre_trained_model=torch.load(weight_path) + + cnt_layers = 0 + cur_model_kvpair=model.state_dict() + for key,value in cur_model_kvpair.items(): + if 'bert.'+key in pre_trained_model: + cur_model_kvpair[key]=pre_trained_model['bert.'+key] + #print("weights loaded for", key) + cnt_layers += 1 + else: + print("No weight for", key) + + print(cnt_layers, 'layers loaded') + + model.load_state_dict(cur_model_kvpair) + + return model + + + +def get_spatialbert_embedding(entity, model, use_distance = True, agg = 'mean'): + + pseudo_sentence = entity['pseudo_sentence'][None,:].to(device) + attention_mask = entity['attention_mask'][None,:].to(device) + sent_position_ids = entity['sent_position_ids'][None,:].to(device) + pivot_token_len = entity['pivot_token_len'] + + + if 'norm_lng_list' in entity and use_distance: + position_list_x = entity['norm_lng_list'][None,:].to(device) + position_list_y = entity['norm_lat_list'][None,:].to(device) + else: + position_list_x = [] + position_list_y = [] + + outputs = model(input_ids = pseudo_sentence, attention_mask = attention_mask, sent_position_ids = sent_position_ids, + position_list_x = position_list_x, position_list_y = position_list_y) + + + embeddings = outputs.last_hidden_state + + + pivot_embed = embeddings[0][1:1+pivot_token_len] + if agg == 'mean': + pivot_embed = torch.mean(pivot_embed, axis = 0).detach().cpu().numpy() # (768, ) + elif agg == 'sum': + pivot_embed = torch.sum(pivot_embed, axis = 0).detach().cpu().numpy() # (768, ) + else: + raise NotImplementedError + + return pivot_embed + +def get_bert_embedding(entity, model, agg = 'mean'): + + pseudo_sentence = entity['pseudo_sentence'].unsqueeze(0).to(device) + attention_mask = entity['attention_mask'].unsqueeze(0).to(device) + pivot_token_len = entity['pivot_token_len'] + + + outputs = model(input_ids = pseudo_sentence, attention_mask = attention_mask) + + + embeddings = outputs.last_hidden_state + + + pivot_embed = embeddings[0][1:1+pivot_token_len] + if agg == 'mean': + pivot_embed = torch.mean(pivot_embed, axis = 0).detach().cpu().numpy() # (768, ) + elif agg == 'sum': + pivot_embed = torch.sum(pivot_embed, axis = 0).detach().cpu().numpy() # (768, ) + else: + raise NotImplementedError + + + return pivot_embed \ No newline at end of file diff --git a/models/spabert/utils/find_closest.py b/models/spabert/utils/find_closest.py new file mode 100644 index 0000000000000000000000000000000000000000..fdbf0920a6b314accfe0c82ca84e07d03be10bba --- /dev/null +++ b/models/spabert/utils/find_closest.py @@ -0,0 +1,45 @@ +import numpy as np +from sklearn.metrics.pairwise import cosine_similarity + + +def find_self_closest_match(sim_matrix, word_list): + '''sim_matrix should be (n,n)''' + n = sim_matrix.shape[0] + sim_matrix[range(n), range(n)] = 0 + indices = np.argmax(sim_matrix, axis = -1) + ret_list = [] + for ind in indices: + ret_list.append(word_list[ind]) + return ret_list + + +def find_ref_closest_match(sim_matrix, word_list): + ''' + sim_matrix should be (n_ref, n_query) + word_list should be (n_ref,) + ''' + n_ref, n_query = sim_matrix.shape[0], sim_matrix.shape[1] + indices = np.argmax(sim_matrix, axis = 0) # similarity matrix, take the maximum + #print(indices) + ret_list = [] + for ind in indices: + ret_list.append(word_list[ind]) + return ret_list + +def sort_ref_closest_match(sim_matrix, word_list): + ''' + sim_matrix should be (n_ref, n_query) + word_list should be (n_ref,) + ''' + n_ref, n_query = sim_matrix.shape[0], sim_matrix.shape[1] + + indices_list = np.argsort(sim_matrix, axis = 0)[::-1] # descending order + + #print(indices_list) + ret_list = [] + for indices in indices_list: + word_sorted = [] + for ind in indices: + word_sorted.append(word_list[ind]) + ret_list.append(word_sorted) + return ret_list \ No newline at end of file